diff --git a/docs/conf.py b/docs/conf.py index f29e9f73e..1fe4747f5 100644 --- a/docs/conf.py +++ b/docs/conf.py @@ -14,7 +14,7 @@ copyright = "2023, csunny" author = "csunny" -version = "👏👏 0.4.1" +version = "👏👏 0.4.2" html_title = project + " " + version # -- General configuration --------------------------------------------------- diff --git a/pilot/base_modules/agent/commands/command_mange.py b/pilot/base_modules/agent/commands/command_mange.py index be9e02811..89aa2f5f4 100644 --- a/pilot/base_modules/agent/commands/command_mange.py +++ b/pilot/base_modules/agent/commands/command_mange.py @@ -5,7 +5,9 @@ import json import logging import xml.etree.ElementTree as ET +import pandas as pd +from pilot.common.json_utils import serialize from datetime import datetime from typing import Any, Callable, Optional, List from pydantic import BaseModel @@ -184,6 +186,8 @@ class PluginStatus(BaseModel): start_time = datetime.now().timestamp() * 1000 end_time: int = None + df: Any = None + class ApiCall: agent_prefix = "" @@ -191,7 +195,12 @@ class ApiCall: name_prefix = "" name_end = "" - def __init__(self, plugin_generator: Any = None, display_registry: Any = None): + def __init__( + self, + plugin_generator: Any = None, + display_registry: Any = None, + backend_rendering: bool = False, + ): # self.name: str = "" # self.status: Status = Status.TODO.value # self.logo_url: str = None @@ -204,6 +213,7 @@ def __init__(self, plugin_generator: Any = None, display_registry: Any = None): self.plugin_generator = plugin_generator self.display_registry = display_registry self.start_time = datetime.now().timestamp() * 1000 + self.backend_rendering: bool = False def __repr__(self): return f"ApiCall(name={self.name}, status={self.status}, args={self.args})" @@ -227,7 +237,7 @@ def __is_need_wait_plugin_call(self, api_call_context): i += 1 return False - def __check_last_plugin_call_ready(self, all_context): + def check_last_plugin_call_ready(self, all_context): start_agent_count = all_context.count(self.agent_prefix) end_agent_count = all_context.count(self.agent_end) @@ -236,7 +246,14 @@ def __check_last_plugin_call_ready(self, all_context): return False def __deal_error_md_tags(self, all_context, api_context, include_end: bool = True): - error_md_tags = ["```", "```python", "```xml", "```json", "```markdown"] + error_md_tags = [ + "```", + "```python", + "```xml", + "```json", + "```markdown", + "```sql", + ] if include_end == False: md_tag_end = "" else: @@ -255,7 +272,6 @@ def __deal_error_md_tags(self, all_context, api_context, include_end: bool = Tru return all_context def api_view_context(self, all_context: str, display_mode: bool = False): - error_mk_tags = ["```", "```python", "```xml"] call_context_map = extract_content_open_ending( all_context, self.agent_prefix, self.agent_end, True ) @@ -263,32 +279,18 @@ def api_view_context(self, all_context: str, display_mode: bool = False): api_status = self.plugin_status_map.get(api_context) if api_status is not None: if display_mode: - if api_status.api_result: - all_context = self.__deal_error_md_tags( - all_context, api_context - ) + all_context = self.__deal_error_md_tags(all_context, api_context) + if Status.FAILED.value == api_status.status: all_context = all_context.replace( - api_context, api_status.api_result + api_context, + f'\nError:{api_status.err_msg}\n' + + self.to_view_antv_vis(api_status), ) else: - if api_status.status == Status.FAILED.value: - all_context = self.__deal_error_md_tags( - all_context, api_context - ) - all_context = all_context.replace( - api_context, - f"""\nERROR!{api_status.err_msg}\n """, - ) - else: - cost = (api_status.end_time - self.start_time) / 1000 - cost_str = "{:.2f}".format(cost) - all_context = self.__deal_error_md_tags( - all_context, api_context - ) - all_context = all_context.replace( - api_context, - f'\nWaiting...{cost_str}S\n', - ) + all_context = all_context.replace( + api_context, self.to_view_antv_vis(api_status) + ) + else: all_context = self.__deal_error_md_tags( all_context, api_context, False @@ -302,8 +304,8 @@ def api_view_context(self, all_context: str, display_mode: bool = False): now_time = datetime.now().timestamp() * 1000 cost = (now_time - self.start_time) / 1000 cost_str = "{:.2f}".format(cost) - for tag in error_mk_tags: - all_context = all_context.replace(tag + api_context, api_context) + all_context = self.__deal_error_md_tags(all_context, api_context) + all_context = all_context.replace( api_context, f'\nWaiting...{cost_str}S\n', @@ -348,7 +350,8 @@ def __to_view_param_str(self, api_status): if api_status.api_result: param["result"] = api_status.api_result - return json.dumps(param) + + return json.dumps(param, default=serialize, ensure_ascii=False) def to_view_text(self, api_status: PluginStatus): api_call_element = ET.Element("dbgpt-view") @@ -356,10 +359,45 @@ def to_view_text(self, api_status: PluginStatus): result = ET.tostring(api_call_element, encoding="utf-8") return result.decode("utf-8") + def to_view_antv_vis(self, api_status: PluginStatus): + if self.backend_rendering: + html_table = api_status.df.to_html( + index=False, escape=False, sparsify=False + ) + table_str = "".join(html_table.split()) + table_str = table_str.replace("\n", " ") + html = f""" \n
[SQL]{api_status.args["sql"]}
{table_str}
\n """ + return html + else: + api_call_element = ET.Element("chart-view") + api_call_element.attrib["content"] = self.__to_antv_vis_param(api_status) + api_call_element.text = "\n" + # api_call_element.set("content", self.__to_antv_vis_param(api_status)) + # api_call_element.text = self.__to_antv_vis_param(api_status) + result = ET.tostring(api_call_element, encoding="utf-8") + return result.decode("utf-8") + + # return f'' + + def __to_antv_vis_param(self, api_status: PluginStatus): + param = {} + if api_status.name: + param["type"] = api_status.name + if api_status.args: + param["sql"] = api_status.args["sql"] + # if api_status.err_msg: + # param["err_msg"] = api_status.err_msg + + if api_status.api_result: + param["data"] = api_status.api_result + else: + param["data"] = [] + return json.dumps(param, ensure_ascii=False) + def run(self, llm_text): if self.__is_need_wait_plugin_call(llm_text): # wait api call generate complete - if self.__check_last_plugin_call_ready(llm_text): + if self.check_last_plugin_call_ready(llm_text): self.update_from_context(llm_text) for key, value in self.plugin_status_map.items(): if value.status == Status.TODO.value: @@ -379,7 +417,7 @@ def run(self, llm_text): def run_display_sql(self, llm_text, sql_run_func): if self.__is_need_wait_plugin_call(llm_text): # wait api call generate complete - if self.__check_last_plugin_call_ready(llm_text): + if self.check_last_plugin_call_ready(llm_text): self.update_from_context(llm_text) for key, value in self.plugin_status_map.items(): if value.status == Status.TODO.value: @@ -391,6 +429,7 @@ def run_display_sql(self, llm_text, sql_run_func): param = { "df": sql_run_func(sql), } + value.df = param["df"] if self.display_registry.is_valid_command(value.name): value.api_result = self.display_registry.call( value.name, **param @@ -406,3 +445,49 @@ def run_display_sql(self, llm_text, sql_run_func): value.err_msg = str(e) value.end_time = datetime.now().timestamp() * 1000 return self.api_view_context(llm_text, True) + + def display_sql_llmvis(self, llm_text, sql_run_func): + """ + Render charts using the Antv standard protocol + Args: + llm_text: LLM response text + sql_run_func: sql run function + + Returns: + ChartView protocol text + """ + try: + if self.__is_need_wait_plugin_call(llm_text): + # wait api call generate complete + if self.check_last_plugin_call_ready(llm_text): + self.update_from_context(llm_text) + for key, value in self.plugin_status_map.items(): + if value.status == Status.TODO.value: + value.status = Status.RUNNING.value + logging.info(f"sql展示执行:{value.name},{value.args}") + try: + sql = value.args["sql"] + if sql is not None and len(sql) > 0: + data_df = sql_run_func(sql) + value.df = data_df + value.api_result = json.loads( + data_df.to_json( + orient="records", + date_format="iso", + date_unit="s", + ) + ) + value.status = Status.COMPLETED.value + else: + value.status = Status.FAILED.value + value.err_msg = "No executable sql!" + + except Exception as e: + value.status = Status.FAILED.value + value.err_msg = str(e) + value.end_time = datetime.now().timestamp() * 1000 + except Exception as e: + logging.error("Api parsing exception", e) + raise ValueError("Api parsing exception," + str(e)) + + return self.api_view_context(llm_text, True) diff --git a/pilot/base_modules/agent/controller.py b/pilot/base_modules/agent/controller.py index ef699a047..e0c0ffaf8 100644 --- a/pilot/base_modules/agent/controller.py +++ b/pilot/base_modules/agent/controller.py @@ -83,7 +83,7 @@ async def agent_hub_update(update_param: PluginHubParam = Body()): return Result.succ(None) except Exception as e: logger.error("Agent Hub Update Error!", e) - return Result.faild(code="E0020", msg=f"Agent Hub Update Error! {e}") + return Result.failed(code="E0020", msg=f"Agent Hub Update Error! {e}") @router.post("/v1/agent/query", response_model=Result[str]) @@ -133,7 +133,7 @@ async def agent_install(plugin_name: str, user: str = None): return Result.succ(None) except Exception as e: logger.error("Plugin Install Error!", e) - return Result.faild(code="E0021", msg=f"Plugin Install Error {e}") + return Result.failed(code="E0021", msg=f"Plugin Install Error {e}") @router.post("/v1/agent/uninstall", response_model=Result[str]) @@ -147,7 +147,7 @@ async def agent_uninstall(plugin_name: str, user: str = None): return Result.succ(None) except Exception as e: logger.error("Plugin Uninstall Error!", e) - return Result.faild(code="E0022", msg=f"Plugin Uninstall Error {e}") + return Result.failed(code="E0022", msg=f"Plugin Uninstall Error {e}") @router.post("/v1/personal/agent/upload", response_model=Result[str]) @@ -160,4 +160,4 @@ async def personal_agent_upload(doc_file: UploadFile = File(...), user: str = No return Result.succ(None) except Exception as e: logger.error("Upload Personal Plugin Error!", e) - return Result.faild(code="E0023", msg=f"Upload Personal Plugin Error {e}") + return Result.failed(code="E0023", msg=f"Upload Personal Plugin Error {e}") diff --git a/pilot/common/chat_util.py b/pilot/common/chat_util.py index ae0ce73ed..6cb8f1b53 100644 --- a/pilot/common/chat_util.py +++ b/pilot/common/chat_util.py @@ -21,35 +21,27 @@ async def llm_chat_response(chat_scene: str, **chat_param): return chat.stream_call() -def run_async_tasks( +async def run_async_tasks( tasks: List[Coroutine], - show_progress: bool = False, - progress_bar_desc: str = "Running async tasks", + concurrency_limit: int = None, ) -> List[Any]: """Run a list of async tasks.""" - tasks_to_execute: List[Any] = tasks - if show_progress: - try: - import nest_asyncio - from tqdm.asyncio import tqdm - - nest_asyncio.apply() - loop = asyncio.get_event_loop() - - async def _tqdm_gather() -> List[Any]: - return await tqdm.gather(*tasks_to_execute, desc=progress_bar_desc) - - tqdm_outputs: List[Any] = loop.run_until_complete(_tqdm_gather()) - return tqdm_outputs - # run the operation w/o tqdm on hitting a fatal - # may occur in some environments where tqdm.asyncio - # is not supported - except Exception: - pass async def _gather() -> List[Any]: - return await asyncio.gather(*tasks_to_execute) - - outputs: List[Any] = asyncio.run(_gather()) - return outputs + if concurrency_limit: + semaphore = asyncio.Semaphore(concurrency_limit) + + async def _execute_task(task): + async with semaphore: + return await task + + # Execute tasks with semaphore limit + return await asyncio.gather( + *[_execute_task(task) for task in tasks_to_execute] + ) + else: + return await asyncio.gather(*tasks_to_execute) + + # outputs: List[Any] = asyncio.run(_gather()) + return await _gather() diff --git a/pilot/common/global_helper.py b/pilot/common/global_helper.py new file mode 100644 index 000000000..d189d1356 --- /dev/null +++ b/pilot/common/global_helper.py @@ -0,0 +1,448 @@ +"""General utils functions.""" + +import asyncio +import os +import random +import sys +import time +import traceback +import uuid +from contextlib import contextmanager +from dataclasses import dataclass +from functools import partial, wraps +from itertools import islice +from pathlib import Path +from typing import ( + Any, + AsyncGenerator, + Callable, + Dict, + Generator, + Iterable, + List, + Optional, + Set, + Type, + Union, + cast, +) + + +class GlobalsHelper: + """Helper to retrieve globals. + + Helpful for global caching of certain variables that can be expensive to load. + (e.g. tokenization) + + """ + + _tokenizer: Optional[Callable[[str], List]] = None + _stopwords: Optional[List[str]] = None + + @property + def tokenizer(self) -> Callable[[str], List]: + """Get tokenizer.""" + if self._tokenizer is None: + tiktoken_import_err = ( + "`tiktoken` package not found, please run `pip install tiktoken`" + ) + try: + import tiktoken + except ImportError: + raise ImportError(tiktoken_import_err) + enc = tiktoken.get_encoding("gpt2") + self._tokenizer = cast(Callable[[str], List], enc.encode) + self._tokenizer = partial(self._tokenizer, allowed_special="all") + return self._tokenizer # type: ignore + + @property + def stopwords(self) -> List[str]: + """Get stopwords.""" + if self._stopwords is None: + try: + import nltk + from nltk.corpus import stopwords + except ImportError: + raise ImportError( + "`nltk` package not found, please run `pip install nltk`" + ) + + from llama_index.utils import get_cache_dir + + cache_dir = get_cache_dir() + nltk_data_dir = os.environ.get("NLTK_DATA", cache_dir) + + # update nltk path for nltk so that it finds the data + if nltk_data_dir not in nltk.data.path: + nltk.data.path.append(nltk_data_dir) + + try: + nltk.data.find("corpora/stopwords") + except LookupError: + nltk.download("stopwords", download_dir=nltk_data_dir) + self._stopwords = stopwords.words("english") + return self._stopwords + + +globals_helper = GlobalsHelper() + + +def get_new_id(d: Set) -> str: + """Get a new ID.""" + while True: + new_id = str(uuid.uuid4()) + if new_id not in d: + break + return new_id + + +def get_new_int_id(d: Set) -> int: + """Get a new integer ID.""" + while True: + new_id = random.randint(0, sys.maxsize) + if new_id not in d: + break + return new_id + + +@contextmanager +def temp_set_attrs(obj: Any, **kwargs: Any) -> Generator: + """Temporary setter. + + Utility class for setting a temporary value for an attribute on a class. + Taken from: https://tinyurl.com/2p89xymh + + """ + prev_values = {k: getattr(obj, k) for k in kwargs} + for k, v in kwargs.items(): + setattr(obj, k, v) + try: + yield + finally: + for k, v in prev_values.items(): + setattr(obj, k, v) + + +@dataclass +class ErrorToRetry: + """Exception types that should be retried. + + Args: + exception_cls (Type[Exception]): Class of exception. + check_fn (Optional[Callable[[Any]], bool]]): + A function that takes an exception instance as input and returns + whether to retry. + + """ + + exception_cls: Type[Exception] + check_fn: Optional[Callable[[Any], bool]] = None + + +def retry_on_exceptions_with_backoff( + lambda_fn: Callable, + errors_to_retry: List[ErrorToRetry], + max_tries: int = 10, + min_backoff_secs: float = 0.5, + max_backoff_secs: float = 60.0, +) -> Any: + """Execute lambda function with retries and exponential backoff. + + Args: + lambda_fn (Callable): Function to be called and output we want. + errors_to_retry (List[ErrorToRetry]): List of errors to retry. + At least one needs to be provided. + max_tries (int): Maximum number of tries, including the first. Defaults to 10. + min_backoff_secs (float): Minimum amount of backoff time between attempts. + Defaults to 0.5. + max_backoff_secs (float): Maximum amount of backoff time between attempts. + Defaults to 60. + + """ + if not errors_to_retry: + raise ValueError("At least one error to retry needs to be provided") + + error_checks = { + error_to_retry.exception_cls: error_to_retry.check_fn + for error_to_retry in errors_to_retry + } + exception_class_tuples = tuple(error_checks.keys()) + + backoff_secs = min_backoff_secs + tries = 0 + + while True: + try: + return lambda_fn() + except exception_class_tuples as e: + traceback.print_exc() + tries += 1 + if tries >= max_tries: + raise + check_fn = error_checks.get(e.__class__) + if check_fn and not check_fn(e): + raise + time.sleep(backoff_secs) + backoff_secs = min(backoff_secs * 2, max_backoff_secs) + + +def truncate_text(text: str, max_length: int) -> str: + """Truncate text to a maximum length.""" + if len(text) <= max_length: + return text + return text[: max_length - 3] + "..." + + +def iter_batch(iterable: Union[Iterable, Generator], size: int) -> Iterable: + """Iterate over an iterable in batches. + + >>> list(iter_batch([1,2,3,4,5], 3)) + [[1, 2, 3], [4, 5]] + """ + source_iter = iter(iterable) + while source_iter: + b = list(islice(source_iter, size)) + if len(b) == 0: + break + yield b + + +def concat_dirs(dirname: str, basename: str) -> str: + """ + Append basename to dirname, avoiding backslashes when running on windows. + + os.path.join(dirname, basename) will add a backslash before dirname if + basename does not end with a slash, so we make sure it does. + """ + dirname += "/" if dirname[-1] != "/" else "" + return os.path.join(dirname, basename) + + +def get_tqdm_iterable(items: Iterable, show_progress: bool, desc: str) -> Iterable: + """ + Optionally get a tqdm iterable. Ensures tqdm.auto is used. + """ + _iterator = items + if show_progress: + try: + from tqdm.auto import tqdm + + return tqdm(items, desc=desc) + except ImportError: + pass + return _iterator + + +def count_tokens(text: str) -> int: + tokens = globals_helper.tokenizer(text) + return len(tokens) + + +def get_transformer_tokenizer_fn(model_name: str) -> Callable[[str], List[str]]: + """ + Args: + model_name(str): the model name of the tokenizer. + For instance, fxmarty/tiny-llama-fast-tokenizer. + """ + try: + from transformers import AutoTokenizer + except ImportError: + raise ValueError( + "`transformers` package not found, please run `pip install transformers`" + ) + tokenizer = AutoTokenizer.from_pretrained(model_name) + return tokenizer.tokenize + + +def get_cache_dir() -> str: + """Locate a platform-appropriate cache directory for llama_index, + and create it if it doesn't yet exist. + """ + # User override + if "LLAMA_INDEX_CACHE_DIR" in os.environ: + path = Path(os.environ["LLAMA_INDEX_CACHE_DIR"]) + + # Linux, Unix, AIX, etc. + elif os.name == "posix" and sys.platform != "darwin": + path = Path("/tmp/llama_index") + + # Mac OS + elif sys.platform == "darwin": + path = Path(os.path.expanduser("~"), "Library/Caches/llama_index") + + # Windows (hopefully) + else: + local = os.environ.get("LOCALAPPDATA", None) or os.path.expanduser( + "~\\AppData\\Local" + ) + path = Path(local, "llama_index") + + if not os.path.exists(path): + os.makedirs( + path, exist_ok=True + ) # prevents https://github.com/jerryjliu/llama_index/issues/7362 + return str(path) + + +def add_sync_version(func: Any) -> Any: + """Decorator for adding sync version of an async function. The sync version + is added as a function attribute to the original function, func. + + Args: + func(Any): the async function for which a sync variant will be built. + """ + assert asyncio.iscoroutinefunction(func) + + @wraps(func) + def _wrapper(*args: Any, **kwds: Any) -> Any: + return asyncio.get_event_loop().run_until_complete(func(*args, **kwds)) + + func.sync = _wrapper + return func + + +# Sample text from llama_index's readme +SAMPLE_TEXT = """ +Context +LLMs are a phenomenal piece of technology for knowledge generation and reasoning. +They are pre-trained on large amounts of publicly available data. +How do we best augment LLMs with our own private data? +We need a comprehensive toolkit to help perform this data augmentation for LLMs. + +Proposed Solution +That's where LlamaIndex comes in. LlamaIndex is a "data framework" to help +you build LLM apps. It provides the following tools: + +Offers data connectors to ingest your existing data sources and data formats +(APIs, PDFs, docs, SQL, etc.) +Provides ways to structure your data (indices, graphs) so that this data can be +easily used with LLMs. +Provides an advanced retrieval/query interface over your data: +Feed in any LLM input prompt, get back retrieved context and knowledge-augmented output. +Allows easy integrations with your outer application framework +(e.g. with LangChain, Flask, Docker, ChatGPT, anything else). +LlamaIndex provides tools for both beginner users and advanced users. +Our high-level API allows beginner users to use LlamaIndex to ingest and +query their data in 5 lines of code. Our lower-level APIs allow advanced users to +customize and extend any module (data connectors, indices, retrievers, query engines, +reranking modules), to fit their needs. +""" + +_LLAMA_INDEX_COLORS = { + "llama_pink": "38;2;237;90;200", + "llama_blue": "38;2;90;149;237", + "llama_turquoise": "38;2;11;159;203", + "llama_lavender": "38;2;155;135;227", +} + +_ANSI_COLORS = { + "red": "31", + "green": "32", + "yellow": "33", + "blue": "34", + "magenta": "35", + "cyan": "36", + "pink": "38;5;200", +} + + +def get_color_mapping( + items: List[str], use_llama_index_colors: bool = True +) -> Dict[str, str]: + """ + Get a mapping of items to colors. + + Args: + items (List[str]): List of items to be mapped to colors. + use_llama_index_colors (bool, optional): Flag to indicate + whether to use LlamaIndex colors or ANSI colors. + Defaults to True. + + Returns: + Dict[str, str]: Mapping of items to colors. + """ + if use_llama_index_colors: + color_palette = _LLAMA_INDEX_COLORS + else: + color_palette = _ANSI_COLORS + + colors = list(color_palette.keys()) + return {item: colors[i % len(colors)] for i, item in enumerate(items)} + + +def _get_colored_text(text: str, color: str) -> str: + """ + Get the colored version of the input text. + + Args: + text (str): Input text. + color (str): Color to be applied to the text. + + Returns: + str: Colored version of the input text. + """ + all_colors = {**_LLAMA_INDEX_COLORS, **_ANSI_COLORS} + + if color not in all_colors: + return f"\033[1;3m{text}\033[0m" # just bolded and italicized + + color = all_colors[color] + + return f"\033[1;3;{color}m{text}\033[0m" + + +def print_text(text: str, color: Optional[str] = None, end: str = "") -> None: + """ + Print the text with the specified color. + + Args: + text (str): Text to be printed. + color (str, optional): Color to be applied to the text. Supported colors are: + llama_pink, llama_blue, llama_turquoise, llama_lavender, + red, green, yellow, blue, magenta, cyan, pink. + end (str, optional): String appended after the last character of the text. + + Returns: + None + """ + text_to_print = _get_colored_text(text, color) if color is not None else text + print(text_to_print, end=end) + + +def infer_torch_device() -> str: + """Infer the input to torch.device.""" + try: + has_cuda = torch.cuda.is_available() + except NameError: + import torch + + has_cuda = torch.cuda.is_available() + if has_cuda: + return "cuda" + if torch.backends.mps.is_available(): + return "mps" + return "cpu" + + +def unit_generator(x: Any) -> Generator[Any, None, None]: + """A function that returns a generator of a single element. + + Args: + x (Any): the element to build yield + + Yields: + Any: the single element + """ + yield x + + +async def async_unit_generator(x: Any) -> AsyncGenerator[Any, None]: + """A function that returns a generator of a single element. + + Args: + x (Any): the element to build yield + + Yields: + Any: the single element + """ + yield x diff --git a/pilot/common/json_utils.py b/pilot/common/json_utils.py new file mode 100644 index 000000000..324d20867 --- /dev/null +++ b/pilot/common/json_utils.py @@ -0,0 +1,7 @@ +import json +from datetime import date + + +def serialize(obj): + if isinstance(obj, date): + return obj.isoformat() diff --git a/pilot/common/llm_metadata.py b/pilot/common/llm_metadata.py new file mode 100644 index 000000000..73d5bc0fa --- /dev/null +++ b/pilot/common/llm_metadata.py @@ -0,0 +1,43 @@ +from pydantic import Field, BaseModel + +DEFAULT_CONTEXT_WINDOW = 3900 +DEFAULT_NUM_OUTPUTS = 256 + + +class LLMMetadata(BaseModel): + context_window: int = Field( + default=DEFAULT_CONTEXT_WINDOW, + description=( + "Total number of tokens the model can be input and output for one response." + ), + ) + num_output: int = Field( + default=DEFAULT_NUM_OUTPUTS, + description="Number of tokens the model can output when generating a response.", + ) + is_chat_model: bool = Field( + default=False, + description=( + "Set True if the model exposes a chat interface (i.e. can be passed a" + " sequence of messages, rather than text), like OpenAI's" + " /v1/chat/completions endpoint." + ), + ) + is_function_calling_model: bool = Field( + default=False, + # SEE: https://openai.com/blog/function-calling-and-other-api-updates + description=( + "Set True if the model supports function calling messages, similar to" + " OpenAI's function calling API. For example, converting 'Email Anya to" + " see if she wants to get coffee next Friday' to a function call like" + " `send_email(to: string, body: string)`." + ), + ) + model_name: str = Field( + default="unknown", + description=( + "The model's name used for logging, testing, and sanity checking. For some" + " models this can be automatically discerned. For other models, like" + " locally loaded models, this must be manually specified." + ), + ) diff --git a/pilot/common/prompt_util.py b/pilot/common/prompt_util.py new file mode 100644 index 000000000..3854d130b --- /dev/null +++ b/pilot/common/prompt_util.py @@ -0,0 +1,239 @@ +"""General prompt helper that can help deal with LLM context window token limitations. + +At its core, it calculates available context size by starting with the context window +size of an LLM and reserve token space for the prompt template, and the output. + +It provides utility for "repacking" text chunks (retrieved from index) to maximally +make use of the available context window (and thereby reducing the number of LLM calls +needed), or truncating them so that they fit in a single LLM call. +""" + +import logging +from string import Formatter +from typing import Callable, List, Optional, Sequence + +from pydantic import Field, PrivateAttr, BaseModel + +from pilot.common.global_helper import globals_helper +from pilot.common.llm_metadata import LLMMetadata +from pilot.embedding_engine.loader.token_splitter import TokenTextSplitter + +DEFAULT_PADDING = 5 +DEFAULT_CHUNK_OVERLAP_RATIO = 0.1 + +DEFAULT_CONTEXT_WINDOW = 3000 # tokens +DEFAULT_NUM_OUTPUTS = 256 # tokens + +logger = logging.getLogger(__name__) + + +class PromptHelper(BaseModel): + """Prompt helper. + + General prompt helper that can help deal with LLM context window token limitations. + + At its core, it calculates available context size by starting with the context + window size of an LLM and reserve token space for the prompt template, and the + output. + + It provides utility for "repacking" text chunks (retrieved from index) to maximally + make use of the available context window (and thereby reducing the number of LLM + calls needed), or truncating them so that they fit in a single LLM call. + + Args: + context_window (int): Context window for the LLM. + num_output (int): Number of outputs for the LLM. + chunk_overlap_ratio (float): Chunk overlap as a ratio of chunk size + chunk_size_limit (Optional[int]): Maximum chunk size to use. + tokenizer (Optional[Callable[[str], List]]): Tokenizer to use. + separator (str): Separator for text splitter + + """ + + context_window: int = Field( + default=DEFAULT_CONTEXT_WINDOW, + description="The maximum context size that will get sent to the LLM.", + ) + num_output: int = Field( + default=DEFAULT_NUM_OUTPUTS, + description="The amount of token-space to leave in input for generation.", + ) + chunk_overlap_ratio: float = Field( + default=DEFAULT_CHUNK_OVERLAP_RATIO, + description="The percentage token amount that each chunk should overlap.", + ) + chunk_size_limit: Optional[int] = Field(description="The maximum size of a chunk.") + separator: str = Field( + default=" ", description="The separator when chunking tokens." + ) + + _tokenizer: Callable[[str], List] = PrivateAttr() + + def __init__( + self, + context_window: int = DEFAULT_CONTEXT_WINDOW, + num_output: int = DEFAULT_NUM_OUTPUTS, + chunk_overlap_ratio: float = DEFAULT_CHUNK_OVERLAP_RATIO, + chunk_size_limit: Optional[int] = None, + tokenizer: Optional[Callable[[str], List]] = None, + separator: str = " ", + ) -> None: + """Init params.""" + if chunk_overlap_ratio > 1.0 or chunk_overlap_ratio < 0.0: + raise ValueError("chunk_overlap_ratio must be a float between 0. and 1.") + + # TODO: make configurable + self._tokenizer = tokenizer or globals_helper.tokenizer + + super().__init__( + context_window=context_window, + num_output=num_output, + chunk_overlap_ratio=chunk_overlap_ratio, + chunk_size_limit=chunk_size_limit, + separator=separator, + ) + + @classmethod + def from_llm_metadata( + cls, + llm_metadata: LLMMetadata, + chunk_overlap_ratio: float = DEFAULT_CHUNK_OVERLAP_RATIO, + chunk_size_limit: Optional[int] = None, + tokenizer: Optional[Callable[[str], List]] = None, + separator: str = " ", + ) -> "PromptHelper": + """Create from llm predictor. + + This will autofill values like context_window and num_output. + + """ + context_window = llm_metadata.context_window + if llm_metadata.num_output == -1: + num_output = DEFAULT_NUM_OUTPUTS + else: + num_output = llm_metadata.num_output + + return cls( + context_window=context_window, + num_output=num_output, + chunk_overlap_ratio=chunk_overlap_ratio, + chunk_size_limit=chunk_size_limit, + tokenizer=tokenizer, + separator=separator, + ) + + @classmethod + def class_name(cls) -> str: + return "PromptHelper" + + def _get_available_context_size(self, template: str) -> int: + """Get available context size. + + This is calculated as: + available context window = total context window + - input (partially filled prompt) + - output (room reserved for response) + + Notes: + - Available context size is further clamped to be non-negative. + """ + empty_prompt_txt = get_empty_prompt_txt(template) + num_empty_prompt_tokens = len(self._tokenizer(empty_prompt_txt)) + context_size_tokens = ( + self.context_window - num_empty_prompt_tokens - self.num_output + ) + if context_size_tokens < 0: + raise ValueError( + f"Calculated available context size {context_size_tokens} was" + " not non-negative." + ) + return context_size_tokens + + def _get_available_chunk_size( + self, prompt_template: str, num_chunks: int = 1, padding: int = 5 + ) -> int: + """Get available chunk size. + + This is calculated as: + available chunk size = available context window // number_chunks + - padding + + Notes: + - By default, we use padding of 5 (to save space for formatting needs). + - Available chunk size is further clamped to chunk_size_limit if specified. + """ + available_context_size = self._get_available_context_size(prompt_template) + result = available_context_size // num_chunks - padding + if self.chunk_size_limit is not None: + result = min(result, self.chunk_size_limit) + return result + + def get_text_splitter_given_prompt( + self, + prompt_template: str, + num_chunks: int = 1, + padding: int = DEFAULT_PADDING, + ) -> TokenTextSplitter: + """Get text splitter configured to maximally pack available context window, + taking into account of given prompt, and desired number of chunks. + """ + chunk_size = self._get_available_chunk_size( + prompt_template, num_chunks, padding=padding + ) + if chunk_size <= 0: + raise ValueError(f"Chunk size {chunk_size} is not positive.") + chunk_overlap = int(self.chunk_overlap_ratio * chunk_size) + return TokenTextSplitter( + separator=self.separator, + chunk_size=chunk_size, + chunk_overlap=chunk_overlap, + tokenizer=self._tokenizer, + ) + + def repack( + self, + prompt_template: str, + text_chunks: Sequence[str], + padding: int = DEFAULT_PADDING, + ) -> List[str]: + """Repack text chunks to fit available context window. + + This will combine text chunks into consolidated chunks + that more fully "pack" the prompt template given the context_window. + + """ + text_splitter = self.get_text_splitter_given_prompt( + prompt_template, padding=padding + ) + combined_str = "\n\n".join([c.strip() for c in text_chunks if c.strip()]) + return text_splitter.split_text(combined_str) + + +def get_empty_prompt_txt(template: str) -> str: + """Get empty prompt text. + + Substitute empty strings in parts of the prompt that have + not yet been filled out. Skip variables that have already + been partially formatted. This is used to compute the initial tokens. + + """ + # partial_kargs = prompt.kwargs + + partial_kargs = {} + template_vars = get_template_vars(template) + empty_kwargs = {v: "" for v in template_vars if v not in partial_kargs} + all_kwargs = {**partial_kargs, **empty_kwargs} + prompt = template.format(**all_kwargs) + return prompt + + +def get_template_vars(template_str: str) -> List[str]: + """Get template variables from a template string.""" + variables = [] + formatter = Formatter() + + for _, variable_name, _, _ in formatter.parse(template_str): + if variable_name: + variables.append(variable_name) + + return variables diff --git a/pilot/embedding_engine/loader/splitter_utils.py b/pilot/embedding_engine/loader/splitter_utils.py new file mode 100644 index 000000000..9c57f2111 --- /dev/null +++ b/pilot/embedding_engine/loader/splitter_utils.py @@ -0,0 +1,81 @@ +from typing import Callable, List + + +def split_text_keep_separator(text: str, separator: str) -> List[str]: + """Split text with separator and keep the separator at the end of each split.""" + parts = text.split(separator) + result = [separator + s if i > 0 else s for i, s in enumerate(parts)] + return [s for s in result if s] + + +def split_by_sep(sep: str, keep_sep: bool = True) -> Callable[[str], List[str]]: + """Split text by separator.""" + if keep_sep: + return lambda text: split_text_keep_separator(text, sep) + else: + return lambda text: text.split(sep) + + +def split_by_char() -> Callable[[str], List[str]]: + """Split text by character.""" + return lambda text: list(text) + + +def split_by_sentence_tokenizer() -> Callable[[str], List[str]]: + import os + + import nltk + + from llama_index.utils import get_cache_dir + + cache_dir = get_cache_dir() + nltk_data_dir = os.environ.get("NLTK_DATA", cache_dir) + + # update nltk path for nltk so that it finds the data + if nltk_data_dir not in nltk.data.path: + nltk.data.path.append(nltk_data_dir) + + try: + nltk.data.find("tokenizers/punkt") + except LookupError: + nltk.download("punkt", download_dir=nltk_data_dir) + + tokenizer = nltk.tokenize.PunktSentenceTokenizer() + + # get the spans and then return the sentences + # using the start index of each span + # instead of using end, use the start of the next span if available + def split(text: str) -> List[str]: + spans = list(tokenizer.span_tokenize(text)) + sentences = [] + for i, span in enumerate(spans): + start = span[0] + if i < len(spans) - 1: + end = spans[i + 1][0] + else: + end = len(text) + sentences.append(text[start:end]) + + return sentences + + return split + + +def split_by_regex(regex: str) -> Callable[[str], List[str]]: + """Split text by regex.""" + import re + + return lambda text: re.findall(regex, text) + + +def split_by_phrase_regex() -> Callable[[str], List[str]]: + """Split text by phrase regex. + + This regular expression will split the sentences into phrases, + where each phrase is a sequence of one or more non-comma, + non-period, and non-semicolon characters, followed by an optional comma, + period, or semicolon. The regular expression will also capture the + delimiters themselves as separate items in the list of phrases. + """ + regex = "[^,.;。]+[,.;。]?" + return split_by_regex(regex) diff --git a/pilot/embedding_engine/loader/token_splitter.py b/pilot/embedding_engine/loader/token_splitter.py new file mode 100644 index 000000000..358d51790 --- /dev/null +++ b/pilot/embedding_engine/loader/token_splitter.py @@ -0,0 +1,184 @@ +"""Token splitter.""" +from typing import Callable, List, Optional + +from pydantic import Field, PrivateAttr, BaseModel + + +from pilot.common.global_helper import globals_helper +from pilot.embedding_engine.loader.splitter_utils import split_by_sep, split_by_char + +DEFAULT_METADATA_FORMAT_LEN = 2 +DEFAULT_CHUNK_OVERLAP = 20 +DEFAULT_CHUNK_SIZE = 1024 + + +class TokenTextSplitter(BaseModel): + """Implementation of splitting text that looks at word tokens.""" + + chunk_size: int = Field( + default=DEFAULT_CHUNK_SIZE, description="The token chunk size for each chunk." + ) + chunk_overlap: int = Field( + default=DEFAULT_CHUNK_OVERLAP, + description="The token overlap of each chunk when splitting.", + ) + separator: str = Field( + default=" ", description="Default separator for splitting into words" + ) + backup_separators: List = Field( + default_factory=list, description="Additional separators for splitting." + ) + # callback_manager: CallbackManager = Field( + # default_factory=CallbackManager, exclude=True + # ) + tokenizer: Callable = Field( + default_factory=globals_helper.tokenizer, # type: ignore + description="Tokenizer for splitting words into tokens.", + exclude=True, + ) + + _split_fns: List[Callable] = PrivateAttr() + + def __init__( + self, + chunk_size: int = DEFAULT_CHUNK_SIZE, + chunk_overlap: int = DEFAULT_CHUNK_OVERLAP, + tokenizer: Optional[Callable] = None, + # callback_manager: Optional[CallbackManager] = None, + separator: str = " ", + backup_separators: Optional[List[str]] = ["\n"], + ): + """Initialize with parameters.""" + if chunk_overlap > chunk_size: + raise ValueError( + f"Got a larger chunk overlap ({chunk_overlap}) than chunk size " + f"({chunk_size}), should be smaller." + ) + # callback_manager = callback_manager or CallbackManager([]) + tokenizer = tokenizer or globals_helper.tokenizer + + all_seps = [separator] + (backup_separators or []) + self._split_fns = [split_by_sep(sep) for sep in all_seps] + [split_by_char()] + + super().__init__( + chunk_size=chunk_size, + chunk_overlap=chunk_overlap, + separator=separator, + backup_separators=backup_separators, + # callback_manager=callback_manager, + tokenizer=tokenizer, + ) + + @classmethod + def class_name(cls) -> str: + return "TokenTextSplitter" + + def split_text_metadata_aware(self, text: str, metadata_str: str) -> List[str]: + """Split text into chunks, reserving space required for metadata str.""" + metadata_len = len(self.tokenizer(metadata_str)) + DEFAULT_METADATA_FORMAT_LEN + effective_chunk_size = self.chunk_size - metadata_len + if effective_chunk_size <= 0: + raise ValueError( + f"Metadata length ({metadata_len}) is longer than chunk size " + f"({self.chunk_size}). Consider increasing the chunk size or " + "decreasing the size of your metadata to avoid this." + ) + elif effective_chunk_size < 50: + print( + f"Metadata length ({metadata_len}) is close to chunk size " + f"({self.chunk_size}). Resulting chunks are less than 50 tokens. " + "Consider increasing the chunk size or decreasing the size of " + "your metadata to avoid this.", + flush=True, + ) + + return self._split_text(text, chunk_size=effective_chunk_size) + + def split_text(self, text: str) -> List[str]: + """Split text into chunks.""" + return self._split_text(text, chunk_size=self.chunk_size) + + def _split_text(self, text: str, chunk_size: int) -> List[str]: + """Split text into chunks up to chunk_size.""" + if text == "": + return [] + + splits = self._split(text, chunk_size) + chunks = self._merge(splits, chunk_size) + return chunks + + def _split(self, text: str, chunk_size: int) -> List[str]: + """Break text into splits that are smaller than chunk size. + + The order of splitting is: + 1. split by separator + 2. split by backup separators (if any) + 3. split by characters + + NOTE: the splits contain the separators. + """ + if len(self.tokenizer(text)) <= chunk_size: + return [text] + + for split_fn in self._split_fns: + splits = split_fn(text) + if len(splits) > 1: + break + + new_splits = [] + for split in splits: + split_len = len(self.tokenizer(split)) + if split_len <= chunk_size: + new_splits.append(split) + else: + # recursively split + new_splits.extend(self._split(split, chunk_size=chunk_size)) + return new_splits + + def _merge(self, splits: List[str], chunk_size: int) -> List[str]: + """Merge splits into chunks. + + The high-level idea is to keep adding splits to a chunk until we + exceed the chunk size, then we start a new chunk with overlap. + + When we start a new chunk, we pop off the first element of the previous + chunk until the total length is less than the chunk size. + """ + chunks: List[str] = [] + + cur_chunk: List[str] = [] + cur_len = 0 + for split in splits: + split_len = len(self.tokenizer(split)) + if split_len > chunk_size: + print( + f"Got a split of size {split_len}, ", + f"larger than chunk size {chunk_size}.", + ) + + # if we exceed the chunk size after adding the new split, then + # we need to end the current chunk and start a new one + if cur_len + split_len > chunk_size: + # end the previous chunk + chunk = "".join(cur_chunk).strip() + if chunk: + chunks.append(chunk) + + # start a new chunk with overlap + # keep popping off the first element of the previous chunk until: + # 1. the current chunk length is less than chunk overlap + # 2. the total length is less than chunk size + while cur_len > self.chunk_overlap or cur_len + split_len > chunk_size: + # pop off the first element + first_chunk = cur_chunk.pop(0) + cur_len -= len(self.tokenizer(first_chunk)) + + cur_chunk.append(split) + cur_len += split_len + + # handle the last chunk + chunk = "".join(cur_chunk).strip() + if chunk: + chunks.append(chunk) + + return chunks diff --git a/pilot/memory/chat_history/chat_history_db.py b/pilot/memory/chat_history/chat_history_db.py index 8ab6e9306..8ef898c27 100644 --- a/pilot/memory/chat_history/chat_history_db.py +++ b/pilot/memory/chat_history/chat_history_db.py @@ -29,7 +29,9 @@ class ChatHistoryEntity(Base): chat_mode = Column(String(255), nullable=False, comment="Conversation scene mode") summary = Column(String(255), nullable=False, comment="Conversation record summary") user_name = Column(String(255), nullable=True, comment="interlocutor") - messages = Column(Text, nullable=True, comment="Conversation details") + messages = Column( + Text(length=2**31 - 1), nullable=True, comment="Conversation details" + ) UniqueConstraint("conv_uid", name="uk_conversation") Index("idx_q_user", "user_name") diff --git a/pilot/model/cluster/worker/remote_worker.py b/pilot/model/cluster/worker/remote_worker.py index 149f8b86a..80898abdf 100644 --- a/pilot/model/cluster/worker/remote_worker.py +++ b/pilot/model/cluster/worker/remote_worker.py @@ -13,7 +13,7 @@ class RemoteModelWorker(ModelWorker): def __init__(self) -> None: self.headers = {} # TODO Configured by ModelParameters - self.timeout = 360 + self.timeout = 3600 self.host = None self.port = None diff --git a/pilot/model/model_adapter.py b/pilot/model/model_adapter.py index 5f328c554..dfffa2f0b 100644 --- a/pilot/model/model_adapter.py +++ b/pilot/model/model_adapter.py @@ -132,6 +132,9 @@ def model_adaptation( conv = conv.copy() system_messages = [] + user_messages = [] + ai_messages = [] + for message in messages: role, content = None, None if isinstance(message, ModelMessage): @@ -147,17 +150,38 @@ def model_adaptation( # Support for multiple system messages system_messages.append(content) elif role == ModelMessageRoleType.HUMAN: - conv.append_message(conv.roles[0], content) + # conv.append_message(conv.roles[0], content) + user_messages.append(content) elif role == ModelMessageRoleType.AI: - conv.append_message(conv.roles[1], content) + # conv.append_message(conv.roles[1], content) + ai_messages.append(content) else: raise ValueError(f"Unknown role: {role}") + can_use_systems: [] = [] if system_messages: - if isinstance(conv, Conversation): - conv.set_system_message("".join(system_messages)) + if len(system_messages) > 1: + ## Compatible with dbgpt complex scenarios, the last system will protect more complete information entered by the current user + user_messages[-1] = system_messages[-1] + can_use_systems = system_messages[:-1] else: - conv.update_system_message("".join(system_messages)) + can_use_systems = system_messages + for i in range(len(user_messages)): + user_messages[-1] = system_messages[-1] + if len(system_messages) > 1: + can_use_system = system_messages[0] + + for i in range(len(user_messages)): + conv.append_message(conv.roles[0], user_messages[i]) + if i < len(ai_messages): + conv.append_message(conv.roles[1], ai_messages[i]) + + if isinstance(conv, Conversation): + conv.set_system_message("".join(can_use_systems)) + else: + conv.update_system_message("".join(can_use_systems)) + + conv.update_system_message(can_use_system) # Add a blank message for the assistant. conv.append_message(conv.roles[1], None) diff --git a/pilot/model/operator/model_operator.py b/pilot/model/operator/model_operator.py index 6486e8373..2f051377a 100644 --- a/pilot/model/operator/model_operator.py +++ b/pilot/model/operator/model_operator.py @@ -171,6 +171,8 @@ async def branchs(self) -> Dict[BranchFunc[Dict], Union[BaseOperator, str]]: async def check_cache_true(input_value: Dict) -> bool: # Check if the cache contains the result for the given input + if not input_value["model_cache_enable"]: + return False cache_dict = _parse_cache_key_dict(input_value) cache_key: LLMCacheKey = self._client.new_key(**cache_dict) cache_value = await self._client.get(cache_key) diff --git a/pilot/model/proxy/llms/tongyi.py b/pilot/model/proxy/llms/tongyi.py index e101db47e..5bc0a97f3 100644 --- a/pilot/model/proxy/llms/tongyi.py +++ b/pilot/model/proxy/llms/tongyi.py @@ -7,6 +7,35 @@ logger = logging.getLogger(__name__) +def __convert_2_tongyi_messages(messages: List[ModelMessage]): + chat_round = 0 + tongyi_messages = [] + + last_usr_message = "" + system_messages = [] + + for message in messages: + if message.role == ModelMessageRoleType.HUMAN: + last_usr_message = message.content + elif message.role == ModelMessageRoleType.SYSTEM: + system_messages.append(message.content) + elif message.role == ModelMessageRoleType.AI: + last_ai_message = message.content + tongyi_messages.append({"role": "user", "content": last_usr_message}) + tongyi_messages.append({"role": "assistant", "content": last_ai_message}) + if len(system_messages) > 0: + if len(system_messages) < 2: + tongyi_messages.insert(0, {"role": "system", "content": system_messages[0]}) + else: + tongyi_messages.append({"role": "user", "content": system_messages[1]}) + else: + last_message = messages[-1] + if last_message.role == ModelMessageRoleType.HUMAN: + tongyi_messages.append({"role": "user", "content": last_message.content}) + + return tongyi_messages + + def tongyi_generate_stream( model: ProxyModel, tokenizer, params, device, context_len=2048 ): @@ -23,50 +52,9 @@ def tongyi_generate_stream( if not proxyllm_backend: proxyllm_backend = Generation.Models.qwen_turbo # By Default qwen_turbo - history = [] - messages: List[ModelMessage] = params["messages"] - # Add history conversation - - if len(messages) > 1 and messages[0].role == ModelMessageRoleType.SYSTEM: - role_define = messages.pop(0) - history.append({"role": "system", "content": role_define.content}) - else: - message = messages.pop(0) - if message.role == ModelMessageRoleType.HUMAN: - history.append({"role": "user", "content": message.content}) - for message in messages: - if ( - message.role == ModelMessageRoleType.SYSTEM - or message.role == ModelMessageRoleType.HUMAN - ): - history.append({"role": "user", "content": message.content}) - # elif message.role == ModelMessageRoleType.HUMAN: - # history.append({"role": "user", "content": message.content}) - elif message.role == ModelMessageRoleType.AI: - history.append({"role": "assistant", "content": message.content}) - else: - pass - - temp_his = history[::-1] - last_user_input = None - for m in temp_his: - if m["role"] == "user": - last_user_input = m - break - - temp_his = history - prompt_input = None - for m in temp_his: - if m["role"] == "user": - prompt_input = m - break - - if last_user_input and prompt_input and last_user_input != prompt_input: - history.remove(last_user_input) - history.remove(prompt_input) - history.append(prompt_input) + history = __convert_2_tongyi_messages(messages) gen = Generation() res = gen.call( proxyllm_backend, diff --git a/pilot/model/proxy/llms/wenxin.py b/pilot/model/proxy/llms/wenxin.py index acc82907c..cfd47fd18 100644 --- a/pilot/model/proxy/llms/wenxin.py +++ b/pilot/model/proxy/llms/wenxin.py @@ -26,6 +26,41 @@ def _build_access_token(api_key: str, secret_key: str) -> str: return res.json().get("access_token") +def __convert_2_wenxin_messages(messages: List[ModelMessage]): + chat_round = 0 + wenxin_messages = [] + + last_usr_message = "" + system_messages = [] + + for message in messages: + if message.role == ModelMessageRoleType.HUMAN: + last_usr_message = message.content + elif message.role == ModelMessageRoleType.SYSTEM: + system_messages.append(message.content) + elif message.role == ModelMessageRoleType.AI: + last_ai_message = message.content + wenxin_messages.append({"role": "user", "content": last_usr_message}) + wenxin_messages.append({"role": "assistant", "content": last_ai_message}) + + # build last user messge + + if len(system_messages) > 0: + if len(system_messages) > 1: + end_message = system_messages[-1] + else: + last_message = messages[-1] + if last_message.role == ModelMessageRoleType.HUMAN: + end_message = system_messages[-1] + "\n" + last_message.content + else: + end_message = system_messages[-1] + else: + last_message = messages[-1] + end_message = last_message.content + wenxin_messages.append({"role": "user", "content": end_message}) + return wenxin_messages, system_messages + + def wenxin_generate_stream( model: ProxyModel, tokenizer, params, device, context_len=2048 ): @@ -40,8 +75,9 @@ def wenxin_generate_stream( if not model_version: yield f"Unsupport model version {model_name}" - proxy_api_key = model_params.proxy_api_key - proxy_api_secret = model_params.proxy_api_secret + keys: [] = model_params.proxy_api_key.split(";") + proxy_api_key = keys[0] + proxy_api_secret = keys[1] access_token = _build_access_token(proxy_api_key, proxy_api_secret) headers = {"Content-Type": "application/json", "Accept": "application/json"} @@ -51,40 +87,42 @@ def wenxin_generate_stream( if not access_token: yield "Failed to get access token. please set the correct api_key and secret key." - history = [] - messages: List[ModelMessage] = params["messages"] # Add history conversation + # system = "" + # if len(messages) > 1 and messages[0].role == ModelMessageRoleType.SYSTEM: + # role_define = messages.pop(0) + # system = role_define.content + # else: + # message = messages.pop(0) + # if message.role == ModelMessageRoleType.HUMAN: + # history.append({"role": "user", "content": message.content}) + # for message in messages: + # if message.role == ModelMessageRoleType.SYSTEM: + # history.append({"role": "user", "content": message.content}) + # # elif message.role == ModelMessageRoleType.HUMAN: + # # history.append({"role": "user", "content": message.content}) + # elif message.role == ModelMessageRoleType.AI: + # history.append({"role": "assistant", "content": message.content}) + # else: + # pass + # + # # temp_his = history[::-1] + # temp_his = history + # last_user_input = None + # for m in temp_his: + # if m["role"] == "user": + # last_user_input = m + # break + # + # if last_user_input: + # history.remove(last_user_input) + # history.append(last_user_input) + # + history, systems = __convert_2_wenxin_messages(messages) system = "" - if len(messages) > 1 and messages[0].role == ModelMessageRoleType.SYSTEM: - role_define = messages.pop(0) - system = role_define.content - else: - message = messages.pop(0) - if message.role == ModelMessageRoleType.HUMAN: - history.append({"role": "user", "content": message.content}) - for message in messages: - if message.role == ModelMessageRoleType.SYSTEM: - history.append({"role": "user", "content": message.content}) - # elif message.role == ModelMessageRoleType.HUMAN: - # history.append({"role": "user", "content": message.content}) - elif message.role == ModelMessageRoleType.AI: - history.append({"role": "assistant", "content": message.content}) - else: - pass - - # temp_his = history[::-1] - temp_his = history - last_user_input = None - for m in temp_his: - if m["role"] == "user": - last_user_input = m - break - - if last_user_input: - history.remove(last_user_input) - history.append(last_user_input) - + if systems and len(systems) > 0: + system = systems[0] payload = { "messages": history, "system": system, diff --git a/pilot/model/proxy/llms/zhipu.py b/pilot/model/proxy/llms/zhipu.py index 89e7dd9a0..c5fabe8ed 100644 --- a/pilot/model/proxy/llms/zhipu.py +++ b/pilot/model/proxy/llms/zhipu.py @@ -8,6 +8,41 @@ CHATGLM_DEFAULT_MODEL = "chatglm_pro" +def __convert_2_wenxin_messages(messages: List[ModelMessage]): + chat_round = 0 + wenxin_messages = [] + + last_usr_message = "" + system_messages = [] + + for message in messages: + if message.role == ModelMessageRoleType.HUMAN: + last_usr_message = message.content + elif message.role == ModelMessageRoleType.SYSTEM: + system_messages.append(message.content) + elif message.role == ModelMessageRoleType.AI: + last_ai_message = message.content + wenxin_messages.append({"role": "user", "content": last_usr_message}) + wenxin_messages.append({"role": "assistant", "content": last_ai_message}) + + # build last user messge + + if len(system_messages) > 0: + if len(system_messages) > 1: + end_message = system_messages[-1] + else: + last_message = messages[-1] + if last_message.role == ModelMessageRoleType.HUMAN: + end_message = system_messages[-1] + "\n" + last_message.content + else: + end_message = system_messages[-1] + else: + last_message = messages[-1] + end_message = last_message.content + wenxin_messages.append({"role": "user", "content": end_message}) + return wenxin_messages, system_messages + + def zhipu_generate_stream( model: ProxyModel, tokenizer, params, device, context_len=2048 ): @@ -22,40 +57,40 @@ def zhipu_generate_stream( import zhipuai zhipuai.api_key = proxy_api_key - history = [] messages: List[ModelMessage] = params["messages"] # Add history conversation - system = "" - if len(messages) > 1 and messages[0].role == ModelMessageRoleType.SYSTEM: - role_define = messages.pop(0) - system = role_define.content - else: - message = messages.pop(0) - if message.role == ModelMessageRoleType.HUMAN: - history.append({"role": "user", "content": message.content}) - for message in messages: - if message.role == ModelMessageRoleType.SYSTEM: - history.append({"role": "user", "content": message.content}) - # elif message.role == ModelMessageRoleType.HUMAN: - # history.append({"role": "user", "content": message.content}) - elif message.role == ModelMessageRoleType.AI: - history.append({"role": "assistant", "content": message.content}) - else: - pass - - # temp_his = history[::-1] - temp_his = history - last_user_input = None - for m in temp_his: - if m["role"] == "user": - last_user_input = m - break - - if last_user_input: - history.remove(last_user_input) - history.append(last_user_input) + # system = "" + # if len(messages) > 1 and messages[0].role == ModelMessageRoleType.SYSTEM: + # role_define = messages.pop(0) + # system = role_define.content + # else: + # message = messages.pop(0) + # if message.role == ModelMessageRoleType.HUMAN: + # history.append({"role": "user", "content": message.content}) + # for message in messages: + # if message.role == ModelMessageRoleType.SYSTEM: + # history.append({"role": "user", "content": message.content}) + # # elif message.role == ModelMessageRoleType.HUMAN: + # # history.append({"role": "user", "content": message.content}) + # elif message.role == ModelMessageRoleType.AI: + # history.append({"role": "assistant", "content": message.content}) + # else: + # pass + # + # # temp_his = history[::-1] + # temp_his = history + # last_user_input = None + # for m in temp_his: + # if m["role"] == "user": + # last_user_input = m + # break + # + # if last_user_input: + # history.remove(last_user_input) + # history.append(last_user_input) + history, systems = __convert_2_wenxin_messages(messages) res = zhipuai.model_api.sse_invoke( model=proxyllm_backend, prompt=history, diff --git a/pilot/openapi/api_v1/api_v1.py b/pilot/openapi/api_v1/api_v1.py index d33bd1df1..bea74d0a5 100644 --- a/pilot/openapi/api_v1/api_v1.py +++ b/pilot/openapi/api_v1/api_v1.py @@ -75,10 +75,13 @@ def __new_conversation(chat_mode, user_id) -> ConversationVo: def get_db_list(): dbs = CFG.LOCAL_DB_MANAGE.get_db_list() - params: dict = {} + db_params = [] for item in dbs: - params.update({item["db_name"]: item["db_name"]}) - return params + params: dict = {} + params.update({"param": item["db_name"]}) + params.update({"type": item["db_type"]}) + db_params.append(params) + return db_params def plugins_select_info(): @@ -110,12 +113,15 @@ def knowledge_list_info(): def knowledge_list(): """return knowledge space list""" - params: dict = {} request = KnowledgeSpaceRequest() spaces = knowledge_service.get_knowledge_space(request) + space_list = [] for space in spaces: - params.update({space.name: space.name}) - return params + params: dict = {} + params.update({"param": space.name}) + params.update({"type": "space"}) + space_list.append(params) + return space_list def get_model_controller() -> BaseModelController: @@ -228,8 +234,8 @@ async def dialogue_scenes(): scene_vos: List[ChatSceneVo] = [] new_modes: List[ChatScene] = [ ChatScene.ChatWithDbExecute, + # ChatScene.ChatWithDbQA, ChatScene.ChatExcel, - ChatScene.ChatWithDbQA, ChatScene.ChatKnowledge, ChatScene.ChatDashboard, ChatScene.ChatAgent, @@ -266,6 +272,8 @@ async def params_list(chat_mode: str = ChatScene.ChatNormal.value()): return Result.succ(plugins_select_info()) elif ChatScene.ChatKnowledge.value() == chat_mode: return Result.succ(knowledge_list()) + elif ChatScene.ChatKnowledge.ExtractRefineSummary.value() == chat_mode: + return Result.succ(knowledge_list()) else: return Result.succ(None) @@ -325,7 +333,6 @@ def get_hist_messages(conv_uid: str): history_messages: List[OnceConversation] = history_mem.get_messages() if history_messages: for once in history_messages: - print(f"once:{once}") model_name = once.get("model_name", CFG.LLM_MODEL) once_message_vos = [ message2Vo(element, once["chat_order"], model_name) diff --git a/pilot/openapi/api_v1/editor/api_editor_v1.py b/pilot/openapi/api_v1/editor/api_editor_v1.py index 86b98c9a0..9653a1bad 100644 --- a/pilot/openapi/api_v1/editor/api_editor_v1.py +++ b/pilot/openapi/api_v1/editor/api_editor_v1.py @@ -134,6 +134,7 @@ async def editor_sql_run(run_param: dict = Body()): ) return Result.succ(sql_run_data) except Exception as e: + logging.error("editor_sql_run exception!" + str(e)) return Result.succ( SqlRunData(result_info=str(e), run_cost=0, colunms=[], values=[]) ) @@ -165,7 +166,8 @@ async def sql_editor_submit(sql_edit_context: ChatSqlEditContext = Body()): if element["type"] == "view": data_loader = DbDataLoader() element["data"]["content"] = data_loader.get_table_view_by_conn( - conn.run(sql_edit_context.new_sql), sql_edit_context.new_speak + conn.run_to_df(sql_edit_context.new_sql), + sql_edit_context.new_speak, ) history_mem.update(history_messages) return Result.succ(None) diff --git a/pilot/out_parser/base.py b/pilot/out_parser/base.py index 78286f3d3..a7268ab68 100644 --- a/pilot/out_parser/base.py +++ b/pilot/out_parser/base.py @@ -26,6 +26,10 @@ class BaseOutputParser(ABC): def __init__(self, sep: str, is_stream_out: bool = True): self.sep = sep self.is_stream_out = is_stream_out + self.data_schema = None + + def update(self, data_schema): + self.data_schema = data_schema def __post_process_code(self, code): sep = "\n```" @@ -115,7 +119,9 @@ def parse_model_nostream_resp(self, response: ResponseTye, sep: str): print("un_stream ai response:", ai_response) return ai_response else: - raise ValueError("Model server error!code=" + resp_obj_ex["error_code"]) + raise ValueError( + f"""Model server error!code={resp_obj_ex["error_code"]}, errmsg is {resp_obj_ex["text"]}""" + ) def __illegal_json_ends(self, s): temp_json = s @@ -202,16 +208,23 @@ def parse_prompt_response(self, model_out_text) -> T: if not cleaned_output.startswith("{") or not cleaned_output.endswith("}"): logger.info("illegal json processing:\n" + cleaned_output) cleaned_output = self.__extract_json(cleaned_output) + + if not cleaned_output or len(cleaned_output) <= 0: + return model_out_text + cleaned_output = ( cleaned_output.strip() .replace("\\n", " ") .replace("\n", " ") .replace("\\", " ") + .replace("\_", "_") ) cleaned_output = self.__illegal_json_ends(cleaned_output) return cleaned_output - def parse_view_response(self, ai_text, data) -> str: + def parse_view_response( + self, ai_text, data, parse_prompt_response: Any = None + ) -> str: """ parse the ai response info to user view Args: @@ -242,7 +255,9 @@ def dict(self, **kwargs: Any) -> Dict: def _parse_model_response(response: ResponseTye): - if isinstance(response, ModelOutput): + if response is None: + resp_obj_ex = "" + elif isinstance(response, ModelOutput): resp_obj_ex = asdict(response) elif isinstance(response, str): resp_obj_ex = json.loads(response) diff --git a/pilot/scene/base_chat.py b/pilot/scene/base_chat.py index 7a8a37cae..e5ec0e8b8 100644 --- a/pilot/scene/base_chat.py +++ b/pilot/scene/base_chat.py @@ -58,6 +58,7 @@ def __init__(self, chat_param: Dict): chat_param["model_name"] if chat_param["model_name"] else CFG.LLM_MODEL ) self.llm_echo = False + self.model_cache_enable = chat_param.get("model_cache_enable", False) ### load prompt template # self.prompt_template: PromptTemplate = CFG.prompt_templates[ @@ -118,6 +119,9 @@ async def generate_input_values(self) -> Dict: def do_action(self, prompt_response): return prompt_response + def message_adjust(self): + pass + def get_llm_speak(self, prompt_define_response): if hasattr(prompt_define_response, "thoughts"): if isinstance(prompt_define_response.thoughts, dict): @@ -181,7 +185,7 @@ async def __call_base(self): def stream_plugin_call(self, text): return text - def knowledge_reference_call(self, text): + def stream_call_reinforce_fn(self, text): return text async def check_iterator_end(iterator): @@ -210,6 +214,7 @@ async def stream_call(self): "BaseChat.stream_call", metadata=self._get_span_metadata(payload) ) payload["span_id"] = span.span_id + payload["model_cache_enable"] = self.model_cache_enable try: async for output in await self._model_stream_operator.call_stream( call_data={"data": payload} @@ -222,7 +227,7 @@ async def stream_call(self): view_msg = view_msg.replace("\n", "\\n") yield view_msg self.current_message.add_ai_message(msg) - view_msg = self.knowledge_reference_call(msg) + view_msg = self.stream_call_reinforce_fn(view_msg) self.current_message.add_view_message(view_msg) span.end() except Exception as e: @@ -243,6 +248,7 @@ async def nostream_call(self): "BaseChat.nostream_call", metadata=self._get_span_metadata(payload) ) payload["span_id"] = span.span_id + payload["model_cache_enable"] = self.model_cache_enable try: with root_tracer.start_span("BaseChat.invoke_worker_manager.generate"): model_output = await self._model_operator.call( @@ -286,10 +292,13 @@ async def nostream_call(self): self.prompt_template.output_parser.parse_view_response, speak_to_user, result, + prompt_define_response, ) view_message = view_message.replace("\n", "\\n") self.current_message.add_view_message(view_message) + self.message_adjust() + span.end() except Exception as e: print(traceback.format_exc()) @@ -306,6 +315,7 @@ async def get_llm_response(self): payload = await self.__call_base() logger.info(f"Request: \n{payload}") ai_response_text = "" + payload["model_cache_enable"] = self.model_cache_enable try: model_output = await self._model_operator.call(call_data={"data": payload}) ### output parse @@ -568,23 +578,23 @@ def _build_model_operator( ) -> BaseOperator: """Builds and returns a model processing workflow (DAG) operator. - This function constructs a Directed Acyclic Graph (DAG) for processing data using a model. - It includes caching and branching logic to either fetch results from a cache or process + This function constructs a Directed Acyclic Graph (DAG) for processing data using a model. + It includes caching and branching logic to either fetch results from a cache or process data using the model. It supports both streaming and non-streaming modes. .. code-block:: python input_node >> cache_check_branch_node cache_check_branch_node >> model_node >> save_cached_node >> join_node - cache_check_branch_node >> cached_node >> join_node + cache_check_branch_node >> cached_node >> join_node equivalent to:: - + -> model_node -> save_cached_node -> / \ input_node -> cache_check_branch_node ---> join_node - \ / + \ / -> cached_node ------------------- -> - + Args: is_stream (bool): Flag to determine if the operator should process data in streaming mode. dag_name (str): Name of the DAG. diff --git a/pilot/scene/chat_agent/chat.py b/pilot/scene/chat_agent/chat.py index 81af1b3b1..09968d8f3 100644 --- a/pilot/scene/chat_agent/chat.py +++ b/pilot/scene/chat_agent/chat.py @@ -64,7 +64,12 @@ async def generate_input_values(self) -> Dict[str, str]: return input_values def stream_plugin_call(self, text): - text = text.replace("\n", " ") + text = ( + text.replace("\\n", " ") + .replace("\n", " ") + .replace("\_", "_") + .replace("\\", " ") + ) with root_tracer.start_span( "ChatAgent.stream_plugin_call.api_call", metadata={"text": text} ): diff --git a/pilot/scene/chat_agent/out_parser.py b/pilot/scene/chat_agent/out_parser.py index 2684ae0c9..962a40fbc 100644 --- a/pilot/scene/chat_agent/out_parser.py +++ b/pilot/scene/chat_agent/out_parser.py @@ -10,7 +10,7 @@ class PluginAction(NamedTuple): class PluginChatOutputParser(BaseOutputParser): - def parse_view_response(self, speak, data) -> str: + def parse_view_response(self, speak, data, prompt_response) -> str: ### tool out data to table view print(f"parse_view_response:{speak},{str(data)}") view_text = f"##### {speak}" + "\n" + str(data) diff --git a/pilot/scene/chat_agent/prompt.py b/pilot/scene/chat_agent/prompt.py index 7d01bfd2f..94151544a 100644 --- a/pilot/scene/chat_agent/prompt.py +++ b/pilot/scene/chat_agent/prompt.py @@ -42,7 +42,8 @@ 3.根据上面约束的方式生成每个工具的调用,对于工具使用的提示文本,需要在工具使用前生成 4.如果用户目标无法理解和意图不明确,优先使用搜索引擎工具 5.参数内容可能需要根据用户的目标推理得到,不仅仅是从文本提取 - 6.约束条件和工具信息作为推理过程的辅助信息,不要表达在给用户的输出内容中 + 6.约束条件和工具信息作为推理过程的辅助信息,对应内容不要表达在给用户的输出内容中 + 7.不要把部分内容放在markdown标签里 {expand_constraints} 工具列表: diff --git a/pilot/scene/chat_dashboard/out_parser.py b/pilot/scene/chat_dashboard/out_parser.py index d593333e5..a3fee7886 100644 --- a/pilot/scene/chat_dashboard/out_parser.py +++ b/pilot/scene/chat_dashboard/out_parser.py @@ -38,7 +38,7 @@ def parse_prompt_response(self, model_out_text): ) return chart_items - def parse_view_response(self, speak, data) -> str: + def parse_view_response(self, speak, data, prompt_response) -> str: return json.dumps(data.prepare_dict()) @property diff --git a/pilot/scene/chat_data/chat_excel/excel_analyze/chat.py b/pilot/scene/chat_data/chat_excel/excel_analyze/chat.py index fefc8142c..bede9bc40 100644 --- a/pilot/scene/chat_data/chat_excel/excel_analyze/chat.py +++ b/pilot/scene/chat_data/chat_excel/excel_analyze/chat.py @@ -23,7 +23,7 @@ class ChatExcel(BaseChat): """a Excel analyzer to analyze Excel Data""" chat_scene: str = ChatScene.ChatExcel.value() - chat_retention_rounds = 1 + chat_retention_rounds = 2 def __init__(self, chat_param: Dict): """Chat Excel Module Initialization @@ -51,17 +51,47 @@ def __init__(self, chat_param: Dict): super().__init__(chat_param=chat_param) def _generate_numbered_list(self) -> str: - command_strings = [] - if CFG.command_disply: - for name, item in CFG.command_disply.commands.items(): - if item.enabled: - command_strings.append(f"{name}:{item.description}") - # command_strings += [ - # str(item) - # for item in CFG.command_disply.commands.values() - # if item.enabled - # ] - return "\n".join(f"{i+1}. {item}" for i, item in enumerate(command_strings)) + antv_charts = [ + {"response_line_chart": "used to display comparative trend analysis data"}, + { + "response_pie_chart": "suitable for scenarios such as proportion and distribution statistics" + }, + { + "response_table": "suitable for display with many display columns or non-numeric columns" + }, + # {"response_data_text":" the default display method, suitable for single-line or simple content display"}, + { + "response_scatter_plot": "Suitable for exploring relationships between variables, detecting outliers, etc." + }, + { + "response_bubble_chart": "Suitable for relationships between multiple variables, highlighting outliers or special situations, etc." + }, + { + "response_donut_chart": "Suitable for hierarchical structure representation, category proportion display and highlighting key categories, etc." + }, + { + "response_area_chart": "Suitable for visualization of time series data, comparison of multiple groups of data, analysis of data change trends, etc." + }, + { + "response_heatmap": "Suitable for visual analysis of time series data, large-scale data sets, distribution of classified data, etc." + }, + ] + + # command_strings = [] + # if CFG.command_disply: + # for name, item in CFG.command_disply.commands.items(): + # if item.enabled: + # command_strings.append(f"{name}:{item.description}") + # command_strings += [ + # str(item) + # for item in CFG.command_disply.commands.values() + # if item.enabled + # ] + return "\n".join( + f"{key}:{value}" + for dict_item in antv_charts + for key, value in dict_item.items() + ) @trace() async def generate_input_values(self) -> Dict: @@ -78,7 +108,7 @@ async def prepare(self): return None chat_param = { "chat_session_id": self.chat_session_id, - "user_input": "[" + self.excel_reader.excel_file_name + "]" + " Analysis!", + "user_input": "[" + self.excel_reader.excel_file_name + "]" + " Analyze!", "parent_mode": self.chat_mode, "select_param": self.excel_reader.excel_file_name, "excel_reader": self.excel_reader, @@ -89,10 +119,15 @@ async def prepare(self): return result def stream_plugin_call(self, text): - text = text.replace("\n", " ") + text = ( + text.replace("\\n", " ") + .replace("\n", " ") + .replace("\_", "_") + .replace("\\", " ") + ) with root_tracer.start_span( "ChatExcel.stream_plugin_call.run_display_sql", metadata={"text": text} ): - return self.api_call.run_display_sql( + return self.api_call.display_sql_llmvis( text, self.excel_reader.get_df_by_sql_ex ) diff --git a/pilot/scene/chat_data/chat_excel/excel_analyze/out_parser.py b/pilot/scene/chat_data/chat_excel/excel_analyze/out_parser.py index 691c652fa..c3368f6f5 100644 --- a/pilot/scene/chat_data/chat_excel/excel_analyze/out_parser.py +++ b/pilot/scene/chat_data/chat_excel/excel_analyze/out_parser.py @@ -36,6 +36,6 @@ def parse_prompt_response(self, model_out_text): except Exception as e: raise ValueError(f"LLM Response Can't Parser! \n") - def parse_view_response(self, speak, data) -> str: + def parse_view_response(self, speak, data, prompt_response) -> str: ### tool out data to table view return data diff --git a/pilot/scene/chat_data/chat_excel/excel_analyze/prompt.py b/pilot/scene/chat_data/chat_excel/excel_analyze/prompt.py index c1dfdfee3..924a78b68 100644 --- a/pilot/scene/chat_data/chat_excel/excel_analyze/prompt.py +++ b/pilot/scene/chat_data/chat_excel/excel_analyze/prompt.py @@ -12,30 +12,34 @@ _PROMPT_SCENE_DEFINE_EN = "You are a data analysis expert. " _DEFAULT_TEMPLATE_EN = """ -Please use the data structure and column information in the above historical dialogue and combine it with data analysis to answer the user's questions while satisfying the constraints. +Please use the data structure column analysis information generated in the above historical dialogue to answer the user's questions through duckdb sql data analysis under the following constraints.. Constraint: - 1.Please output your thinking process and analysis ideas first, and then output the specific data analysis results. The data analysis results are output in the following format:display typeCorrect duckdb data analysis sql - 2.For the available display methods of data analysis results, please choose the most appropriate one from the following display methods. If you are not sure, use 'response_data_text' as the display. The available display types are as follows:{disply_type} - 3.The table name that needs to be used in SQL is: {table_name}, please make sure not to use column names that are not in the data structure. + 1.Please fully understand the user's problem and use duckdb sql for analysis. The analysis content is returned in the output format required below. Please output the sql in the corresponding sql parameter. + 2.Please choose the best one from the display methods given below for data rendering, and put the type name into the name parameter value that returns the required format. If you cannot find the most suitable one, use 'Table' as the display method. , the available data display methods are as follows: {disply_type} + 3.The table name that needs to be used in SQL is: {table_name}. Please check the sql you generated and do not use column names that are not in the data structure. 4.Give priority to answering using data analysis. If the user's question does not involve data analysis, you can answer according to your understanding. - + 5.The sql part of the output content is converted to: [data display mode][correct duckdb data analysis sql] For this format, please refer to the return format requirements. + +Please think step by step and give your answer, and make sure your answer is formatted as follows: + thoughts summary to say to user.[Data display method][Correct duckdb data analysis sql] + User Questions: {user_input} """ _PROMPT_SCENE_DEFINE_ZH = """你是一个数据分析专家!""" _DEFAULT_TEMPLATE_ZH = """ -请使用上述历史对话中的数据结构信息,在满足下面约束条件下结合数据分析回答用户的问题。 +请使用历史对话中的数据结构信息,在满足下面约束条件下通过duckdb sql数据分析回答用户的问题。 约束条件: - 1.请先输出你的分析思路内容,再输出具体的数据分析结果。如果有数据数据分析时,请确保在输出的结果中包含如下格式内容:[数据展示方式][正确的duckdb数据分析sql] - 2.请确保数据分析结果格式的内容在整个回答中只出现一次,确保上述结构稳定,把[]部分内容替换为对应的值 - 3.数据分析结果可用的展示方式请在下面的展示方式中选择最合适的一种,放入数据分析结果的name字段内如果无法确定,则使用'Text'作为显示,可用数据展示方式如下: {disply_type} - 4.SQL中需要使用的表名是: {table_name},请不要使用没在数据结构中的列名。 - 5.优先使用数据分析的方式回答,如果用户问题不涉及数据分析内容,你可以按你的理解进行回答 - 6.请确保你的输出内容有良好排版,输出内容均为普通markdown文本,不要用```或者```python这种标签来包围的输出内容 -请确保你的输出格式如下: - 分析思路简介.[数据展示方式][正确的duckdb数据分析sql] + 1.请充分理解用户的问题,使用duckdb sql的方式进行分析, 分析内容按下面要求的输出格式返回,sql请输出在对应的sql参数中 + 2.请从如下给出的展示方式种选择最优的一种用以进行数据渲染,将类型名称放入返回要求格式的name参数值种,如果找不到最合适的则使用'Table'作为展示方式,可用数据展示方式如下: {disply_type} + 3.SQL中需要使用的表名是: {table_name},请检查你生成的sql,不要使用没在数据结构中的列名 + 4.优先使用数据分析的方式回答,如果用户问题不涉及数据分析内容,你可以按你的理解进行回答 + 5.输出内容中sql部分转换为:[数据显示方式][正确的duckdb数据分析sql] 这样的格式,参考返回格式要求 + +请一步一步思考,给出回答,并确保你的回答内容格式如下: + 对用户说的想法摘要.[数据展示方式][正确的duckdb数据分析sql] 用户问题:{user_input} """ @@ -56,7 +60,7 @@ # Temperature is a configuration hyperparameter that controls the randomness of language model output. # A high temperature produces more unpredictable and creative results, while a low temperature produces more common and conservative output. # For example, if you adjust the temperature to 0.5, the model will usually generate text that is more predictable and less creative than if you set the temperature to 1.0. -PROMPT_TEMPERATURE = 0.8 +PROMPT_TEMPERATURE = 0.3 prompt = PromptTemplate( template_scene=ChatScene.ChatExcel.value(), diff --git a/pilot/scene/chat_data/chat_excel/excel_learning/chat.py b/pilot/scene/chat_data/chat_excel/excel_learning/chat.py index 7d1730ad0..a663e2756 100644 --- a/pilot/scene/chat_data/chat_excel/excel_learning/chat.py +++ b/pilot/scene/chat_data/chat_excel/excel_learning/chat.py @@ -1,10 +1,7 @@ import json from typing import Any, Dict -from pilot.scene.base_message import ( - HumanMessage, - ViewMessage, -) +from pilot.scene.base_message import HumanMessage, ViewMessage, AIMessage from pilot.scene.base_chat import BaseChat from pilot.scene.base import ChatScene from pilot.common.sql_database import Database @@ -51,10 +48,22 @@ async def generate_input_values(self) -> Dict: colunms, datas = await blocking_func_to_async( self._executor, self.excel_reader.get_sample_data ) - copy_datas = datas.copy() + self.prompt_template.output_parser.update(colunms) datas.insert(0, colunms) input_values = { - "data_example": json.dumps(copy_datas, cls=DateTimeEncoder), + "data_example": json.dumps(datas, cls=DateTimeEncoder), + "file_name": self.excel_reader.excel_file_name, } return input_values + + def message_adjust(self): + ### adjust learning result in messages + view_message = "" + for message in self.current_message.messages: + if message.type == ViewMessage.type: + view_message = message.content + + for message in self.current_message.messages: + if message.type == AIMessage.type: + message.content = view_message diff --git a/pilot/scene/chat_data/chat_excel/excel_learning/out_parser.py b/pilot/scene/chat_data/chat_excel/excel_learning/out_parser.py index e3bcfb8ea..b52558e47 100644 --- a/pilot/scene/chat_data/chat_excel/excel_learning/out_parser.py +++ b/pilot/scene/chat_data/chat_excel/excel_learning/out_parser.py @@ -19,11 +19,12 @@ class ExcelResponse(NamedTuple): class LearningExcelOutputParser(BaseOutputParser): def __init__(self, sep: str, is_stream_out: bool): super().__init__(sep=sep, is_stream_out=is_stream_out) + self.is_downgraded = False def parse_prompt_response(self, model_out_text): - clean_str = super().parse_prompt_response(model_out_text) - print("clean prompt response:", clean_str) try: + clean_str = super().parse_prompt_response(model_out_text) + logger.info(f"parse_prompt_response:{model_out_text},{model_out_text}") response = json.loads(clean_str) for key in sorted(response): if key.strip() == "DataAnalysis": @@ -34,27 +35,40 @@ def parse_prompt_response(self, model_out_text): plans = response[key] return ExcelResponse(desciption=desciption, clounms=clounms, plans=plans) except Exception as e: - return model_out_text + logger.error(f"parse_prompt_response Faild!{str(e)}") + clounms = [] + for name in self.data_schema: + clounms.append({name: "-"}) + return ExcelResponse(desciption=model_out_text, clounms=clounms, plans=None) - def parse_view_response(self, speak, data) -> str: + def __build_colunms_html(self, clounms_data): + html_colunms = f"### **Data Structure**\n" + column_index = 0 + for item in clounms_data: + column_index += 1 + keys = item.keys() + for key in keys: + html_colunms = ( + html_colunms + f"- **{column_index}.[{key}]** _{item[key]}_\n" + ) + return html_colunms + + def __build_plans_html(self, plans_data): + html_plans = f"### **Analysis plans**\n" + index = 0 + if plans_data: + for item in plans_data: + index += 1 + html_plans = html_plans + f"{item} \n" + return html_plans + + def parse_view_response(self, speak, data, prompt_response) -> str: if data and not isinstance(data, str): ### tool out data to table view html_title = f"### **Data Summary**\n{data.desciption} " - html_colunms = f"### **Data Structure**\n" - column_index = 0 - for item in data.clounms: - column_index += 1 - keys = item.keys() - for key in keys: - html_colunms = ( - html_colunms + f"- **{column_index}.[{key}]** _{item[key]}_\n" - ) - - html_plans = f"### **Recommended analysis plan**\n" - index = 0 - for item in data.plans: - index += 1 - html_plans = html_plans + f"{item} \n" + html_colunms = self.__build_colunms_html(data.clounms) + html_plans = self.__build_plans_html(data.plans) + html = f"""{html_title}\n{html_colunms}\n{html_plans}""" return html else: diff --git a/pilot/scene/chat_data/chat_excel/excel_learning/prompt.py b/pilot/scene/chat_data/chat_excel/excel_learning/prompt.py index df17aec6b..9339f7cc4 100644 --- a/pilot/scene/chat_data/chat_excel/excel_learning/prompt.py +++ b/pilot/scene/chat_data/chat_excel/excel_learning/prompt.py @@ -12,43 +12,44 @@ _PROMPT_SCENE_DEFINE_EN = "You are a data analysis expert. " _DEFAULT_TEMPLATE_EN = """ -This is an example data,please learn to understand the structure and content of this data: +The following is part of the data of the user file {file_name}. Please learn to understand the structure and content of the data and output the parsing results as required: {data_example} -Explain the meaning and function of each column, and give a simple and clear explanation of the technical terms. -Provide some analysis options,please think step by step. +Explain the meaning and function of each column, and give a simple and clear explanation of the technical terms, If it is a Date column, please summarize the Date format like: yyyy-MM-dd HH:MM:ss. +Use the column name as the attribute name and the analysis explanation as the attribute value to form a json array and output it in the ColumnAnalysis attribute that returns the json content. +Please do not modify or translate the column names, make sure they are consistent with the given data column names. +Provide some useful analysis ideas to users from different dimensions for data. -Please return your answer in JSON format, the return format is as follows: +Please think step by step and give your answer. Make sure to answer only in JSON format,the format is as follows: {response} """ _PROMPT_SCENE_DEFINE_ZH = "你是一个数据分析专家. " _DEFAULT_TEMPLATE_ZH = """ -下面是一份示例数据,请学习理解该数据的结构和内容: +下面是用户文件{file_name}的一部分数据,请学习理解该数据的结构和内容,按要求输出解析结果: {data_example} -分析各列数据的含义和作用,并对专业术语进行简单明了的解释。 -提供一些分析方案思路,请一步一步思考。 +分析各列数据的含义和作用,并对专业术语进行简单明了的解释, 如果是时间类型请给出时间格式类似:yyyy-MM-dd HH:MM:ss. +将列名作为属性名,分析解释作为属性值,组成json数组,并输出在返回json内容的ColumnAnalysis属性中. +请不要修改或者翻译列名,确保和给出数据列名一致. +针对数据从不同维度提供一些有用的分析思路给用户。 -请以JSON格式返回您的答案,返回格式如下: +请一步一步思考,确保只以JSON格式回答,具体格式如下: {response} """ _RESPONSE_FORMAT_SIMPLE_ZH = { "DataAnalysis": "数据内容分析总结", - "ColumnAnalysis": [{"column name1": "字段1介绍,专业术语解释(请尽量简单明了)"}], - "AnalysisProgram": ["1.分析方案1,图表展示方式1", "2.分析方案2,图表展示方式2"], + "ColumnAnalysis": [{"column name": "字段1介绍,专业术语解释(请尽量简单明了)"}], + "AnalysisProgram": ["1.分析方案1", "2.分析方案2"], } _RESPONSE_FORMAT_SIMPLE_EN = { "DataAnalysis": "Data content analysis summary", "ColumnAnalysis": [ { - "column name1": "Introduction to Column 1 and explanation of professional terms (please try to be as simple and clear as possible)" + "column name": "Introduction to Column 1 and explanation of professional terms (please try to be as simple and clear as possible)" } ], - "AnalysisProgram": [ - "1. Analysis plan 1, chart display type 1", - "2. Analysis plan 2, chart display type 2", - ], + "AnalysisProgram": ["1. Analysis plan ", "2. Analysis plan "], } RESPONSE_FORMAT_SIMPLE = ( @@ -72,7 +73,7 @@ # Temperature is a configuration hyperparameter that controls the randomness of language model output. # A high temperature produces more unpredictable and creative results, while a low temperature produces more common and conservative output. # For example, if you adjust the temperature to 0.5, the model will usually generate text that is more predictable and less creative than if you set the temperature to 1.0. -PROMPT_TEMPERATURE = 0.5 +PROMPT_TEMPERATURE = 0.8 prompt = PromptTemplate( template_scene=ChatScene.ExcelLearning.value(), diff --git a/pilot/scene/chat_data/chat_excel/excel_learning/test.py b/pilot/scene/chat_data/chat_excel/excel_learning/test.py deleted file mode 100644 index fdfaf146a..000000000 --- a/pilot/scene/chat_data/chat_excel/excel_learning/test.py +++ /dev/null @@ -1,271 +0,0 @@ -import os -import duckdb -import pandas as pd -import numpy as np -import matplotlib -import seaborn as sns -import uuid - -from pandas import DataFrame - -import matplotlib.pyplot as plt -import matplotlib.ticker as mtick -from matplotlib import font_manager -from matplotlib.font_manager import FontManager - -matplotlib.use("Agg") -import time -from fsspec import filesystem -import spatial - -from pilot.scene.chat_data.chat_excel.excel_reader import ExcelReader - - -def data_pre_classification(df: DataFrame): - ## Data pre-classification - columns = df.columns.tolist() - - number_columns = [] - non_numeric_colums = [] - - # 收集数据分类小于10个的列 - non_numeric_colums_value_map = {} - numeric_colums_value_map = {} - df_filtered = df.dropna() - for column_name in columns: - print(np.issubdtype(df_filtered[column_name].dtype, np.number)) - # if pd.to_numeric(df[column_name], errors='coerce').notna().all(): - # if np.issubdtype(df_filtered[column_name].dtype, np.number): - if pd.api.types.is_numeric_dtype(df[column_name].dtypes): - number_columns.append(column_name) - unique_values = df[column_name].unique() - numeric_colums_value_map.update({column_name: len(unique_values)}) - else: - non_numeric_colums.append(column_name) - unique_values = df[column_name].unique() - non_numeric_colums_value_map.update({column_name: len(unique_values)}) - - sorted_numeric_colums_value_map = dict( - sorted(numeric_colums_value_map.items(), key=lambda x: x[1]) - ) - numeric_colums_sort_list = list(sorted_numeric_colums_value_map.keys()) - - sorted_colums_value_map = dict( - sorted(non_numeric_colums_value_map.items(), key=lambda x: x[1]) - ) - non_numeric_colums_sort_list = list(sorted_colums_value_map.keys()) - - # Analyze x-coordinate - if len(non_numeric_colums_sort_list) > 0: - x_cloumn = non_numeric_colums_sort_list[-1] - non_numeric_colums_sort_list.remove(x_cloumn) - else: - x_cloumn = number_columns[0] - numeric_colums_sort_list.remove(x_cloumn) - - # Analyze y-coordinate - if len(numeric_colums_sort_list) > 0: - y_column = numeric_colums_sort_list[0] - numeric_colums_sort_list.remove(y_column) - else: - raise ValueError("Not enough numeric columns for chart!") - - return x_cloumn, y_column, non_numeric_colums_sort_list, numeric_colums_sort_list - - # - # if len(non_numeric_colums) <=0: - # sorted_colums_value_map = dict(sorted(numeric_colums_value_map.items(), key=lambda x: x[1])) - # numeric_colums_sort_list = list(sorted_colums_value_map.keys()) - # x_column = number_columns[0] - # hue_column = numeric_colums_sort_list[0] - # y_column = numeric_colums_sort_list[1] - # cols = numeric_colums_sort_list[2:] - # elif len(number_columns) <=0: - # raise ValueError("Have No numeric Column!") - # else: - # # 数字和非数字都存在多列,放弃部分数字列 - # x_column = non_numeric_colums[0] - # y_column = number_columns[0] - # if len(non_numeric_colums) > 1: - # sorted_colums_value_map = dict(sorted(non_numeric_colums_value_map.items(), key=lambda x: x[1])) - # non_numeric_colums_sort_list = list(sorted_colums_value_map.keys()) - # non_numeric_colums_sort_list.remove(non_numeric_colums[0]) - # hue_column = non_numeric_colums_sort_list[0] - # if len(number_columns) > 1: - # # try multiple charts - # cols = number_columns.remove( number_columns[0]) - # - # else: - # sorted_colums_value_map = dict(sorted(numeric_colums_value_map.items(), key=lambda x: x[1])) - # numeric_colums_sort_list = list(sorted_colums_value_map.keys()) - # numeric_colums_sort_list.remove(number_columns[0]) - # if sorted_colums_value_map[numeric_colums_sort_list[0]].value < 5: - # hue_column = numeric_colums_sort_list[0] - # if len(number_columns) > 2: - # # try multiple charts - # cols = numeric_colums_sort_list.remove(numeric_colums_sort_list[0]) - # - # print(x_column, y_column, hue_column, cols) - # return x_column, y_column, hue_column - - -if __name__ == "__main__": - # connect = duckdb.connect("/Users/tuyang.yhj/Downloads/example.xlsx") - # - - # fonts = fm.findSystemFonts() - # for font in fonts: - # if 'Hei' in font: - # print(font) - - # fm = FontManager() - # mat_fonts = set(f.name for f in fm.ttflist) - # for i in mat_fonts: - # print(i) - # print(len(mat_fonts)) - # 获取系统中的默认中文字体名称 - # default_font = fm.fontManager.defaultFontProperties.get_family() - - # 创建一个示例 DataFrame - df = pd.DataFrame( - { - "A": [1, 2, 3, None, 5], - "B": [10, 20, 30, 40, 50], - "C": [1.1, 2.2, None, 4.4, 5.5], - "D": ["a", "b", "c", "d", "e"], - } - ) - - # 判断列是否为数字列 - column_name = "A" # 要判断的列名 - is_numeric = pd.to_numeric(df[column_name], errors="coerce").notna().all() - - if is_numeric: - print( - f"Column '{column_name}' is a numeric column (ignoring null and NaN values in some elements)." - ) - else: - print( - f"Column '{column_name}' is not a numeric column (ignoring null and NaN values in some elements)." - ) - - # - # excel_reader = ExcelReader("/Users/tuyang.yhj/Downloads/example.xlsx") - excel_reader = ExcelReader("/Users/tuyang.yhj/Downloads/yhj-zx.csv") - # - # # colunms, datas = excel_reader.run( "SELECT CONCAT(Year, '-', Quarter) AS QuarterYear, SUM(Sales) AS TotalSales FROM example GROUP BY QuarterYear ORDER BY QuarterYear") - # # colunms, datas = excel_reader.run( """ SELECT Year, SUM(Sales) AS Total_Sales FROM example GROUP BY Year ORDER BY Year; """) - # df = excel_reader.get_df_by_sql_ex(""" SELECT Segment, Country, SUM(Sales) AS Total_Sales, SUM(Profit) AS Total_Profit FROM example GROUP BY Segment, Country """) - df = excel_reader.get_df_by_sql_ex( - """ SELECT 大项, AVG(实际) AS 平均实际支出, AVG(已支出) AS 平均已支出 FROM yhj-zx GROUP BY 大项""" - ) - - for column_name in df.columns.tolist(): - print(column_name + ":" + str(df[column_name].dtypes)) - print( - column_name - + ":" - + str(pd.api.types.is_numeric_dtype(df[column_name].dtypes)) - ) - - columns = df.columns.tolist() - font_names = [ - "Heiti TC", - "Songti SC", - "STHeiti Light", - "Microsoft YaHei", - "SimSun", - "SimHei", - "KaiTi", - ] - fm = FontManager() - mat_fonts = set(f.name for f in fm.ttflist) - can_use_fonts = [] - for font_name in font_names: - if font_name in mat_fonts: - can_use_fonts.append(font_name) - if len(can_use_fonts) > 0: - plt.rcParams["font.sans-serif"] = can_use_fonts - - rc = {"font.sans-serif": can_use_fonts} - plt.rcParams["axes.unicode_minus"] = False # 解决无法显示符号的问题 - sns.set(font="Heiti TC", font_scale=0.8) # 解决Seaborn中文显示问题 - sns.set_palette("Set3") # 设置颜色主题 - sns.set_style("dark") - sns.color_palette("hls", 10) - sns.hls_palette(8, l=0.5, s=0.7) - sns.set(context="notebook", style="ticks", rc=rc) - - fig, ax = plt.subplots(figsize=(8, 5), dpi=100) - # plt.ticklabel_format(style='plain') - # ax = df.plot(kind='bar', ax=ax) - # sns.barplot(df, x=x, y="Total_Sales", hue='Country', ax=ax) - # sns.barplot(df, x=x, y="Total_Profit", hue='Country', ax=ax) - - # sns.catplot(data=df, x=x, y=y, hue='Country', kind='bar') - # x, y, non_num_columns, num_colmns = data_pre_classification(df) - # print(x, y, str(non_num_columns), str(num_colmns)) - ## 复杂折线图实现 - # if len(num_colmns) > 0: - # num_colmns.append(y) - # df_melted = pd.melt( - # df, id_vars=x, value_vars=num_colmns, var_name="line", value_name="Value" - # ) - # sns.lineplot(data=df_melted, x=x, y="Value", hue="line", ax=ax, palette="Set2") - # else: - # sns.lineplot(data=df, x=x, y=y, ax=ax, palette="Set2") - - hue = None - ## 复杂柱状图实现 - x, y, non_num_columns, num_colmns = data_pre_classification(df) - - if len(non_num_columns) >= 1: - hue = non_num_columns[0] - - if len(num_colmns) >= 1: - if hue: - if len(num_colmns) >= 2: - can_use_columns = num_colmns[:2] - else: - can_use_columns = num_colmns - sns.barplot(data=df, x=x, y=y, hue=hue, palette="Set2", ax=ax) - for sub_y_column in can_use_columns: - sns.barplot( - data=df, x=x, y=sub_y_column, hue=hue, palette="Set2", ax=ax - ) - else: - if len(num_colmns) > 5: - can_use_columns = num_colmns[:5] - else: - can_use_columns = num_colmns - can_use_columns.append(y) - - df_melted = pd.melt( - df, - id_vars=x, - value_vars=can_use_columns, - var_name="line", - value_name="Value", - ) - sns.barplot( - data=df_melted, x=x, y="Value", hue="line", palette="Set2", ax=ax - ) - else: - sns.barplot(data=df, x=x, y=y, hue=hue, palette="Set2", ax=ax) - - # # 转换 DataFrame 格式 - # df_melted = pd.melt(df, id_vars=x, value_vars=['Total_Sales', 'Total_Profit'], var_name='line', value_name='y') - # - # # 绘制多列柱状图 - # - # sns.barplot(data=df, x=x, y="Total_Sales", hue = "Country", palette="Set2", ax=ax) - # sns.barplot(data=df, x=x, y="Total_Profit", hue = "Country", palette="Set1", ax=ax) - - # 设置 y 轴刻度格式为普通数字格式 - ax.yaxis.set_major_formatter(mtick.FuncFormatter(lambda x, _: "{:,.0f}".format(x))) - - chart_name = "bar_" + str(uuid.uuid1()) + ".png" - chart_path = chart_name - plt.savefig(chart_path, bbox_inches="tight", dpi=100) - - # diff --git a/pilot/scene/chat_data/chat_excel/excel_reader.py b/pilot/scene/chat_data/chat_excel/excel_reader.py index 4037840af..6aa1d3d91 100644 --- a/pilot/scene/chat_data/chat_excel/excel_reader.py +++ b/pilot/scene/chat_data/chat_excel/excel_reader.py @@ -4,7 +4,7 @@ import os import re import sqlparse - +import pandas as pd import chardet import pandas as pd import numpy as np @@ -240,33 +240,45 @@ def is_chinese(text): # print(add_quotes_to_chinese_columns(sql_2)) # sql = """ SELECT 省份, 2021年, 2022年 as GDP FROM excel_data """ - sql = """ SELECT 省份, 2022年, 2021年 FROM excel_data """ - sql_2 = """ SELECT "省份", "2022年" as "2022年实际GDP增速", "2021年" as "2021年实际GDP增速" FROM excel_data """ - sql_3 = """ SELECT "省份", ("2022年" / ("2022年" + "2021年")) * 100 as "2022年实际GDP增速占比", ("2021年" / ("2022年" + "2021年")) * 100 as "2021年实际GDP增速占比" FROM excel_data """ + # sql = """ SELECT 省份, 2022年, 2021年 FROM excel_data """ + # sql_2 = """ SELECT "省份", "2022年" as "2022年实际GDP增速", "2021年" as "2021年实际GDP增速" FROM excel_data """ + # sql_3 = """ SELECT "省份", ("2022年" / ("2022年" + "2021年")) * 100 as "2022年实际GDP增速占比", ("2021年" / ("2022年" + "2021年")) * 100 as "2021年实际GDP增速占比" FROM excel_data """ + # + # sql = add_quotes_to_chinese_columns(sql_3) + # print(f"excute sql:{sql}") - sql = add_quotes_to_chinese_columns(sql_3) - print(f"excute sql:{sql}") + my_list = [ + {"name": "John", "age": 30}, + {"name": "Alice", "age": 25}, + {"name": "Bob", "age": 35}, + ] + + for dict_item in my_list: + for key, value in dict_item.items(): + print(key, value) class ExcelReader: def __init__(self, file_path): file_name = os.path.basename(file_path) - file_name_without_extension = os.path.splitext(file_name)[0] + self.file_name_without_extension = os.path.splitext(file_name)[0] encoding, confidence = detect_encoding(file_path) logging.error(f"Detected Encoding: {encoding} (Confidence: {confidence})") self.excel_file_name = file_name self.extension = os.path.splitext(file_name)[1] # read excel file if file_path.endswith(".xlsx") or file_path.endswith(".xls"): - df_tmp = pd.read_excel(file_path) + df_tmp = pd.read_excel(file_path, index_col=False) self.df = pd.read_excel( file_path, + index_col=False, converters={i: csv_colunm_foramt for i in range(df_tmp.shape[1])}, ) elif file_path.endswith(".csv"): - df_tmp = pd.read_csv(file_path, encoding=encoding) + df_tmp = pd.read_csv(file_path, index_col=False, encoding=encoding) self.df = pd.read_csv( file_path, + index_col=False, encoding=encoding, converters={i: csv_colunm_foramt for i in range(df_tmp.shape[1])}, ) @@ -278,10 +290,11 @@ def __init__(self, file_path): for column_name in df_tmp.columns: self.columns_map.update({column_name: excel_colunm_format(column_name)}) try: - self.df[column_name] = pd.to_numeric(self.df[column_name]) + if not pd.api.types.is_datetime64_ns_dtype(self.df[column_name]): + self.df[column_name] = pd.to_numeric(self.df[column_name]) self.df[column_name] = self.df[column_name].fillna(0) except Exception as e: - print("transfor column error!" + column_name) + print("can't transfor numeric column" + column_name) self.df = self.df.rename(columns=lambda x: x.strip().replace(" ", "_")) @@ -292,6 +305,12 @@ def __init__(self, file_path): # write data in duckdb self.db.register(self.table_name, self.df) + # 获取结果并打印表结构信息 + result = self.db.execute(f"DESCRIBE {self.table_name}") + columns = result.fetchall() + for column in columns: + print(column) + def run(self, sql): try: if f'"{self.table_name}"' in sql: diff --git a/pilot/scene/chat_db/auto_execute/chat.py b/pilot/scene/chat_db/auto_execute/chat.py index 4d4bf3c0c..00ddce1a2 100644 --- a/pilot/scene/chat_db/auto_execute/chat.py +++ b/pilot/scene/chat_db/auto_execute/chat.py @@ -7,6 +7,7 @@ from pilot.scene.chat_db.auto_execute.prompt import prompt from pilot.utils.executor_utils import blocking_func_to_async from pilot.utils.tracer import root_tracer, trace +from pilot.base_modules.agent.commands.command_mange import ApiCall CFG = Config() @@ -40,7 +41,8 @@ def __init__(self, chat_param: Dict): "ChatWithDbAutoExecute.get_connect", metadata={"db_name": self.db_name} ): self.database = CFG.LOCAL_DB_MANAGE.get_connect(self.db_name) - self.top_k: int = 200 + + self.top_k: int = 50 @trace() async def generate_input_values(self) -> Dict: @@ -52,13 +54,7 @@ async def generate_input_values(self) -> Dict: except ImportError: raise ValueError("Could not import DBSummaryClient. ") client = DBSummaryClient(system_app=CFG.SYSTEM_APP) - table_infos = None try: - # table_infos = client.get_db_summary( - # dbname=self.db_name, - # query=self.current_user_input, - # topk=CFG.KNOWLEDGE_SEARCH_TOP_SIZE, - # ) with root_tracer.start_span("ChatWithDbAutoExecute.get_db_summary"): table_infos = await blocking_func_to_async( self._executor, @@ -70,23 +66,24 @@ async def generate_input_values(self) -> Dict: except Exception as e: print("db summary find error!" + str(e)) if not table_infos: - # table_infos = self.database.table_simple_info() table_infos = await blocking_func_to_async( self._executor, self.database.table_simple_info ) input_values = { - "input": self.current_user_input, + "db_name": self.db_name, + "user_input": self.current_user_input, "top_k": str(self.top_k), "dialect": self.database.dialect, "table_info": table_infos, } return input_values + def stream_plugin_call(self, text): + text = text.replace("\n", " ") + print(f"stream_plugin_call:{text}") + return self.api_call.display_sql_llmvis(text, self.database.run_to_df) + def do_action(self, prompt_response): print(f"do_action:{prompt_response}") - with root_tracer.start_span( - "ChatWithDbAutoExecute.do_action.run_sql", - metadata=prompt_response.to_dict(), - ): - return self.database.run(prompt_response.sql) + return self.database.run_to_df diff --git a/pilot/scene/chat_db/auto_execute/out_parser.py b/pilot/scene/chat_db/auto_execute/out_parser.py index e583d945a..1cd5765da 100644 --- a/pilot/scene/chat_db/auto_execute/out_parser.py +++ b/pilot/scene/chat_db/auto_execute/out_parser.py @@ -1,6 +1,9 @@ import json from typing import Dict, NamedTuple import logging +import sqlparse +import xml.etree.ElementTree as ET +from pilot.common.json_utils import serialize from pilot.out_parser.base import BaseOutputParser, T from pilot.configs.config import Config from pilot.scene.chat_db.data_loader import DbDataLoader @@ -23,32 +26,63 @@ class DbChatOutputParser(BaseOutputParser): def __init__(self, sep: str, is_stream_out: bool): super().__init__(sep=sep, is_stream_out=is_stream_out) + def is_sql_statement(self, statement): + parsed = sqlparse.parse(statement) + if not parsed: + return False + for stmt in parsed: + if stmt.get_type() != "UNKNOWN": + return True + return False + def parse_prompt_response(self, model_out_text): clean_str = super().parse_prompt_response(model_out_text) - print("clean prompt response:", clean_str) - response = json.loads(clean_str) - for key in sorted(response): - if key.strip() == "sql": - sql = response[key] - if key.strip() == "thoughts": - thoughts = response[key] - return SqlAction(sql, thoughts) - - def parse_view_response(self, speak, data) -> str: - import pandas as pd - - ### tool out data to table view - data_loader = DbDataLoader() - if len(data) < 1: - data.insert(0, []) - df = pd.DataFrame(data[1:], columns=data[0]) - if not CFG.NEW_SERVER_MODE and not CFG.SERVER_LIGHT_MODE: - table_style = """""" - html_table = df.to_html(index=False, escape=False) - html = f"{table_style}{html_table}" - view_text = f"##### {str(speak)}" + "\n" + html.replace("\n", " ") - return view_text + logging.info("clean prompt response:", clean_str) + # Compatible with community pure sql output model + if self.is_sql_statement(clean_str): + return SqlAction(clean_str, "") + else: + try: + response = json.loads(clean_str) + for key in sorted(response): + if key.strip() == "sql": + sql = response[key] + if key.strip() == "thoughts": + thoughts = response[key] + return SqlAction(sql, thoughts) + except Exception as e: + logging.error("json load faild") + return SqlAction("", clean_str) + + def parse_view_response(self, speak, data, prompt_response) -> str: + param = {} + api_call_element = ET.Element("chart-view") + err_msg = None + try: + if not prompt_response.sql or len(prompt_response.sql) <= 0: + return f"""{speak}""" + + df = data(prompt_response.sql) + param["type"] = "response_table" + param["sql"] = prompt_response.sql + param["data"] = json.loads( + df.to_json(orient="records", date_format="iso", date_unit="s") + ) + view_json_str = json.dumps(param, default=serialize, ensure_ascii=False) + except Exception as e: + logger.error("parse_view_response error!" + str(e)) + err_param = {} + err_param["sql"] = f"{prompt_response.sql}" + err_param["type"] = "response_table" + # err_param["err_msg"] = str(e) + err_param["data"] = [] + err_msg = str(e) + view_json_str = json.dumps(err_param, default=serialize, ensure_ascii=False) + + # api_call_element.text = view_json_str + api_call_element.set("content", view_json_str) + result = ET.tostring(api_call_element, encoding="utf-8") + if err_msg: + return f"""{speak} \\n ERROR!{err_msg} \n {result.decode("utf-8")}""" else: - return data_loader.get_table_view_by_conn(data, speak) + return speak + "\n" + result.decode("utf-8") diff --git a/pilot/scene/chat_db/auto_execute/prompt.py b/pilot/scene/chat_db/auto_execute/prompt.py index 9b4bcb6a5..e7f0e0ee0 100644 --- a/pilot/scene/chat_db/auto_execute/prompt.py +++ b/pilot/scene/chat_db/auto_execute/prompt.py @@ -8,24 +8,61 @@ CFG = Config() -PROMPT_SCENE_DEFINE = "You are a SQL expert. " -_DEFAULT_TEMPLATE = """ -Given an input question, create a syntactically correct {dialect} sql. +_PROMPT_SCENE_DEFINE_EN = "You are a database expert. " +_PROMPT_SCENE_DEFINE_ZH = "你是一个数据库专家. " -Unless the user specifies in his question a specific number of examples he wishes to obtain, always limit your query to at most {top_k} results. -Use as few tables as possible when querying. -Only use the following tables schema to generate sql: -{table_info} -Be careful to not query for columns that do not exist. Also, pay attention to which column is in which table. +_DEFAULT_TEMPLATE_EN = """ +Please answer the user's question based on the database selected by the user and some of the available table structure definitions of the database. +Database name: + {db_name} +Table structure definition: + {table_info} -Question: {input} +Constraint: + 1.Please understand the user's intention based on the user's question, and use the given table structure definition to create a grammatically correct {dialect} sql. If sql is not required, answer the user's question directly.. + 2.Always limit the query to a maximum of {top_k} results unless the user specifies in the question the specific number of rows of data he wishes to obtain. + 3.You can only use the tables provided in the table structure information to generate sql. If you cannot generate sql based on the provided table structure, please say: "The table structure information provided is not enough to generate sql queries." It is prohibited to fabricate information at will. + 4.Please be careful not to mistake the relationship between tables and columns when generating SQL. + 5.Please check the correctness of the SQL and ensure that the query performance is optimized under correct conditions. + +User Question: + {user_input} +Please think step by step and respond according to the following JSON format: + {response} +Ensure the response is correct json and can be parsed by Python json.loads. -Respond in JSON format as following format: -{response} -Ensure the response is correct json and can be parsed by Python json.loads """ +_DEFAULT_TEMPLATE_ZH = """ +请根据用户选择的数据库和该库的部分可用表结构定义来回答用户问题. +数据库名: + {db_name} +表结构定义: + {table_info} + +约束: + 1. 请根据用户问题理解用户意图,使用给出表结构定义创建一个语法正确的 {dialect} sql,如果不需要sql,则直接回答用户问题。 + 2. 除非用户在问题中指定了他希望获得的具体数据行数,否则始终将查询限制为最多 {top_k} 个结果。 + 3. 只能使用表结构信息中提供的表来生成 sql,如果无法根据提供的表结构中生成 sql ,请说:“提供的表结构信息不足以生成 sql 查询。” 禁止随意捏造信息。 + 4. 请注意生成SQL时不要弄错表和列的关系 + 5. 请检查SQL的正确性,并保证正确的情况下优化查询性能 +用户问题: + {user_input} +请一步步思考并按照以下JSON格式回复: + {response} +确保返回正确的json并且可以被Python json.loads方法解析. + +""" + +_DEFAULT_TEMPLATE = ( + _DEFAULT_TEMPLATE_EN if CFG.LANGUAGE == "en" else _DEFAULT_TEMPLATE_ZH +) + +PROMPT_SCENE_DEFINE = ( + _PROMPT_SCENE_DEFINE_EN if CFG.LANGUAGE == "en" else _PROMPT_SCENE_DEFINE_ZH +) + RESPONSE_FORMAT_SIMPLE = { "thoughts": "thoughts summary to say to user", "sql": "SQL Query to run", @@ -42,7 +79,7 @@ prompt = PromptTemplate( template_scene=ChatScene.ChatWithDbExecute.value(), - input_variables=["input", "table_info", "dialect", "top_k", "response"], + input_variables=["table_info", "dialect", "top_k", "response"], response_format=json.dumps(RESPONSE_FORMAT_SIMPLE, ensure_ascii=False, indent=4), template_define=PROMPT_SCENE_DEFINE, template=_DEFAULT_TEMPLATE, @@ -52,6 +89,7 @@ ), # example_selector=sql_data_example, temperature=PROMPT_TEMPERATURE, + need_historical_messages=True, ) CFG.prompt_template_registry.register(prompt, is_default=True) from . import prompt_baichuan diff --git a/pilot/scene/chat_db/data_loader.py b/pilot/scene/chat_db/data_loader.py index a9e4450f5..63aa3c12f 100644 --- a/pilot/scene/chat_db/data_loader.py +++ b/pilot/scene/chat_db/data_loader.py @@ -1,13 +1,48 @@ +import xml.etree.ElementTree as ET +import json +import logging + +from pilot.common.json_utils import serialize + + class DbDataLoader: - def get_table_view_by_conn(self, data, speak): - import pandas as pd - - ### tool out data to table view - if len(data) < 1: - data.insert(0, ["result"]) - df = pd.DataFrame(data[1:], columns=data[0]) - html_table = df.to_html(index=False, escape=False, sparsify=False) - table_str = "".join(html_table.split()) - html = f"""
{table_str}
""" - view_text = f"##### {str(speak)}" + "\n" + html.replace("\n", " ") - return view_text + def get_table_view_by_conn(self, data, speak, sql: str = None): + # import pandas as pd + # + # ### tool out data to table view + # if len(data) < 1: + # data.insert(0, ["result"]) + # df = pd.DataFrame(data[1:], columns=data[0]) + # html_table = df.to_html(index=False, escape=False, sparsify=False) + # table_str = "".join(html_table.split()) + # html = f"""
{table_str}
""" + # view_text = f"##### {str(speak)}" + "\n" + html.replace("\n", " ") + # return view_text + + param = {} + api_call_element = ET.Element("chart-view") + err_msg = None + try: + param["type"] = "response_table" + param["sql"] = sql + param["data"] = json.loads( + data.to_json(orient="records", date_format="iso", date_unit="s") + ) + view_json_str = json.dumps(param, default=serialize, ensure_ascii=False) + except Exception as e: + logging.error("parse_view_response error!" + str(e)) + err_param = {} + err_param["sql"] = f"{sql}" + err_param["type"] = "response_table" + err_param["err_msg"] = str(e) + err_param["data"] = [] + err_msg = str(e) + view_json_str = json.dumps(err_param, default=serialize, ensure_ascii=False) + + # api_call_element.text = view_json_str + api_call_element.set("content", view_json_str) + result = ET.tostring(api_call_element, encoding="utf-8") + if err_msg: + return f"""{speak} \\n ERROR!{err_msg} \n {result.decode("utf-8")}""" + else: + return speak + "\n" + result.decode("utf-8") diff --git a/pilot/scene/chat_execution/out_parser.py b/pilot/scene/chat_execution/out_parser.py index 3826b35df..60260a9d3 100644 --- a/pilot/scene/chat_execution/out_parser.py +++ b/pilot/scene/chat_execution/out_parser.py @@ -35,7 +35,7 @@ def parse_prompt_response(self, model_out_text) -> T: speak = response[key] return PluginAction(command, speak, thoughts) - def parse_view_response(self, speak, data) -> str: + def parse_view_response(self, speak, data, prompt_response) -> str: ### tool out data to table view print(f"parse_view_response:{speak},{str(data)}") view_text = f"##### {speak}" + "\n" + str(data) diff --git a/pilot/scene/chat_knowledge/refine_summary/chat.py b/pilot/scene/chat_knowledge/refine_summary/chat.py index d0b1e9471..a257332ae 100644 --- a/pilot/scene/chat_knowledge/refine_summary/chat.py +++ b/pilot/scene/chat_knowledge/refine_summary/chat.py @@ -12,7 +12,7 @@ class ExtractRefineSummary(BaseChat): chat_scene: str = ChatScene.ExtractRefineSummary.value() - """get summary by llm""" + """extract final summary by llm""" def __init__(self, chat_param: Dict): """ """ @@ -21,9 +21,7 @@ def __init__(self, chat_param: Dict): chat_param=chat_param, ) - # self.user_input = chat_param["current_user_input"] self.existing_answer = chat_param["select_param"] - # self.extract_mode = chat_param["select_param"] def generate_input_values(self): input_values = { @@ -32,6 +30,10 @@ def generate_input_values(self): } return input_values + def stream_plugin_call(self, text): + """return summary label""" + return f"{text}" + @property def chat_type(self) -> str: return ChatScene.ExtractRefineSummary.value diff --git a/pilot/scene/chat_knowledge/refine_summary/prompt.py b/pilot/scene/chat_knowledge/refine_summary/prompt.py index cd5087f35..8029efcef 100644 --- a/pilot/scene/chat_knowledge/refine_summary/prompt.py +++ b/pilot/scene/chat_knowledge/refine_summary/prompt.py @@ -10,13 +10,17 @@ CFG = Config() -PROMPT_SCENE_DEFINE = """""" +PROMPT_SCENE_DEFINE = """A chat between a curious user and an artificial intelligence assistant, who very familiar with database related knowledge. +The assistant gives helpful, detailed, professional and polite answers to the user's questions.""" -_DEFAULT_TEMPLATE_ZH = """根据提供的上下文信息,我们已经提供了一个到某一点的现有总结:{existing_answer}\n 请再完善一下原来的总结。\n回答的时候最好按照1.2.3.点进行总结""" +_DEFAULT_TEMPLATE_ZH = ( + """我们已经提供了一个到某一点的现有总结:{existing_answer}\n 请根据你之前推理的内容进行最终的总结,总结回答的时候最好按照1.2.3.进行.""" +) _DEFAULT_TEMPLATE_EN = """ -We have provided an existing summary up to a certain point: {existing_answer}\nWe have the opportunity to refine the existing summary (only if needed) with some more context below.please refine the original summary. -\nWhen answering, it is best to summarize according to points 1.2.3. +We have provided an existing summary up to a certain point: {existing_answer}\nWe have the opportunity to refine the existing summary (only if needed) with some more context below. +\nBased on the previous reasoning, please summarize the final conclusion in accordance with points 1.2.and 3. + """ _DEFAULT_TEMPLATE = ( @@ -27,12 +31,12 @@ PROMPT_SEP = SeparatorStyle.SINGLE.value -PROMPT_NEED_NEED_STREAM_OUT = False +PROMPT_NEED_NEED_STREAM_OUT = True prompt = PromptTemplate( template_scene=ChatScene.ExtractRefineSummary.value(), input_variables=["existing_answer"], - response_format="", + response_format=None, template_define=PROMPT_SCENE_DEFINE, template=_DEFAULT_TEMPLATE + PROMPT_RESPONSE, stream_out=PROMPT_NEED_NEED_STREAM_OUT, @@ -42,3 +46,4 @@ ) CFG.prompt_template_registry.register(prompt, is_default=True) +from ..v1 import prompt_chatglm diff --git a/pilot/scene/chat_knowledge/summary/chat.py b/pilot/scene/chat_knowledge/summary/chat.py index f887bde82..7327b7a5b 100644 --- a/pilot/scene/chat_knowledge/summary/chat.py +++ b/pilot/scene/chat_knowledge/summary/chat.py @@ -21,8 +21,7 @@ def __init__(self, chat_param: Dict): chat_param=chat_param, ) - self.user_input = chat_param["current_user_input"] - # self.extract_mode = chat_param["select_param"] + self.user_input = chat_param["select_param"] def generate_input_values(self): input_values = { diff --git a/pilot/scene/chat_knowledge/summary/out_parser.py b/pilot/scene/chat_knowledge/summary/out_parser.py index 5626d0d4a..cc4de7356 100644 --- a/pilot/scene/chat_knowledge/summary/out_parser.py +++ b/pilot/scene/chat_knowledge/summary/out_parser.py @@ -1,9 +1,7 @@ -import json import logging -import re from typing import List, Tuple -from pilot.out_parser.base import BaseOutputParser, T +from pilot.out_parser.base import BaseOutputParser, T, ResponseTye from pilot.configs.config import Config CFG = Config() @@ -26,3 +24,9 @@ def parse_prompt_response( def parse_view_response(self, speak, data) -> str: ### tool out data to table view return data + + def parse_model_nostream_resp(self, response: ResponseTye, sep: str) -> str: + try: + return super().parse_model_nostream_resp(response, sep) + except Exception as e: + return str(e) diff --git a/pilot/scene/chat_knowledge/summary/prompt.py b/pilot/scene/chat_knowledge/summary/prompt.py index 10a239586..404b9079f 100644 --- a/pilot/scene/chat_knowledge/summary/prompt.py +++ b/pilot/scene/chat_knowledge/summary/prompt.py @@ -9,17 +9,18 @@ # PROMPT_SCENE_DEFINE = """You are an expert Q&A system that is trusted around the world.\nAlways answer the query using the provided context information, and not prior knowledge.\nSome rules to follow:\n1. Never directly reference the given context in your answer.\n2. Avoid statements like 'Based on the context, ...' or 'The context information ...' or anything along those lines.""" -PROMPT_SCENE_DEFINE = """""" +PROMPT_SCENE_DEFINE = """A chat between a curious user and an artificial intelligence assistant, who very familiar with database related knowledge. +The assistant gives helpful, detailed, professional and polite answers to the user's questions.""" -_DEFAULT_TEMPLATE_ZH = """请根据提供的上下文信息的进行总结: +_DEFAULT_TEMPLATE_ZH = """请根据提供的上下文信息的进行精简地总结: {context} -回答的时候最好按照1.2.3.点进行总结 +答案尽量精确和简单,不要过长,长度控制在100字左右 """ _DEFAULT_TEMPLATE_EN = """ -Write a summary of the following context: +Write a quick summary of the following context: {context} -When answering, it is best to summarize according to points 1.2.3. +the summary should be as concise as possible and not overly lengthy.Please keep the answer within approximately 200 characters. """ _DEFAULT_TEMPLATE = ( @@ -39,7 +40,7 @@ prompt = PromptTemplate( template_scene=ChatScene.ExtractSummary.value(), input_variables=["context"], - response_format="", + response_format=None, template_define=PROMPT_SCENE_DEFINE, template=_DEFAULT_TEMPLATE + PROMPT_RESPONSE, stream_out=PROMPT_NEED_NEED_STREAM_OUT, @@ -49,3 +50,4 @@ ) CFG.prompt_template_registry.register(prompt, is_default=True) +from ..v1 import prompt_chatglm diff --git a/pilot/scene/chat_knowledge/v1/chat.py b/pilot/scene/chat_knowledge/v1/chat.py index a9c63b268..551fe2d36 100644 --- a/pilot/scene/chat_knowledge/v1/chat.py +++ b/pilot/scene/chat_knowledge/v1/chat.py @@ -49,7 +49,7 @@ def __init__(self, chat_param: Dict): ) self.max_token = ( CFG.KNOWLEDGE_SEARCH_MAX_TOKEN - if self.space_context is None + if self.space_context is None or self.space_context.get("prompt") is None else int(self.space_context["prompt"]["max_token"]) ) vector_store_config = { @@ -89,13 +89,13 @@ async def stream_call(self): last_output = last_output + reference yield last_output - def knowledge_reference_call(self, text): + def stream_call_reinforce_fn(self, text): """return reference""" return text + f"\n\n{self.parse_source_view(self.sources)}" @trace() async def generate_input_values(self) -> Dict: - if self.space_context: + if self.space_context and self.space_context.get("prompt"): self.prompt_template.template_define = self.space_context["prompt"]["scene"] self.prompt_template.template = self.space_context["prompt"]["template"] docs = await blocking_func_to_async( @@ -111,9 +111,6 @@ async def generate_input_values(self) -> Dict: if not docs or len(docs) == 0: print("no relevant docs to retrieve") context = "no relevant docs to retrieve" - # raise ValueError( - # "you have no knowledge space, please add your knowledge space" - # ) else: context = [d.page_content for d in docs] context = context[: self.max_token] @@ -155,23 +152,24 @@ def parse_source_view(self, sources: List): def merge_by_key(self, data, key): result = {} for item in data: - item_key = os.path.basename(item.get(key)) - if item_key in result: - if "pages" in result[item_key] and "page" in item: - result[item_key]["pages"].append(str(item["page"])) - elif "page" in item: - result[item_key]["pages"] = [ - result[item_key]["pages"], - str(item["page"]), - ] - else: - if "page" in item: - result[item_key] = { - "source": item_key, - "pages": [str(item["page"])], - } + if item.get(key): + item_key = os.path.basename(item.get(key)) + if item_key in result: + if "pages" in result[item_key] and "page" in item: + result[item_key]["pages"].append(str(item["page"])) + elif "page" in item: + result[item_key]["pages"] = [ + result[item_key]["pages"], + str(item["page"]), + ] else: - result[item_key] = {"source": item_key} + if "page" in item: + result[item_key] = { + "source": item_key, + "pages": [str(item["page"])], + } + else: + result[item_key] = {"source": item_key} return list(result.values()) @property diff --git a/pilot/scene/chat_knowledge/v1/prompt.py b/pilot/scene/chat_knowledge/v1/prompt.py index ea55fca5a..55d74297f 100644 --- a/pilot/scene/chat_knowledge/v1/prompt.py +++ b/pilot/scene/chat_knowledge/v1/prompt.py @@ -17,13 +17,13 @@ 已知内容: {context} 问题: - {question} + {question},请使用和用户相同的语言进行回答. """ _DEFAULT_TEMPLATE_EN = """ Based on the known information below, provide users with professional and concise answers to their questions. If the answer cannot be obtained from the provided content, please say: "The information provided in the knowledge base is not sufficient to answer this question." It is forbidden to make up information randomly. When answering, it is best to summarize according to points 1.2.3. known information: {context} question: - {question} + {question},when answering, use the same language as the "user". """ _DEFAULT_TEMPLATE = ( diff --git a/pilot/server/componet_configs.py b/pilot/server/componet_configs.py new file mode 100644 index 000000000..e69de29bb diff --git a/pilot/server/knowledge/api.py b/pilot/server/knowledge/api.py index 58b290d58..2fce49eb4 100644 --- a/pilot/server/knowledge/api.py +++ b/pilot/server/knowledge/api.py @@ -10,6 +10,7 @@ EMBEDDING_MODEL_CONFIG, KNOWLEDGE_UPLOAD_ROOT_PATH, ) +from pilot.openapi.api_v1.api_v1 import no_stream_generator, stream_generator from pilot.openapi.api_view_model import Result from pilot.embedding_engine.embedding_engine import EmbeddingEngine @@ -25,9 +26,11 @@ DocumentQueryRequest, SpaceArgumentRequest, EntityExtractRequest, + DocumentSummaryRequest, ) from pilot.server.knowledge.request.request import KnowledgeSpaceRequest +from pilot.utils.tracer import root_tracer, SpanType logger = logging.getLogger(__name__) @@ -150,12 +153,25 @@ async def document_upload( request.content = os.path.join( KNOWLEDGE_UPLOAD_ROOT_PATH, space_name, doc_file.filename ) + space_res = knowledge_space_service.get_knowledge_space( + KnowledgeSpaceRequest(name=space_name) + ) + if len(space_res) == 0: + # create default space + if "default" != space_name: + raise Exception(f"you have not create your knowledge space.") + knowledge_space_service.create_knowledge_space( + KnowledgeSpaceRequest( + name=space_name, + desc="first db-gpt rag application", + owner="dbgpt", + ) + ) return Result.succ( knowledge_space_service.create_knowledge_document( space=space_name, request=request ) ) - # return Result.succ([]) return Result.failed(code="E000X", msg=f"doc_file is None") except Exception as e: return Result.failed(code="E000X", msg=f"document add error {e}") @@ -201,6 +217,38 @@ def similar_query(space_name: str, query_request: KnowledgeQueryRequest): return {"response": res} +@router.post("/knowledge/document/summary") +async def document_summary(request: DocumentSummaryRequest): + print(f"/document/summary params: {request}") + try: + with root_tracer.start_span( + "get_chat_instance", span_type=SpanType.CHAT, metadata=request + ): + chat = await knowledge_space_service.document_summary(request=request) + headers = { + "Content-Type": "text/event-stream", + "Cache-Control": "no-cache", + "Connection": "keep-alive", + "Transfer-Encoding": "chunked", + } + from starlette.responses import StreamingResponse + + if not chat.prompt_template.stream_out: + return StreamingResponse( + no_stream_generator(chat), + headers=headers, + media_type="text/event-stream", + ) + else: + return StreamingResponse( + stream_generator(chat, False, request.model_name), + headers=headers, + media_type="text/plain", + ) + except Exception as e: + return Result.failed(code="E000X", msg=f"document summary error {e}") + + @router.post("/knowledge/entity/extract") async def entity_extract(request: EntityExtractRequest): logger.info(f"Received params: {request}") @@ -221,4 +269,4 @@ async def entity_extract(request: EntityExtractRequest): ) return Result.succ(res) except Exception as e: - return Result.faild(code="E000X", msg=f"entity extract error {e}") + return Result.failed(code="E000X", msg=f"entity extract error {e}") diff --git a/pilot/server/knowledge/chunk_db.py b/pilot/server/knowledge/chunk_db.py index afa8cc5a8..1df3cf895 100644 --- a/pilot/server/knowledge/chunk_db.py +++ b/pilot/server/knowledge/chunk_db.py @@ -83,7 +83,7 @@ def get_document_chunks(self, query: DocumentChunkEntity, page=1, page_size=20): DocumentChunkEntity.meta_info == query.meta_info ) - document_chunks = document_chunks.order_by(DocumentChunkEntity.id.desc()) + document_chunks = document_chunks.order_by(DocumentChunkEntity.id.asc()) document_chunks = document_chunks.offset((page - 1) * page_size).limit( page_size ) diff --git a/pilot/server/knowledge/request/request.py b/pilot/server/knowledge/request/request.py index 032b97ba1..ad586b213 100644 --- a/pilot/server/knowledge/request/request.py +++ b/pilot/server/knowledge/request/request.py @@ -108,6 +108,15 @@ class SpaceArgumentRequest(BaseModel): argument: str +class DocumentSummaryRequest(BaseModel): + """Sync request""" + + """doc_ids: doc ids""" + doc_id: int + model_name: str + conv_uid: str + + class EntityExtractRequest(BaseModel): """argument: argument""" diff --git a/pilot/server/knowledge/service.py b/pilot/server/knowledge/service.py index 80bc2226f..fac027920 100644 --- a/pilot/server/knowledge/service.py +++ b/pilot/server/knowledge/service.py @@ -10,7 +10,7 @@ KNOWLEDGE_UPLOAD_ROOT_PATH, ) from pilot.component import ComponentType -from pilot.utils.executor_utils import ExecutorFactory +from pilot.utils.executor_utils import ExecutorFactory, blocking_func_to_async from pilot.server.knowledge.chunk_db import ( DocumentChunkEntity, @@ -31,6 +31,7 @@ ChunkQueryRequest, SpaceArgumentRequest, DocumentSyncRequest, + DocumentSummaryRequest, ) from enum import Enum @@ -65,11 +66,7 @@ class KnowledgeService: """ def __init__(self): - from pilot.graph_engine.graph_engine import RAGGraphEngine - - # source = "/Users/chenketing/Desktop/project/llama_index/examples/paul_graham_essay/data/test/test_kg_text.txt" - - # pass + pass def create_knowledge_space(self, request: KnowledgeSpaceRequest): """create knowledge space @@ -262,10 +259,6 @@ def sync_knowledge_document(self, space_name, sync_request: DocumentSyncRequest) pre_separator=sync_request.pre_separator, text_splitter_impl=text_splitter, ) - from pilot.graph_engine.graph_engine import RAGGraphEngine - - # source = "/Users/chenketing/Desktop/project/llama_index/examples/paul_graham_essay/data/test/test_kg_text.txt" - # engine = RAGGraphEngine(knowledge_source=source, model_name="proxyllm", text_splitter=text_splitter) embedding_factory = CFG.SYSTEM_APP.get_component( "embedding_factory", EmbeddingFactory ) @@ -289,7 +282,6 @@ def sync_knowledge_document(self, space_name, sync_request: DocumentSyncRequest) executor = CFG.SYSTEM_APP.get_component( ComponentType.EXECUTOR_DEFAULT, ExecutorFactory ).create() - # executor.submit(self.async_document_summary, chunk_docs, doc) executor.submit(self.async_doc_embedding, client, chunk_docs, doc) logger.info(f"begin save document chunks, doc:{doc.doc_name}") # save chunk details @@ -307,7 +299,33 @@ def sync_knowledge_document(self, space_name, sync_request: DocumentSyncRequest) ] document_chunk_dao.create_documents_chunks(chunk_entities) - return True + return doc.id + + async def document_summary(self, request: DocumentSummaryRequest): + """get document summary + Args: + - request: DocumentSummaryRequest + """ + doc_query = KnowledgeDocumentEntity(id=request.doc_id) + documents = knowledge_document_dao.get_documents(doc_query) + if len(documents) != 1: + raise Exception(f"can not found document for {request.doc_id}") + document = documents[0] + query = DocumentChunkEntity( + document_id=request.doc_id, + ) + chunks = document_chunk_dao.get_document_chunks(query, page=1, page_size=100) + if len(chunks) == 0: + raise Exception(f"can not found chunks for {request.doc_id}") + from langchain.schema import Document + + chunk_docs = [Document(page_content=chunk.content) for chunk in chunks] + return await self.async_document_summary( + model_name=request.model_name, + chunk_docs=chunk_docs, + doc=document, + conn_uid=request.conv_uid, + ) def update_knowledge_space( self, space_id: int, space_request: KnowledgeSpaceRequest @@ -421,30 +439,36 @@ def async_knowledge_graph(self, chunk_docs, doc): logger.error(f"document build graph failed:{doc.doc_name}, {str(e)}") return knowledge_document_dao.update_knowledge_document(doc) - def async_document_summary(self, chunk_docs, doc): + async def async_document_summary(self, model_name, chunk_docs, doc, conn_uid): """async document extract summary Args: + - model_name: str - chunk_docs: List[Document] - doc: KnowledgeDocumentEntity """ - from llama_index import PromptHelper - from llama_index.prompts.default_prompt_selectors import ( - DEFAULT_TREE_SUMMARIZE_PROMPT_SEL, - ) - texts = [doc.page_content for doc in chunk_docs] - prompt_helper = PromptHelper(context_window=2000) + from pilot.common.prompt_util import PromptHelper - texts = prompt_helper.repack( - prompt=DEFAULT_TREE_SUMMARIZE_PROMPT_SEL, text_chunks=texts - ) + prompt_helper = PromptHelper() + from pilot.scene.chat_knowledge.summary.prompt import prompt + + texts = prompt_helper.repack(prompt_template=prompt.template, text_chunks=texts) logger.info( f"async_document_summary, doc:{doc.doc_name}, chunk_size:{len(texts)}, begin generate summary" ) - summary = self._mapreduce_extract_summary(texts) - print(f"final summary:{summary}") - doc.summary = summary - return knowledge_document_dao.update_knowledge_document(doc) + space_context = self.get_space_context(doc.space) + if space_context and space_context.get("summary"): + summary = await self._mapreduce_extract_summary( + docs=texts, + model_name=model_name, + max_iteration=int(space_context["summary"]["max_iteration"]), + concurrency_limit=int(space_context["summary"]["concurrency_limit"]), + ) + else: + summary = await self._mapreduce_extract_summary( + docs=texts, model_name=model_name + ) + return await self._llm_extract_summary(summary, conn_uid, model_name) def async_doc_embedding(self, client, chunk_docs, doc): """async document embedding into vector db @@ -489,6 +513,10 @@ def _build_default_context(self): "scene": PROMPT_SCENE_DEFINE, "template": _DEFAULT_TEMPLATE, }, + "summary": { + "max_iteration": 5, + "concurrency_limit": 3, + }, } context_template_string = json.dumps(context_template, indent=4) return context_template_string @@ -510,53 +538,73 @@ def get_space_context(self, space_name): return json.loads(spaces[0].context) return None - def _llm_extract_summary(self, doc: str): - """Extract triplets from text by llm""" + async def _llm_extract_summary( + self, doc: str, conn_uid: str, model_name: str = None + ): + """Extract triplets from text by llm + Args: + doc: Document + conn_uid: str,chat conversation id + model_name: str, model name + Returns: + chat: BaseChat, refine summary chat. + """ from pilot.scene.base import ChatScene - from pilot.common.chat_util import llm_chat_response_nostream - import uuid chat_param = { - "chat_session_id": uuid.uuid1(), - "current_user_input": doc, + "chat_session_id": conn_uid, + "current_user_input": "", "select_param": doc, - "model_name": self.model_name, + "model_name": model_name, + "model_cache_enable": False, } - from pilot.common.chat_util import run_async_tasks - - summary_iters = run_async_tasks( - [ - llm_chat_response_nostream( - ChatScene.ExtractRefineSummary.value(), **{"chat_param": chat_param} - ) - ] + executor = CFG.SYSTEM_APP.get_component( + ComponentType.EXECUTOR_DEFAULT, ExecutorFactory + ).create() + from pilot.openapi.api_v1.api_v1 import CHAT_FACTORY + + chat = await blocking_func_to_async( + executor, + CHAT_FACTORY.get_implementation, + ChatScene.ExtractRefineSummary.value(), + **{"chat_param": chat_param}, ) - return summary_iters[0] - - def _mapreduce_extract_summary(self, docs): + return chat + + async def _mapreduce_extract_summary( + self, + docs, + model_name: str = None, + max_iteration: int = 5, + concurrency_limit: int = 3, + ): """Extract summary by mapreduce mode - map -> multi async thread generate summary + map -> multi async call llm to generate summary reduce -> merge the summaries by map process Args: docs:List[str] + model_name:model name str + max_iteration:max iteration will call llm to summary + concurrency_limit:the max concurrency threads to call llm + Returns: + Document: refine summary context document. """ from pilot.scene.base import ChatScene from pilot.common.chat_util import llm_chat_response_nostream import uuid tasks = [] - max_iteration = 5 if len(docs) == 1: - summary = self._llm_extract_summary(doc=docs[0]) - return summary + return docs[0] else: max_iteration = max_iteration if len(docs) > max_iteration else len(docs) for doc in docs[0:max_iteration]: chat_param = { "chat_session_id": uuid.uuid1(), - "current_user_input": doc, - "select_param": "summary", - "model_name": self.model_name, + "current_user_input": "", + "select_param": doc, + "model_name": model_name, + "model_cache_enable": True, } tasks.append( llm_chat_response_nostream( @@ -565,14 +613,22 @@ def _mapreduce_extract_summary(self, docs): ) from pilot.common.chat_util import run_async_tasks - summary_iters = run_async_tasks(tasks) - from pilot.common.prompt_util import PromptHelper - from llama_index.prompts.default_prompt_selectors import ( - DEFAULT_TREE_SUMMARIZE_PROMPT_SEL, + summary_iters = await run_async_tasks( + tasks=tasks, concurrency_limit=concurrency_limit ) + summary_iters = list( + filter( + lambda content: "LLMServer Generate Error" not in content, + summary_iters, + ) + ) + from pilot.common.prompt_util import PromptHelper + from pilot.scene.chat_knowledge.summary.prompt import prompt - prompt_helper = PromptHelper(context_window=2500) + prompt_helper = PromptHelper() summary_iters = prompt_helper.repack( - prompt=DEFAULT_TREE_SUMMARIZE_PROMPT_SEL, text_chunks=summary_iters + prompt_template=prompt.template, text_chunks=summary_iters + ) + return await self._mapreduce_extract_summary( + summary_iters, model_name, max_iteration, concurrency_limit ) - return self._mapreduce_extract_summary(summary_iters) diff --git a/pilot/server/static/404.html b/pilot/server/static/404.html index c7f7cd10a..cbdac1ed8 100644 --- a/pilot/server/static/404.html +++ b/pilot/server/static/404.html @@ -1 +1 @@ -404: This page could not be found

404

This page could not be found.

\ No newline at end of file +404: This page could not be found

404

This page could not be found.

\ No newline at end of file diff --git a/pilot/server/static/404/index.html b/pilot/server/static/404/index.html index c7f7cd10a..cbdac1ed8 100644 --- a/pilot/server/static/404/index.html +++ b/pilot/server/static/404/index.html @@ -1 +1 @@ -404: This page could not be found

404

This page could not be found.

\ No newline at end of file +404: This page could not be found

404

This page could not be found.

\ No newline at end of file diff --git a/pilot/server/static/LOGO.png b/pilot/server/static/LOGO.png index d08919a7f..3983e4ade 100644 Binary files a/pilot/server/static/LOGO.png and b/pilot/server/static/LOGO.png differ diff --git a/pilot/server/static/LOGO_1.png b/pilot/server/static/LOGO_1.png index 1ed207f6d..801274c3c 100644 Binary files a/pilot/server/static/LOGO_1.png and b/pilot/server/static/LOGO_1.png differ diff --git a/pilot/server/static/LOGO_SMALL.png b/pilot/server/static/LOGO_SMALL.png index 32f72bd2f..40eeb962a 100644 Binary files a/pilot/server/static/LOGO_SMALL.png and b/pilot/server/static/LOGO_SMALL.png differ diff --git a/pilot/server/static/WHITE_LOGO.png b/pilot/server/static/WHITE_LOGO.png index af69fed77..914aa930e 100644 Binary files a/pilot/server/static/WHITE_LOGO.png and b/pilot/server/static/WHITE_LOGO.png differ diff --git a/pilot/server/static/_next/static/chunks/0.3a0efeb4ac52ec8f.js b/pilot/server/static/_next/static/chunks/0.3a0efeb4ac52ec8f.js new file mode 100644 index 000000000..37470ab0f --- /dev/null +++ b/pilot/server/static/_next/static/chunks/0.3a0efeb4ac52ec8f.js @@ -0,0 +1 @@ +"use strict";(self.webpackChunk_N_E=self.webpackChunk_N_E||[]).push([[0],{15506:function(e,l,t){t.r(l),t.d(l,{default:function(){return ey}});var a=t(85893),s=t(67294),n=t(2093),r=t(43446),o=t(39332),i=t(99513),c=t(24019),d=t(50888),u=t(97937),m=t(63606),x=t(50228),h=t(87547),p=t(89035),v=t(33035),g=t(12767),f=t(94184),j=t.n(f),b=t(66309),y=t(81799),w=t(41468),_=t(29158),N=t(98165),Z=t(14079),k=t(38426),C=t(61607),S=t(44442),P=t(36782),R=t(13135),E=t(71577),D=t(2453),I=t(57132),O=t(79166),z=t(93179),L=t(20640),M=t.n(L);function A(e){let{code:l,language:t}=e;return(0,a.jsxs)("div",{className:"relative",children:[(0,a.jsx)(E.ZP,{className:"absolute right-3 top-2 text-gray-300 hover:!text-gray-200 bg-gray-700",type:"text",icon:(0,a.jsx)(I.Z,{}),onClick:()=>{let e=M()(l);D.ZP[e?"success":"error"](e?"Copy success":"Copy failed")}}),(0,a.jsx)(z.Z,{language:t,style:O.Z,children:l})]})}let F=["custom-view","chart-view","references"],H={code(e){var l;let{inline:t,node:s,className:n,children:r,style:o,...i}=e,{context:c,matchValues:d}=function(e){let l=F.reduce((l,t)=>{let a=RegExp("<".concat(t,"[^>]*/?>"),"gi");return e=e.replace(a,e=>(l.push(e),"")),l},[]);return{context:e,matchValues:l}}(Array.isArray(r)?r.join("\n"):r),u=/language-(\w+)/.exec(n||"");return(0,a.jsxs)(a.Fragment,{children:[!t&&u?(0,a.jsx)(A,{code:c,language:null!==(l=null==u?void 0:u[1])&&void 0!==l?l:"javascript"}):(0,a.jsx)("code",{...i,style:o,className:"px-[6px] py-[2px] rounded bg-gray-700 text-gray-100 dark:bg-gray-100 dark:text-gray-800 text-sm",children:r}),(0,a.jsx)(v.D,{components:H,rehypePlugins:[g.Z],children:d.join("\n")})]})},ul(e){let{children:l}=e;return(0,a.jsx)("ul",{className:"py-1",children:l})},ol(e){let{children:l}=e;return(0,a.jsx)("ol",{className:"py-1",children:l})},li(e){let{children:l,ordered:t}=e;return(0,a.jsx)("li",{className:"text-sm leading-7 ml-5 pl-2 text-gray-600 dark:text-gray-300 ".concat(t?"list-decimal":"list-disc"),children:l})},table(e){let{children:l}=e;return(0,a.jsx)("table",{className:"my-2 rounded-tl-md rounded-tr-md max-w-full bg-white dark:bg-gray-900 text-sm rounded-lg overflow-hidden",children:l})},thead(e){let{children:l}=e;return(0,a.jsx)("thead",{className:"bg-[#fafafa] dark:bg-black font-semibold",children:l})},th(e){let{children:l}=e;return(0,a.jsx)("th",{className:"!text-left p-4",children:l})},td(e){let{children:l}=e;return(0,a.jsx)("td",{className:"p-4 border-t border-[#f0f0f0] dark:border-gray-700",children:l})},h1(e){let{children:l}=e;return(0,a.jsx)("h3",{className:"text-2xl font-bold my-4 border-b border-slate-300 pb-4",children:l})},h2(e){let{children:l}=e;return(0,a.jsx)("h3",{className:"text-xl font-bold my-3",children:l})},h3(e){let{children:l}=e;return(0,a.jsx)("h3",{className:"text-lg font-semibold my-2",children:l})},h4(e){let{children:l}=e;return(0,a.jsx)("h3",{className:"text-base font-semibold my-1",children:l})},a(e){let{children:l,href:t}=e;return(0,a.jsxs)("div",{className:"inline-block text-blue-600 dark:text-blue-400",children:[(0,a.jsx)(_.Z,{className:"mr-1"}),(0,a.jsx)("a",{href:t,target:"_blank",children:l})]})},img(e){let{src:l,alt:t}=e;return(0,a.jsx)("div",{children:(0,a.jsx)(k.Z,{className:"min-h-[1rem] max-w-full max-h-full border rounded",src:l,alt:t,placeholder:(0,a.jsx)(b.Z,{icon:(0,a.jsx)(N.Z,{spin:!0}),color:"processing",children:"Image Loading..."}),fallback:"/images/fallback.png"})})},blockquote(e){let{children:l}=e;return(0,a.jsx)("blockquote",{className:"py-4 px-6 border-l-4 border-blue-600 rounded bg-white my-2 text-gray-500 dark:bg-slate-800 dark:text-gray-200 dark:border-white shadow-sm",children:l})},references(e){let l,{children:t}=e;try{l=JSON.parse(t)}catch(e){return console.log(e),(0,a.jsx)("p",{className:"text-sm",children:"Render Reference Error!"})}let s=null==l?void 0:l.references;return!s||(null==s?void 0:s.length)<1?null:(0,a.jsxs)("div",{className:"border-t-[1px] border-gray-300 mt-3 py-2",children:[(0,a.jsxs)("p",{className:"text-sm text-gray-500 dark:text-gray-400 mb-2",children:[(0,a.jsx)(_.Z,{className:"mr-2"}),(0,a.jsx)("span",{className:"font-semibold",children:l.title})]}),s.map((e,l)=>{var t;return(0,a.jsxs)("p",{className:"text-sm font-normal block ml-2 h-6 leading-6 overflow-hidden",children:[(0,a.jsxs)("span",{className:"inline-block w-6",children:["[",l+1,"]"]}),(0,a.jsx)("span",{className:"mr-4 text-blue-400",children:e.name}),null==e?void 0:null===(t=e.pages)||void 0===t?void 0:t.map((l,t)=>(0,a.jsxs)(a.Fragment,{children:[(0,a.jsx)("span",{children:l},"file_page_".concat(t)),t<(null==e?void 0:e.pages.length)-1&&(0,a.jsx)("span",{children:","},"file_page__".concat(t))]}))]},"file_".concat(l))})]})},summary(e){let{children:l}=e;return(0,a.jsxs)("div",{children:[(0,a.jsxs)("p",{className:"mb-2",children:[(0,a.jsx)(Z.Z,{className:"mr-2"}),(0,a.jsx)("span",{className:"font-semibold",children:"Document Summary"})]}),(0,a.jsx)("div",{children:l})]})},"chart-view":function(e){var l,t,s;let n,{content:r,children:o}=e;try{n=JSON.parse(r)}catch(e){console.log(e,r),n={type:"response_table",sql:"",data:[]}}let i=(null==n?void 0:null===(l=n.data)||void 0===l?void 0:l[0])?null===(t=Object.keys(null==n?void 0:null===(s=n.data)||void 0===s?void 0:s[0]))||void 0===t?void 0:t.map(e=>({title:e,dataIndex:e,key:e})):[],c={key:"chart",label:"Chart",children:(0,a.jsx)(R._z,{data:null==n?void 0:n.data,chartType:(0,R.aG)(null==n?void 0:n.type)})},d={key:"sql",label:"SQL",children:(0,a.jsx)(A,{code:(0,P.WU)(null==n?void 0:n.sql,{language:"mysql"}),language:"sql"})},u={key:"data",label:"Data",children:(0,a.jsx)(C.Z,{dataSource:null==n?void 0:n.data,columns:i})},m=(null==n?void 0:n.type)==="response_table"?[u,d]:[c,d,u];return(0,a.jsxs)("div",{children:[(0,a.jsx)(S.Z,{defaultActiveKey:(null==n?void 0:n.type)==="response_table"?"data":"chart",items:m,size:"small"}),o]})},references(e){let l,{children:t}=e;try{l=JSON.parse(t)}catch(e){return console.log(e),(0,a.jsx)("p",{className:"text-sm",children:"Render Reference Error!"})}let s=null==l?void 0:l.references;return!s||(null==s?void 0:s.length)<1?null:(0,a.jsxs)("div",{className:"border-t-[1px] border-gray-300 mt-3 py-2",children:[(0,a.jsxs)("p",{className:"text-sm text-gray-500 dark:text-gray-400 mb-2",children:[(0,a.jsx)(_.Z,{className:"mr-2"}),(0,a.jsx)("span",{className:"font-semibold",children:l.title})]}),s.map((e,l)=>{var t;return(0,a.jsxs)("p",{className:"text-sm font-normal block ml-2 h-6 leading-6 overflow-hidden",children:[(0,a.jsxs)("span",{className:"inline-block w-6",children:["[",l+1,"]"]}),(0,a.jsx)("span",{className:"mr-4 text-blue-400",children:e.name}),null==e?void 0:null===(t=e.pages)||void 0===t?void 0:t.map((l,t)=>(0,a.jsxs)(a.Fragment,{children:[(0,a.jsx)("span",{children:l},"file_page_".concat(t)),t<(null==e?void 0:e.pages.length)-1&&(0,a.jsx)("span",{children:","},"file_page__".concat(t))]}))]},"file_".concat(l))})]})}},q={todo:{bgClass:"bg-gray-500",icon:(0,a.jsx)(c.Z,{className:"ml-2"})},runing:{bgClass:"bg-blue-500",icon:(0,a.jsx)(d.Z,{className:"ml-2"})},failed:{bgClass:"bg-red-500",icon:(0,a.jsx)(u.Z,{className:"ml-2"})},completed:{bgClass:"bg-green-500",icon:(0,a.jsx)(m.Z,{className:"ml-2"})}};function V(e){return e.replaceAll("\\n","\n").replace(/]+)>/gi,"").replace(/]+)>/gi,"")}var T=(0,s.memo)(function(e){let{children:l,content:t,isChartChat:n,onLinkClick:r}=e,{scene:o}=(0,s.useContext)(w.p),{context:i,model_name:c,role:d}=t,u="view"===d,{relations:m,value:f,cachePlguinContext:_}=(0,s.useMemo)(()=>{if("string"!=typeof i)return{relations:[],value:"",cachePlguinContext:[]};let[e,l]=i.split(" relations:"),t=l?l.split(","):[],a=[],s=0,n=e.replace(/]*>[^<]*<\/dbgpt-view>/gi,e=>{try{var l;let t=e.replaceAll("\n","\\n").replace(/<[^>]*>|<\/[^>]*>/gm,""),n=JSON.parse(t),r="".concat(s,"");return a.push({...n,result:V(null!==(l=n.result)&&void 0!==l?l:"")}),s++,r}catch(l){return console.log(l.message,l),e}});return{relations:t,cachePlguinContext:a,value:n}},[i]),N=(0,s.useMemo)(()=>({"custom-view"(e){var l;let{children:t}=e,s=+t.toString();if(!_[s])return t;let{name:n,status:r,err_msg:o,result:i}=_[s],{bgClass:c,icon:d}=null!==(l=q[r])&&void 0!==l?l:{};return(0,a.jsxs)("div",{className:"bg-white dark:bg-[#212121] rounded-lg overflow-hidden my-2 flex flex-col lg:max-w-[80%]",children:[(0,a.jsxs)("div",{className:j()("flex px-4 md:px-6 py-2 items-center text-white text-sm",c),children:[n,d]}),i?(0,a.jsx)("div",{className:"px-4 md:px-6 py-4 text-sm",children:(0,a.jsx)(v.D,{components:H,rehypePlugins:[g.Z],children:null!=i?i:""})}):(0,a.jsx)("div",{className:"px-4 md:px-6 py-4 text-sm",children:o})]})}}),[i,_]);return u||i?(0,a.jsxs)("div",{className:j()("relative flex flex-wrap w-full px-2 sm:px-4 py-2 sm:py-4 rounded-xl break-words",{"bg-slate-100 dark:bg-[#353539]":u,"lg:w-full xl:w-full pl-0":["chat_with_db_execute","chat_dashboard"].includes(o)}),children:[(0,a.jsx)("div",{className:"mr-2 flex flex-shrink-0 items-center justify-center h-7 w-7 rounded-full text-lg sm:mr-4",children:u?(0,y.A)(c)||(0,a.jsx)(x.Z,{}):(0,a.jsx)(h.Z,{})}),(0,a.jsxs)("div",{className:"flex-1 overflow-hidden items-center text-md leading-8",children:[!u&&"string"==typeof i&&i,u&&n&&"object"==typeof i&&(0,a.jsxs)("div",{children:["[".concat(i.template_name,"]: "),(0,a.jsxs)("span",{className:"text-[#1677ff] cursor-pointer",onClick:r,children:[(0,a.jsx)(p.Z,{className:"mr-1"}),i.template_introduce||"More Details"]})]}),u&&"string"==typeof i&&(0,a.jsx)(v.D,{components:{...H,...N},rehypePlugins:[g.Z],children:V(f)}),!!(null==m?void 0:m.length)&&(0,a.jsx)("div",{className:"flex flex-wrap mt-2",children:null==m?void 0:m.map((e,l)=>(0,a.jsx)(b.Z,{color:"#108ee9",children:e},e+l))})]}),l]}):(0,a.jsx)("div",{className:"h-12"})}),G=t(59301),J=t(41132),U=t(74312),W=t(3414),$=t(72868),B=t(59562),Q=t(14553),K=t(25359),X=t(7203),Y=t(48665),ee=t(26047),el=t(99056),et=t(57814),ea=t(63955),es=t(33028),en=t(40911),er=t(66478),eo=t(83062),ei=t(50489),ec=t(67421),ed=e=>{var l;let{conv_index:t,question:n,knowledge_space:r,select_param:o}=e,{t:i}=(0,ec.$G)(),{chatId:c}=(0,s.useContext)(w.p),[d,u]=(0,s.useState)(""),[m,x]=(0,s.useState)(4),[h,p]=(0,s.useState)(""),v=(0,s.useRef)(null),[g,f]=D.ZP.useMessage(),j=(0,s.useCallback)((e,l)=>{l?(0,ei.Vx)((0,ei.Eb)(c,t)).then(e=>{var l,t,a,s;let n=null!==(l=e[1])&&void 0!==l?l:{};u(null!==(t=n.ques_type)&&void 0!==t?t:""),x(parseInt(null!==(a=n.score)&&void 0!==a?a:"4")),p(null!==(s=n.messages)&&void 0!==s?s:"")}).catch(e=>{console.log(e)}):(u(""),x(4),p(""))},[c,t]),b=(0,U.Z)(W.Z)(e=>{let{theme:l}=e;return{backgroundColor:"dark"===l.palette.mode?"#FBFCFD":"#0E0E10",...l.typography["body-sm"],padding:l.spacing(1),display:"flex",alignItems:"center",justifyContent:"center",borderRadius:4,width:"100%",height:"100%"}});return(0,a.jsxs)($.L,{onOpenChange:j,children:[f,(0,a.jsx)(eo.Z,{title:i("Rating"),children:(0,a.jsx)(B.Z,{slots:{root:Q.ZP},slotProps:{root:{variant:"plain",color:"primary"}},sx:{borderRadius:40},children:(0,a.jsx)(G.Z,{})})}),(0,a.jsxs)(K.Z,{children:[(0,a.jsx)(X.Z,{disabled:!0,sx:{minHeight:0}}),(0,a.jsx)(Y.Z,{sx:{width:"100%",maxWidth:350,display:"grid",gap:3,padding:1},children:(0,a.jsx)("form",{onSubmit:e=>{e.preventDefault();let l={conv_uid:c,conv_index:t,question:n,knowledge_space:r,score:m,ques_type:d,messages:h};console.log(l),(0,ei.Vx)((0,ei.VC)({data:l})).then(e=>{g.open({type:"success",content:"save success"})}).catch(e=>{g.open({type:"error",content:"save error"})})},children:(0,a.jsxs)(ee.Z,{container:!0,spacing:.5,columns:13,sx:{flexGrow:1},children:[(0,a.jsx)(ee.Z,{xs:3,children:(0,a.jsx)(b,{children:i("Q_A_Category")})}),(0,a.jsx)(ee.Z,{xs:10,children:(0,a.jsx)(el.Z,{action:v,value:d,placeholder:"Choose one…",onChange:(e,l)=>u(null!=l?l:""),...d&&{endDecorator:(0,a.jsx)(Q.ZP,{size:"sm",variant:"plain",color:"neutral",onMouseDown:e=>{e.stopPropagation()},onClick:()=>{var e;u(""),null===(e=v.current)||void 0===e||e.focusVisible()},children:(0,a.jsx)(J.Z,{})}),indicator:null},sx:{width:"100%"},children:o&&(null===(l=Object.keys(o))||void 0===l?void 0:l.map(e=>(0,a.jsx)(et.Z,{value:e,children:o[e]},e)))})}),(0,a.jsx)(ee.Z,{xs:3,children:(0,a.jsx)(b,{children:(0,a.jsx)(eo.Z,{title:(0,a.jsx)(Y.Z,{children:(0,a.jsx)("div",{children:i("feed_back_desc")})}),variant:"solid",placement:"left",children:i("Q_A_Rating")})})}),(0,a.jsx)(ee.Z,{xs:10,sx:{pl:0,ml:0},children:(0,a.jsx)(ea.Z,{"aria-label":"Custom",step:1,min:0,max:5,valueLabelFormat:function(e){return({0:i("Lowest"),1:i("Missed"),2:i("Lost"),3:i("Incorrect"),4:i("Verbose"),5:i("Best")})[e]},valueLabelDisplay:"on",marks:[{value:0,label:"0"},{value:1,label:"1"},{value:2,label:"2"},{value:3,label:"3"},{value:4,label:"4"},{value:5,label:"5"}],sx:{width:"90%",pt:3,m:2,ml:1},onChange:e=>{var l;return x(null===(l=e.target)||void 0===l?void 0:l.value)},value:m})}),(0,a.jsx)(ee.Z,{xs:13,children:(0,a.jsx)(es.Z,{placeholder:i("Please_input_the_text"),value:h,onChange:e=>p(e.target.value),minRows:2,maxRows:4,endDecorator:(0,a.jsx)(en.ZP,{level:"body-xs",sx:{ml:"auto"},children:i("input_count")+h.length+i("input_unit")}),sx:{width:"100%",fontSize:14}})}),(0,a.jsx)(ee.Z,{xs:13,children:(0,a.jsx)(er.Z,{type:"submit",variant:"outlined",sx:{width:"100%",height:"100%"},children:i("submit")})})]})})})]})]})},eu=t(32983),em=t(12069),ex=t(96486),eh=t(20766),ep=t(98399),ev=t(87740),eg=t(80573),ef=e=>{var l;let{messages:t,onSubmit:r}=e,{dbParam:c,currentDialogue:d,scene:u,model:m,refreshDialogList:x,chatId:h,agentList:p,docId:v}=(0,s.useContext)(w.p),{t:g}=(0,ec.$G)(),f=(0,o.useSearchParams)(),b=null!==(l=f&&f.get("spaceNameOriginal"))&&void 0!==l?l:"",[_,N]=(0,s.useState)(!1),[Z,k]=(0,s.useState)(!1),[C,S]=(0,s.useState)(t),[P,R]=(0,s.useState)(""),[E,O]=(0,s.useState)(),z=(0,s.useRef)(null),L=(0,s.useMemo)(()=>"chat_dashboard"===u,[u]),A=(0,eg.Z)(),F=(0,s.useMemo)(()=>{switch(u){case"chat_agent":return p.join(",");case"chat_excel":return null==d?void 0:d.select_param;default:return b||c}},[u,p,d,c,b]),H=async e=>{if(!_&&e.trim())try{N(!0),await r(e,{select_param:null!=F?F:""})}finally{N(!1)}},q=e=>{try{return JSON.parse(e)}catch(l){return e}},[V,G]=D.ZP.useMessage(),J=async e=>{let l=null==e?void 0:e.replace(/\trelations:.*/g,""),t=M()(l);t?l?V.open({type:"success",content:g("Copy_success")}):V.open({type:"warning",content:g("Copy_nothing")}):V.open({type:"error",content:g("Copry_error")})},U=async()=>{!_&&v&&(N(!0),await A(v),N(!1))};return(0,n.Z)(async()=>{let e=(0,ep.a_)();e&&e.id===h&&(await H(e.message),x(),localStorage.removeItem(ep.rU))},[h]),(0,s.useEffect)(()=>{let e=t;L&&(e=(0,ex.cloneDeep)(t).map(e=>((null==e?void 0:e.role)==="view"&&"string"==typeof(null==e?void 0:e.context)&&(e.context=q(null==e?void 0:e.context)),e))),S(e.filter(e=>["view","human"].includes(e.role)))},[L,t]),(0,s.useEffect)(()=>{(0,ei.Vx)((0,ei.Lu)()).then(e=>{var l;O(null!==(l=e[1])&&void 0!==l?l:{})}).catch(e=>{console.log(e)})},[]),(0,s.useEffect)(()=>{setTimeout(()=>{var e;null===(e=z.current)||void 0===e||e.scrollTo(0,z.current.scrollHeight)},50)},[t]),(0,a.jsxs)(a.Fragment,{children:[G,(0,a.jsx)("div",{ref:z,className:"flex flex-1 overflow-y-auto pb-8 w-full flex-col",children:(0,a.jsx)("div",{className:"flex items-center flex-1 flex-col text-sm leading-6 text-slate-900 dark:text-slate-300 sm:text-base sm:leading-7",children:C.length?C.map((e,l)=>{var t;return(0,a.jsx)(T,{content:e,isChartChat:L,onLinkClick:()=>{k(!0),R(JSON.stringify(null==e?void 0:e.context,null,2))},children:"view"===e.role&&(0,a.jsxs)("div",{className:"flex w-full pt-2 md:pt-4 border-t border-gray-200 mt-2 md:mt-4 pl-2",children:["chat_knowledge"===u&&e.retry?(0,a.jsxs)(er.Z,{onClick:U,slots:{root:Q.ZP},slotProps:{root:{variant:"plain",color:"primary"}},children:[(0,a.jsx)(ev.Z,{}),"\xa0",(0,a.jsx)("span",{className:"text-sm",children:g("Retry")})]}):null,(0,a.jsxs)("div",{className:"flex w-full flex-row-reverse",children:[(0,a.jsx)(ed,{select_param:E,conv_index:Math.ceil((l+1)/2),question:null===(t=null==C?void 0:C.filter(l=>(null==l?void 0:l.role)==="human"&&(null==l?void 0:l.order)===e.order)[0])||void 0===t?void 0:t.context,knowledge_space:b||c||""}),(0,a.jsx)(eo.Z,{title:g("Copy"),children:(0,a.jsx)(er.Z,{onClick:()=>J(null==e?void 0:e.context),slots:{root:Q.ZP},slotProps:{root:{variant:"plain",color:"primary"}},sx:{borderRadius:40},children:(0,a.jsx)(I.Z,{})})})]})]})},l)}):(0,a.jsx)(eu.Z,{image:"/empty.png",imageStyle:{width:320,height:320,margin:"0 auto",maxWidth:"100%",maxHeight:"100%"},className:"flex items-center justify-center flex-col h-full w-full",description:"Start a conversation"})})}),(0,a.jsx)("div",{className:j()("relative after:absolute after:-top-8 after:h-8 after:w-full after:bg-gradient-to-t after:from-white after:to-transparent dark:after:from-[#212121]",{"cursor-not-allowed":"chat_excel"===u&&!(null==d?void 0:d.select_param)}),children:(0,a.jsxs)("div",{className:"flex flex-wrap w-full py-2 sm:pt-6 sm:pb-10 items-center",children:[m&&(0,a.jsx)("div",{className:"mr-2 flex",children:(0,y.A)(m)}),(0,a.jsx)(eh.Z,{loading:_,onSubmit:H,handleFinish:N})]})}),(0,a.jsx)(em.default,{title:"JSON Editor",open:Z,width:"60%",cancelButtonProps:{hidden:!0},onOk:()=>{k(!1)},onCancel:()=>{k(!1)},children:(0,a.jsx)(i.Z,{className:"w-full h-[500px]",language:"json",value:P})})]})},ej=t(34625),eb=t(45247),ey=()=>{var e;let l=(0,o.useSearchParams)(),{scene:t,chatId:i,model:c,setModel:d,history:u,setHistory:m}=(0,s.useContext)(w.p),x=(0,r.Z)({}),h=null!==(e=l&&l.get("initMessage"))&&void 0!==e?e:"",[p,v]=(0,s.useState)(!1),[g,f]=(0,s.useState)(),b=async()=>{v(!0);let[,e]=await (0,ei.Vx)((0,ei.$i)(i));m(null!=e?e:[]),v(!1)},y=e=>{var l;let t=null===(l=e[e.length-1])||void 0===l?void 0:l.context;if(t)try{let e=JSON.parse(t);f((null==e?void 0:e.template_name)==="report"?null==e?void 0:e.charts:void 0)}catch(e){f(void 0)}};(0,n.Z)(async()=>{let e=(0,ep.a_)();e&&e.id===i||await b()},[h,i]),(0,s.useEffect)(()=>{var e,l;if(!u.length)return;let t=null===(e=null===(l=u.filter(e=>"view"===e.role))||void 0===l?void 0:l.slice(-1))||void 0===e?void 0:e[0];(null==t?void 0:t.model_name)&&d(t.model_name),y(u)},[u.length]);let _=(0,s.useCallback)((e,l)=>new Promise(a=>{let s=[...u,{role:"human",context:e,model_name:c,order:0,time_stamp:0},{role:"view",context:"",model_name:c,order:0,time_stamp:0}],n=s.length-1;m([...s]),x({data:{...l,chat_mode:t||"chat_normal",model_name:c,user_input:e},chatId:i,onMessage:e=>{s[n].context=e,m([...s])},onDone:()=>{y(s),a()},onClose:()=>{y(s),a()},onError:e=>{s[n].context=e,m([...s]),a()}})}),[u,x,c]);return(0,a.jsxs)(a.Fragment,{children:[(0,a.jsx)(eb.Z,{visible:p}),(0,a.jsx)(ej.Z,{refreshHistory:b,modelChange:e=>{d(e)}}),(0,a.jsxs)("div",{className:"px-4 flex flex-1 flex-wrap overflow-hidden relative",children:[!!(null==g?void 0:g.length)&&(0,a.jsx)("div",{className:"w-full xl:w-3/4 h-3/5 xl:pr-4 xl:h-full overflow-y-auto",children:(0,a.jsx)(R.ZP,{chartsData:g})}),!(null==g?void 0:g.length)&&"chat_dashboard"===t&&(0,a.jsx)(eu.Z,{image:"/empty.png",imageStyle:{width:320,height:320,margin:"0 auto",maxWidth:"100%",maxHeight:"100%"},className:"w-full xl:w-3/4 h-3/5 xl:h-full pt-0 md:pt-10"}),(0,a.jsx)("div",{className:j()("flex flex-1 flex-col overflow-hidden",{"px-0 xl:pl-4 h-2/5 xl:h-full border-t xl:border-t-0 xl:border-l":"chat_dashboard"===t,"h-full lg:px-8":"chat_dashboard"!==t}),children:(0,a.jsx)(ef,{messages:u,onSubmit:_})})]})]})}},20766:function(e,l,t){t.d(l,{Z:function(){return D}});var a=t(85893),s=t(27496),n=t(59566),r=t(71577),o=t(67294),i=t(2487),c=t(83062),d=t(2453),u=t(46735),m=t(74627),x=t(39479),h=t(51009),p=t(58299),v=t(577),g=t(30119),f=t(67421);let j=e=>{let{data:l,loading:t,submit:s,close:n}=e,{t:r}=(0,f.$G)(),o=e=>()=>{s(e),n()};return(0,a.jsx)("div",{style:{maxHeight:400,overflow:"auto"},children:(0,a.jsx)(i.Z,{dataSource:null==l?void 0:l.data,loading:t,rowKey:e=>e.prompt_name,renderItem:e=>(0,a.jsx)(i.Z.Item,{onClick:o(e.content),children:(0,a.jsx)(c.Z,{title:e.content,children:(0,a.jsx)(i.Z.Item.Meta,{style:{cursor:"copy"},title:e.prompt_name,description:r("Prompt_Info_Scene")+":".concat(e.chat_scene,",")+r("Prompt_Info_Sub_Scene")+":".concat(e.sub_chat_scene)})})},e.prompt_name)})})};var b=e=>{let{submit:l}=e,{t}=(0,f.$G)(),[s,n]=(0,o.useState)(!1),[r,i]=(0,o.useState)("common"),{data:b,loading:y}=(0,v.Z)(()=>(0,g.PR)("/prompt/list",{prompt_type:r}),{refreshDeps:[r],onError:e=>{d.ZP.error(null==e?void 0:e.message)}});return(0,a.jsx)(u.ZP,{theme:{components:{Popover:{minWidth:250}}},children:(0,a.jsx)(m.Z,{title:(0,a.jsx)(x.Z.Item,{label:"Prompt "+t("Type"),children:(0,a.jsx)(h.default,{style:{width:150},value:r,onChange:e=>{i(e)},options:[{label:t("Public")+" Prompts",value:"common"},{label:t("Private")+" Prompts",value:"private"}]})}),content:(0,a.jsx)(j,{data:b,loading:y,submit:l,close:()=>{n(!1)}}),placement:"topRight",trigger:"click",open:s,onOpenChange:e=>{n(e)},children:(0,a.jsx)(c.Z,{title:t("Click_Select")+" Prompt",children:(0,a.jsx)(p.Z,{className:"bottom-[30%]"})})})})},y=t(41468),w=t(50489),_=t(80573),N=t(5392),Z=t(84553);function k(e){let{dbParam:l,setDocId:t}=(0,o.useContext)(y.p),{onUploadFinish:s,handleFinish:n}=e,i=(0,_.Z)(),[c,d]=(0,o.useState)(!1),u=async(e,l)=>{await (0,w.Vx)((0,w.Hx)(e,{doc_ids:[l]}))},m=async e=>{d(!0);let a=new FormData;a.append("doc_name",e.file.name),a.append("doc_file",e.file),a.append("doc_type","DOCUMENT");let r=await (0,w.Vx)((0,w.iG)(l||"default",a));if(!r[1]){d(!1);return}t(r[1]),s(),await u(l||"default",null==r?void 0:r[1]),d(!1),null==n||n(!0),await i(r[1]),null==n||n(!1)};return(0,a.jsx)(Z.default,{customRequest:m,showUploadList:!1,maxCount:1,multiple:!1,className:"absolute z-10 top-2 left-2",accept:".pdf,.ppt,.pptx,.xls,.xlsx,.doc,.docx,.txt,.md",children:(0,a.jsx)(r.ZP,{loading:c,size:"small",shape:"circle",icon:(0,a.jsx)(N.Z,{})})})}var C=t(11163),S=t(82579);function P(){return(0,a.jsx)("svg",{className:"mr-1",viewBox:"0 0 1024 1024",version:"1.1",xmlns:"http://www.w3.org/2000/svg","p-id":"6058",width:"1.5em",height:"1.5em",children:(0,a.jsx)("path",{d:"M688 312c0 4.4-3.6 8-8 8H296c-4.4 0-8-3.6-8-8v-48c0-4.4 3.6-8 8-8h384c4.4 0 8 3.6 8 8v48z m-392 88h184c4.4 0 8 3.6 8 8v48c0 4.4-3.6 8-8 8H296c-4.4 0-8-3.6-8-8v-48c0-4.4 3.6-8 8-8z m376 116c119.3 0 216 96.7 216 216s-96.7 216-216 216-216-96.7-216-216 96.7-216 216-216z m107.5 323.5C808.2 810.8 824 772.6 824 732s-15.8-78.8-44.5-107.5S712.6 580 672 580s-78.8 15.8-107.5 44.5S520 691.4 520 732s15.8 78.8 44.5 107.5S631.4 884 672 884s78.8-15.8 107.5-44.5zM440 852c4.4 0 8 3.6 8 8v56c0 4.4-3.6 8-8 8H168c-17.7 0-32-14.3-32-32V108c0-17.7 14.3-32 32-32h640c17.7 0 32 14.3 32 32v384c0 4.4-3.6 8-8 8h-56c-4.4 0-8-3.6-8-8V148H208v704h232z m232-76.06l-20.56 28.43c-1.5 2.1-3.9 3.3-6.5 3.3h-44.3c-6.5 0-10.3-7.4-6.4-12.7l45.75-63.3-45.75-63.3c-3.9-5.3-0.1-12.7 6.4-12.7h44.3c2.6 0 5 1.2 6.5 3.3L672 687.4l20.56-28.43c1.5-2.1 3.9-3.3 6.5-3.3h44.3c6.5 0 10.3 7.4 6.4 12.7l-45.75 63.3 45.75 63.3c3.9 5.3 0.1 12.7-6.4 12.7h-44.3c-2.6 0-5-1.2-6.5-3.3L672 775.94z",fill:"#d81e06","p-id":"6059"})})}function R(e){let{document:l}=e;switch(l.status){case"RUNNING":return(0,a.jsx)(S.Rp,{});case"FINISHED":default:return(0,a.jsx)(S.s2,{});case"FAILED":return(0,a.jsx)(P,{})}}function E(e){let{documents:l,dbParam:t}=e,s=(0,C.useRouter)(),n=e=>{s.push("/knowledge/chunk/?spaceName=".concat(t,"&id=").concat(e))};return(null==l?void 0:l.length)?(0,a.jsx)("div",{className:"absolute flex overflow-scroll h-12 top-[-35px] w-full z-10",children:l.map(e=>{let l;switch(e.status){case"RUNNING":l="#2db7f5";break;case"FINISHED":default:l="#87d068";break;case"FAILED":l="#f50"}return(0,a.jsx)(c.Z,{title:e.result,children:(0,a.jsxs)(r.ZP,{style:{color:l},onClick:()=>{n(e.id)},className:"shrink flex items-center mr-3",children:[(0,a.jsx)(R,{document:e}),e.doc_name]})},e.id)})}):null}var D=function(e){let{children:l,loading:t,onSubmit:i,handleFinish:c,...d}=e,{dbParam:u,scene:m}=(0,o.useContext)(y.p),[x,h]=(0,o.useState)(""),p=(0,o.useMemo)(()=>"chat_knowledge"===m,[m]),[v,g]=(0,o.useState)([]),f=(0,o.useRef)(0);async function j(){if(!u)return null;let[e,l]=await (0,w.Vx)((0,w._Q)(u,{page:1,page_size:f.current}));g(null==l?void 0:l.data)}return(0,o.useEffect)(()=>{p&&j()},[u]),(0,a.jsxs)("div",{className:"flex-1 relative",children:[(0,a.jsx)(E,{documents:v,dbParam:u}),p&&(0,a.jsx)(k,{handleFinish:c,onUploadFinish:()=>{f.current+=1,j()},className:"absolute z-10 top-2 left-2"}),(0,a.jsx)(n.default.TextArea,{className:"flex-1 ".concat(p?"pl-10":""," pr-10"),size:"large",value:x,autoSize:{minRows:1,maxRows:4},...d,onPressEnter:e=>{if(x.trim()&&13===e.keyCode){if(e.shiftKey){h(e=>e+"\n");return}i(x),setTimeout(()=>{h("")},0)}},onChange:e=>{if("number"==typeof d.maxLength){h(e.target.value.substring(0,d.maxLength));return}h(e.target.value)}}),(0,a.jsx)(r.ZP,{className:"ml-2 flex items-center justify-center absolute right-2 bottom-0",size:"large",type:"text",loading:t,icon:(0,a.jsx)(s.Z,{}),onClick:()=>{i(x)}}),(0,a.jsx)(b,{submit:e=>{h(x+e)}}),l]})}},45247:function(e,l,t){var a=t(85893),s=t(50888);l.Z=function(e){let{visible:l}=e;return l?(0,a.jsx)("div",{className:"absolute w-full h-full top-0 left-0 flex justify-center items-center z-10 bg-white dark:bg-black bg-opacity-50 dark:bg-opacity-50 backdrop-blur-sm text-3xl animate-fade animate-duration-200",children:(0,a.jsx)(s.Z,{})}):null}},43446:function(e,l,t){var a=t(1375),s=t(2453),n=t(67294),r=t(58989),o=t(83454);l.Z=e=>{let{queryAgentURL:l="/api/v1/chat/completions"}=e,t=(0,n.useMemo)(()=>new AbortController,[]),i=(0,n.useCallback)(async e=>{let{data:n,chatId:i,onMessage:c,onClose:d,onDone:u,onError:m}=e;if(!(null==n?void 0:n.user_input)&&!(null==n?void 0:n.doc_id)){s.ZP.warning(r.Z.t("NoContextTip"));return}let x={...n,conv_uid:i};if(!x.conv_uid){s.ZP.error("conv_uid 不存在,请刷新后重试");return}try{var h;await (0,a.L)("".concat(null!==(h=o.env.API_BASE_URL)&&void 0!==h?h:"").concat(l),{method:"POST",headers:{"Content-Type":"application/json"},body:JSON.stringify(x),signal:t.signal,openWhenHidden:!0,async onopen(e){if(e.ok&&e.headers.get("content-type")===a.a)return},onclose(){t.abort(),null==d||d()},onerror(e){throw Error(e)},onmessage:e=>{var l;let t=null===(l=e.data)||void 0===l?void 0:l.replaceAll("\\n","\n");"[DONE]"===t?null==u||u():(null==t?void 0:t.startsWith("[ERROR]"))?null==m||m(null==t?void 0:t.replace("[ERROR]","")):null==c||c(t)}})}catch(e){t.abort(),null==m||m("Sorry, We meet some error, please try agin later.",e)}},[l]);return(0,n.useEffect)(()=>()=>{t.abort()},[]),i}},80573:function(e,l,t){var a=t(41468),s=t(67294),n=t(43446),r=t(50489);l.Z=()=>{let{history:e,setHistory:l,chatId:t,model:o,docId:i}=(0,s.useContext)(a.p),c=(0,n.Z)({queryAgentURL:"/knowledge/document/summary"}),d=(0,s.useCallback)(async e=>{let[,a]=await (0,r.Vx)((0,r.$i)(t)),s=[...a,{role:"human",context:"",model_name:o,order:0,time_stamp:0},{role:"view",context:"",model_name:o,order:0,time_stamp:0,retry:!0}],n=s.length-1;l([...s]),await c({data:{doc_id:e||i,model_name:o},chatId:t,onMessage:e=>{s[n].context=e,l([...s])}})},[e,o,i,t]);return d}}}]); \ No newline at end of file diff --git a/pilot/server/static/_next/static/chunks/270-2f094a936d056513.js b/pilot/server/static/_next/static/chunks/270-2f094a936d056513.js new file mode 100644 index 000000000..448d44730 --- /dev/null +++ b/pilot/server/static/_next/static/chunks/270-2f094a936d056513.js @@ -0,0 +1,16 @@ +"use strict";(self.webpackChunk_N_E=self.webpackChunk_N_E||[]).push([[270],{6171:function(e,t,n){n.d(t,{Z:function(){return l}});var i=n(87462),r=n(67294),o={icon:{tag:"svg",attrs:{viewBox:"64 64 896 896",focusable:"false"},children:[{tag:"path",attrs:{d:"M724 218.3V141c0-6.7-7.7-10.4-12.9-6.3L260.3 486.8a31.86 31.86 0 000 50.3l450.8 352.1c5.3 4.1 12.9.4 12.9-6.3v-77.3c0-4.9-2.3-9.6-6.1-12.6l-360-281 360-281.1c3.8-3 6.1-7.7 6.1-12.6z"}}]},name:"left",theme:"outlined"},a=n(84089),l=r.forwardRef(function(e,t){return r.createElement(a.Z,(0,i.Z)({},e,{ref:t,icon:o}))})},38780:function(e,t){t.Z=function(){let e=Object.assign({},arguments.length<=0?void 0:arguments[0]);for(let t=1;t{let i=n[t];void 0!==i&&(e[t]=i)})}return e}},66367:function(e,t,n){function i(e){return null!=e&&e===e.window}function r(e,t){var n,r;if("undefined"==typeof window)return 0;let o=t?"scrollTop":"scrollLeft",a=0;return i(e)?a=e[t?"pageYOffset":"pageXOffset"]:e instanceof Document?a=e.documentElement[o]:e instanceof HTMLElement?a=e[o]:e&&(a=e[o]),e&&!i(e)&&"number"!=typeof a&&(a=null===(r=(null!==(n=e.ownerDocument)&&void 0!==n?n:e).documentElement)||void 0===r?void 0:r[o]),a}n.d(t,{F:function(){return i},Z:function(){return r}})},58375:function(e,t,n){n.d(t,{Z:function(){return o}});var i=n(75164),r=n(66367);function o(e){let t=arguments.length>1&&void 0!==arguments[1]?arguments[1]:{},{getContainer:n=()=>window,callback:o,duration:a=450}=t,l=n(),c=(0,r.Z)(l,!0),s=Date.now(),u=()=>{let t=Date.now(),n=t-s,p=function(e,t,n,i){let r=n-t;return(e/=i/2)<1?r/2*e*e*e+t:r/2*((e-=2)*e*e+2)+t}(n>a?a:n,c,e,a);(0,r.F)(l)?l.scrollTo(window.pageXOffset,p):l instanceof Document||"HTMLDocument"===l.constructor.name?l.documentElement.scrollTop=p:l.scrollTop=p,n0)||void 0===arguments[0]||arguments[0],t=(0,i.useRef)({}),n=(0,o.Z)(),l=(0,a.Z)();return(0,r.Z)(()=>{let i=l.subscribe(i=>{t.current=i,e&&n()});return()=>l.unsubscribe(i)},[]),t.current}},81647:function(e,t,n){n.d(t,{Z:function(){return F}});var i=n(87462),r=n(67294),o={icon:{tag:"svg",attrs:{viewBox:"64 64 896 896",focusable:"false"},children:[{tag:"path",attrs:{d:"M272.9 512l265.4-339.1c4.1-5.2.4-12.9-6.3-12.9h-77.3c-4.9 0-9.6 2.3-12.6 6.1L186.8 492.3a31.99 31.99 0 000 39.5l255.3 326.1c3 3.9 7.7 6.1 12.6 6.1H532c6.7 0 10.4-7.7 6.3-12.9L272.9 512zm304 0l265.4-339.1c4.1-5.2.4-12.9-6.3-12.9h-77.3c-4.9 0-9.6 2.3-12.6 6.1L490.8 492.3a31.99 31.99 0 000 39.5l255.3 326.1c3 3.9 7.7 6.1 12.6 6.1H836c6.7 0 10.4-7.7 6.3-12.9L576.9 512z"}}]},name:"double-left",theme:"outlined"},a=n(84089),l=r.forwardRef(function(e,t){return r.createElement(a.Z,(0,i.Z)({},e,{ref:t,icon:o}))}),c={icon:{tag:"svg",attrs:{viewBox:"64 64 896 896",focusable:"false"},children:[{tag:"path",attrs:{d:"M533.2 492.3L277.9 166.1c-3-3.9-7.7-6.1-12.6-6.1H188c-6.7 0-10.4 7.7-6.3 12.9L447.1 512 181.7 851.1A7.98 7.98 0 00188 864h77.3c4.9 0 9.6-2.3 12.6-6.1l255.3-326.1c9.1-11.7 9.1-27.9 0-39.5zm304 0L581.9 166.1c-3-3.9-7.7-6.1-12.6-6.1H492c-6.7 0-10.4 7.7-6.3 12.9L751.1 512 485.7 851.1A7.98 7.98 0 00492 864h77.3c4.9 0 9.6-2.3 12.6-6.1l255.3-326.1c9.1-11.7 9.1-27.9 0-39.5z"}}]},name:"double-right",theme:"outlined"},s=r.forwardRef(function(e,t){return r.createElement(a.Z,(0,i.Z)({},e,{ref:t,icon:c}))}),u=n(6171),p=n(18073),m=n(94184),d=n.n(m),g=n(4942),h=n(1413),v=n(15671),b=n(43144),f=n(32531),x=n(73568),C=n(64217),S={ZERO:48,NINE:57,NUMPAD_ZERO:96,NUMPAD_NINE:105,BACKSPACE:8,DELETE:46,ENTER:13,ARROW_UP:38,ARROW_DOWN:40},$=function(e){(0,f.Z)(n,e);var t=(0,x.Z)(n);function n(){var e;(0,v.Z)(this,n);for(var i=arguments.length,r=Array(i),o=0;o=0||t.relatedTarget.className.indexOf("".concat(o,"-item"))>=0)||r(e.getValidValue()))},e.go=function(t){""!==e.state.goInputText&&(t.keyCode===S.ENTER||"click"===t.type)&&(e.setState({goInputText:""}),e.props.quickGo(e.getValidValue()))},e}return(0,b.Z)(n,[{key:"getPageSizeOptions",value:function(){var e=this.props,t=e.pageSize,n=e.pageSizeOptions;return n.some(function(e){return e.toString()===t.toString()})?n:n.concat([t.toString()]).sort(function(e,t){return(Number.isNaN(Number(e))?0:Number(e))-(Number.isNaN(Number(t))?0:Number(t))})}},{key:"render",value:function(){var e=this,t=this.props,n=t.pageSize,i=t.locale,o=t.rootPrefixCls,a=t.changeSize,l=t.quickGo,c=t.goButton,s=t.selectComponentClass,u=t.buildOptionText,p=t.selectPrefixCls,m=t.disabled,d=this.state.goInputText,g="".concat(o,"-options"),h=null,v=null,b=null;if(!a&&!l)return null;var f=this.getPageSizeOptions();if(a&&s){var x=f.map(function(t,n){return r.createElement(s.Option,{key:n,value:t.toString()},(u||e.buildOptionText)(t))});h=r.createElement(s,{disabled:m,prefixCls:p,showSearch:!1,className:"".concat(g,"-size-changer"),optionLabelProp:"children",popupMatchSelectWidth:!1,value:(n||f[0]).toString(),onChange:this.changeSize,getPopupContainer:function(e){return e.parentNode},"aria-label":i.page_size,defaultOpen:!1},x)}return l&&(c&&(b="boolean"==typeof c?r.createElement("button",{type:"button",onClick:this.go,onKeyUp:this.go,disabled:m,className:"".concat(g,"-quick-jumper-button")},i.jump_to_confirm):r.createElement("span",{onClick:this.go,onKeyUp:this.go},c)),v=r.createElement("div",{className:"".concat(g,"-quick-jumper")},i.jump_to,r.createElement("input",{disabled:m,type:"text",value:d,onChange:this.handleChange,onKeyUp:this.go,onBlur:this.handleBlur,"aria-label":i.page}),i.page,b)),r.createElement("li",{className:"".concat(g)},h,v)}}]),n}(r.Component);$.defaultProps={pageSizeOptions:["10","20","50","100"]};var k=function(e){var t,n=e.rootPrefixCls,i=e.page,o=e.active,a=e.className,l=e.showTitle,c=e.onClick,s=e.onKeyPress,u=e.itemRender,p="".concat(n,"-item"),m=d()(p,"".concat(p,"-").concat(i),(t={},(0,g.Z)(t,"".concat(p,"-active"),o),(0,g.Z)(t,"".concat(p,"-disabled"),!i),(0,g.Z)(t,e.className,a),t)),h=u(i,"page",r.createElement("a",{rel:"nofollow"},i));return h?r.createElement("li",{title:l?i.toString():null,className:m,onClick:function(){c(i)},onKeyPress:function(e){s(e,c,i)},tabIndex:0},h):null};function y(){}function E(e){var t=Number(e);return"number"==typeof t&&!Number.isNaN(t)&&isFinite(t)&&Math.floor(t)===t}function N(e,t,n){var i=void 0===e?t.pageSize:e;return Math.floor((n.total-1)/i)+1}var I=function(e){(0,f.Z)(n,e);var t=(0,x.Z)(n);function n(e){(0,v.Z)(this,n),(i=t.call(this,e)).paginationNode=r.createRef(),i.getJumpPrevPage=function(){return Math.max(1,i.state.current-(i.props.showLessItems?3:5))},i.getJumpNextPage=function(){return Math.min(N(void 0,i.state,i.props),i.state.current+(i.props.showLessItems?3:5))},i.getItemIcon=function(e,t){var n=i.props.prefixCls,o=e||r.createElement("button",{type:"button","aria-label":t,className:"".concat(n,"-item-link")});return"function"==typeof e&&(o=r.createElement(e,(0,h.Z)({},i.props))),o},i.isValid=function(e){var t=i.props.total;return E(e)&&e!==i.state.current&&E(t)&&t>0},i.shouldDisplayQuickJumper=function(){var e=i.props,t=e.showQuickJumper;return!(e.total<=i.state.pageSize)&&t},i.handleKeyDown=function(e){(e.keyCode===S.ARROW_UP||e.keyCode===S.ARROW_DOWN)&&e.preventDefault()},i.handleKeyUp=function(e){var t=i.getValidValue(e);t!==i.state.currentInputValue&&i.setState({currentInputValue:t}),e.keyCode===S.ENTER?i.handleChange(t):e.keyCode===S.ARROW_UP?i.handleChange(t-1):e.keyCode===S.ARROW_DOWN&&i.handleChange(t+1)},i.handleBlur=function(e){var t=i.getValidValue(e);i.handleChange(t)},i.changePageSize=function(e){var t=i.state.current,n=N(e,i.state,i.props);t=t>n?n:t,0===n&&(t=i.state.current),"number"!=typeof e||("pageSize"in i.props||i.setState({pageSize:e}),"current"in i.props||i.setState({current:t,currentInputValue:t})),i.props.onShowSizeChange(t,e),"onChange"in i.props&&i.props.onChange&&i.props.onChange(t,e)},i.handleChange=function(e){var t=i.props,n=t.disabled,r=t.onChange,o=i.state,a=o.pageSize,l=o.current,c=o.currentInputValue;if(i.isValid(e)&&!n){var s=N(void 0,i.state,i.props),u=e;return e>s?u=s:e<1&&(u=1),"current"in i.props||i.setState({current:u}),u!==c&&i.setState({currentInputValue:u}),r(u,a),u}return l},i.prev=function(){i.hasPrev()&&i.handleChange(i.state.current-1)},i.next=function(){i.hasNext()&&i.handleChange(i.state.current+1)},i.jumpPrev=function(){i.handleChange(i.getJumpPrevPage())},i.jumpNext=function(){i.handleChange(i.getJumpNextPage())},i.hasPrev=function(){return i.state.current>1},i.hasNext=function(){return i.state.current2?n-2:0),r=2;r=n?n:Number(t)}},{key:"getShowSizeChanger",value:function(){var e=this.props,t=e.showSizeChanger,n=e.total,i=e.totalBoundaryShowSizeChanger;return void 0!==t?t:n>i}},{key:"render",value:function(){var e=this.props,t=e.prefixCls,n=e.className,o=e.style,a=e.disabled,l=e.hideOnSinglePage,c=e.total,s=e.locale,u=e.showQuickJumper,p=e.showLessItems,m=e.showTitle,h=e.showTotal,v=e.simple,b=e.itemRender,f=e.showPrevNextJumpers,x=e.jumpPrevIcon,S=e.jumpNextIcon,y=e.selectComponentClass,E=e.selectPrefixCls,I=e.pageSizeOptions,P=this.state,z=P.current,O=P.pageSize,w=P.currentInputValue;if(!0===l&&c<=O)return null;var T=N(void 0,this.state,this.props),j=[],B=null,M=null,Z=null,D=null,_=null,A=u&&u.goButton,R=p?1:2,H=z-1>0?z-1:0,V=z+1c?c:z*O]));if(v){A&&(_="boolean"==typeof A?r.createElement("button",{type:"button",onClick:this.handleGoTO,onKeyUp:this.handleGoTO},s.jump_to_confirm):r.createElement("span",{onClick:this.handleGoTO,onKeyUp:this.handleGoTO},A),_=r.createElement("li",{title:m?"".concat(s.jump_to).concat(z,"/").concat(T):null,className:"".concat(t,"-simple-pager")},_));var W=this.renderPrev(H);return r.createElement("ul",(0,i.Z)({className:d()(t,"".concat(t,"-simple"),(0,g.Z)({},"".concat(t,"-disabled"),a),n),style:o,ref:this.paginationNode},K),L,W?r.createElement("li",{title:m?s.prev_page:null,onClick:this.prev,tabIndex:this.hasPrev()?0:null,onKeyPress:this.runIfEnterPrev,className:d()("".concat(t,"-prev"),(0,g.Z)({},"".concat(t,"-disabled"),!this.hasPrev())),"aria-disabled":!this.hasPrev()},W):null,r.createElement("li",{title:m?"".concat(z,"/").concat(T):null,className:"".concat(t,"-simple-pager")},r.createElement("input",{type:"text",value:w,disabled:a,onKeyDown:this.handleKeyDown,onKeyUp:this.handleKeyUp,onChange:this.handleKeyUp,onBlur:this.handleBlur,size:3}),r.createElement("span",{className:"".concat(t,"-slash")},"/"),T),r.createElement("li",{title:m?s.next_page:null,onClick:this.next,tabIndex:this.hasPrev()?0:null,onKeyPress:this.runIfEnterNext,className:d()("".concat(t,"-next"),(0,g.Z)({},"".concat(t,"-disabled"),!this.hasNext())),"aria-disabled":!this.hasNext()},this.renderNext(V)),_)}if(T<=3+2*R){var J={locale:s,rootPrefixCls:t,onClick:this.handleChange,onKeyPress:this.runIfEnter,showTitle:m,itemRender:b};T||j.push(r.createElement(k,(0,i.Z)({},J,{key:"noPager",page:1,className:"".concat(t,"-item-disabled")})));for(var X=1;X<=T;X+=1){var U=z===X;j.push(r.createElement(k,(0,i.Z)({},J,{key:X,page:X,active:U})))}}else{var G=p?s.prev_3:s.prev_5,F=p?s.next_3:s.next_5,q=b(this.getJumpPrevPage(),"jump-prev",this.getItemIcon(x,"prev page")),Q=b(this.getJumpNextPage(),"jump-next",this.getItemIcon(S,"next page"));f&&(B=q?r.createElement("li",{title:m?G:null,key:"prev",onClick:this.jumpPrev,tabIndex:0,onKeyPress:this.runIfEnterJumpPrev,className:d()("".concat(t,"-jump-prev"),(0,g.Z)({},"".concat(t,"-jump-prev-custom-icon"),!!x))},q):null,M=Q?r.createElement("li",{title:m?F:null,key:"next",tabIndex:0,onClick:this.jumpNext,onKeyPress:this.runIfEnterJumpNext,className:d()("".concat(t,"-jump-next"),(0,g.Z)({},"".concat(t,"-jump-next-custom-icon"),!!S))},Q):null),D=r.createElement(k,{locale:s,last:!0,rootPrefixCls:t,onClick:this.handleChange,onKeyPress:this.runIfEnter,key:T,page:T,active:!1,showTitle:m,itemRender:b}),Z=r.createElement(k,{locale:s,rootPrefixCls:t,onClick:this.handleChange,onKeyPress:this.runIfEnter,key:1,page:1,active:!1,showTitle:m,itemRender:b});var Y=Math.max(1,z-R),ee=Math.min(z+R,T);z-1<=R&&(ee=1+2*R),T-z<=R&&(Y=T-2*R);for(var et=Y;et<=ee;et+=1){var en=z===et;j.push(r.createElement(k,{locale:s,rootPrefixCls:t,onClick:this.handleChange,onKeyPress:this.runIfEnter,key:et,page:et,active:en,showTitle:m,itemRender:b}))}z-1>=2*R&&3!==z&&(j[0]=(0,r.cloneElement)(j[0],{className:"".concat(t,"-item-after-jump-prev")}),j.unshift(B)),T-z>=2*R&&z!==T-2&&(j[j.length-1]=(0,r.cloneElement)(j[j.length-1],{className:"".concat(t,"-item-before-jump-next")}),j.push(M)),1!==Y&&j.unshift(Z),ee!==T&&j.push(D)}var ei=!this.hasPrev()||!T,er=!this.hasNext()||!T,eo=this.renderPrev(H),ea=this.renderNext(V);return r.createElement("ul",(0,i.Z)({className:d()(t,n,(0,g.Z)({},"".concat(t,"-disabled"),a)),style:o,ref:this.paginationNode},K),L,eo?r.createElement("li",{title:m?s.prev_page:null,onClick:this.prev,tabIndex:ei?null:0,onKeyPress:this.runIfEnterPrev,className:d()("".concat(t,"-prev"),(0,g.Z)({},"".concat(t,"-disabled"),ei)),"aria-disabled":ei},eo):null,j,ea?r.createElement("li",{title:m?s.next_page:null,onClick:this.next,tabIndex:er?null:0,onKeyPress:this.runIfEnterNext,className:d()("".concat(t,"-next"),(0,g.Z)({},"".concat(t,"-disabled"),er)),"aria-disabled":er},ea):null,r.createElement($,{disabled:a,locale:s,rootPrefixCls:t,selectComponentClass:y,selectPrefixCls:E,changeSize:this.getShowSizeChanger()?this.changePageSize:null,current:z,pageSize:O,pageSizeOptions:I,quickGo:this.shouldDisplayQuickJumper()?this.handleChange:null,goButton:A}))}}],[{key:"getDerivedStateFromProps",value:function(e,t){var n={};if("current"in e&&(n.current=e.current,e.current!==t.current&&(n.currentInputValue=n.current)),"pageSize"in e&&e.pageSize!==t.pageSize){var i=t.current,r=N(e.pageSize,t,e);i=i>r?r:i,"current"in e||(n.current=i,n.currentInputValue=i),n.pageSize=e.pageSize}return n}}]),n}(r.Component);I.defaultProps={defaultCurrent:1,total:0,defaultPageSize:10,onChange:y,className:"",selectPrefixCls:"rc-select",prefixCls:"rc-pagination",selectComponentClass:null,hideOnSinglePage:!1,showPrevNextJumpers:!0,showQuickJumper:!1,showLessItems:!1,showTitle:!0,onShowSizeChange:y,locale:{items_per_page:"条/页",jump_to:"跳至",jump_to_confirm:"确定",page:"页",prev_page:"上一页",next_page:"下一页",prev_5:"向前 5 页",next_5:"向后 5 页",prev_3:"向前 3 页",next_3:"向后 3 页",page_size:"页码"},style:{},itemRender:function(e,t,n){return n},totalBoundaryShowSizeChanger:50};var P=n(62906),z=n(53124),O=n(98675),w=n(25378),T=n(10110),j=n(51009);let B=e=>r.createElement(j.default,Object.assign({},e,{showSearch:!0,size:"small"})),M=e=>r.createElement(j.default,Object.assign({},e,{showSearch:!0,size:"middle"}));B.Option=j.default.Option,M.Option=j.default.Option;var Z=n(47673),D=n(14747),_=n(67968),A=n(45503);let R=e=>{let{componentCls:t}=e;return{[`${t}-disabled`]:{"&, &:hover":{cursor:"not-allowed",[`${t}-item-link`]:{color:e.colorTextDisabled,cursor:"not-allowed"}},"&:focus-visible":{cursor:"not-allowed",[`${t}-item-link`]:{color:e.colorTextDisabled,cursor:"not-allowed"}}},[`&${t}-disabled`]:{cursor:"not-allowed",[`${t}-item`]:{cursor:"not-allowed","&:hover, &:active":{backgroundColor:"transparent"},a:{color:e.colorTextDisabled,backgroundColor:"transparent",border:"none",cursor:"not-allowed"},"&-active":{borderColor:e.colorBorder,backgroundColor:e.itemActiveBgDisabled,"&:hover, &:active":{backgroundColor:e.itemActiveBgDisabled},a:{color:e.itemActiveColorDisabled}}},[`${t}-item-link`]:{color:e.colorTextDisabled,cursor:"not-allowed","&:hover, &:active":{backgroundColor:"transparent"},[`${t}-simple&`]:{backgroundColor:"transparent","&:hover, &:active":{backgroundColor:"transparent"}}},[`${t}-simple-pager`]:{color:e.colorTextDisabled},[`${t}-jump-prev, ${t}-jump-next`]:{[`${t}-item-link-icon`]:{opacity:0},[`${t}-item-ellipsis`]:{opacity:1}}},[`&${t}-simple`]:{[`${t}-prev, ${t}-next`]:{[`&${t}-disabled ${t}-item-link`]:{"&:hover, &:active":{backgroundColor:"transparent"}}}}}},H=e=>{let{componentCls:t}=e;return{[`&${t}-mini ${t}-total-text, &${t}-mini ${t}-simple-pager`]:{height:e.itemSizeSM,lineHeight:`${e.itemSizeSM}px`},[`&${t}-mini ${t}-item`]:{minWidth:e.itemSizeSM,height:e.itemSizeSM,margin:0,lineHeight:`${e.itemSizeSM-2}px`},[`&${t}-mini:not(${t}-disabled) ${t}-item:not(${t}-item-active)`]:{backgroundColor:"transparent",borderColor:"transparent","&:hover":{backgroundColor:e.colorBgTextHover},"&:active":{backgroundColor:e.colorBgTextActive}},[`&${t}-mini ${t}-prev, &${t}-mini ${t}-next`]:{minWidth:e.itemSizeSM,height:e.itemSizeSM,margin:0,lineHeight:`${e.itemSizeSM}px`},[`&${t}-mini:not(${t}-disabled)`]:{[`${t}-prev, ${t}-next`]:{[`&:hover ${t}-item-link`]:{backgroundColor:e.colorBgTextHover},[`&:active ${t}-item-link`]:{backgroundColor:e.colorBgTextActive},[`&${t}-disabled:hover ${t}-item-link`]:{backgroundColor:"transparent"}}},[` + &${t}-mini ${t}-prev ${t}-item-link, + &${t}-mini ${t}-next ${t}-item-link + `]:{backgroundColor:"transparent",borderColor:"transparent","&::after":{height:e.itemSizeSM,lineHeight:`${e.itemSizeSM}px`}},[`&${t}-mini ${t}-jump-prev, &${t}-mini ${t}-jump-next`]:{height:e.itemSizeSM,marginInlineEnd:0,lineHeight:`${e.itemSizeSM}px`},[`&${t}-mini ${t}-options`]:{marginInlineStart:e.paginationMiniOptionsMarginInlineStart,"&-size-changer":{top:e.miniOptionsSizeChangerTop},"&-quick-jumper":{height:e.itemSizeSM,lineHeight:`${e.itemSizeSM}px`,input:Object.assign(Object.assign({},(0,Z.x0)(e)),{width:e.paginationMiniQuickJumperInputWidth,height:e.controlHeightSM})}}}},V=e=>{let{componentCls:t}=e;return{[` + &${t}-simple ${t}-prev, + &${t}-simple ${t}-next + `]:{height:e.itemSizeSM,lineHeight:`${e.itemSizeSM}px`,verticalAlign:"top",[`${t}-item-link`]:{height:e.itemSizeSM,backgroundColor:"transparent",border:0,"&:hover":{backgroundColor:e.colorBgTextHover},"&:active":{backgroundColor:e.colorBgTextActive},"&::after":{height:e.itemSizeSM,lineHeight:`${e.itemSizeSM}px`}}},[`&${t}-simple ${t}-simple-pager`]:{display:"inline-block",height:e.itemSizeSM,marginInlineEnd:e.marginXS,input:{boxSizing:"border-box",height:"100%",marginInlineEnd:e.marginXS,padding:`0 ${e.paginationItemPaddingInline}px`,textAlign:"center",backgroundColor:e.itemInputBg,border:`${e.lineWidth}px ${e.lineType} ${e.colorBorder}`,borderRadius:e.borderRadius,outline:"none",transition:`border-color ${e.motionDurationMid}`,color:"inherit","&:hover":{borderColor:e.colorPrimary},"&:focus":{borderColor:e.colorPrimaryHover,boxShadow:`${e.inputOutlineOffset}px 0 ${e.controlOutlineWidth}px ${e.controlOutline}`},"&[disabled]":{color:e.colorTextDisabled,backgroundColor:e.colorBgContainerDisabled,borderColor:e.colorBorder,cursor:"not-allowed"}}}}},K=e=>{let{componentCls:t}=e;return{[`${t}-jump-prev, ${t}-jump-next`]:{outline:0,[`${t}-item-container`]:{position:"relative",[`${t}-item-link-icon`]:{color:e.colorPrimary,fontSize:e.fontSizeSM,opacity:0,transition:`all ${e.motionDurationMid}`,"&-svg":{top:0,insetInlineEnd:0,bottom:0,insetInlineStart:0,margin:"auto"}},[`${t}-item-ellipsis`]:{position:"absolute",top:0,insetInlineEnd:0,bottom:0,insetInlineStart:0,display:"block",margin:"auto",color:e.colorTextDisabled,fontFamily:"Arial, Helvetica, sans-serif",letterSpacing:e.paginationEllipsisLetterSpacing,textAlign:"center",textIndent:e.paginationEllipsisTextIndent,opacity:1,transition:`all ${e.motionDurationMid}`}},"&:hover":{[`${t}-item-link-icon`]:{opacity:1},[`${t}-item-ellipsis`]:{opacity:0}}},[` + ${t}-prev, + ${t}-jump-prev, + ${t}-jump-next + `]:{marginInlineEnd:e.marginXS},[` + ${t}-prev, + ${t}-next, + ${t}-jump-prev, + ${t}-jump-next + `]:{display:"inline-block",minWidth:e.itemSize,height:e.itemSize,color:e.colorText,fontFamily:e.fontFamily,lineHeight:`${e.itemSize}px`,textAlign:"center",verticalAlign:"middle",listStyle:"none",borderRadius:e.borderRadius,cursor:"pointer",transition:`all ${e.motionDurationMid}`},[`${t}-prev, ${t}-next`]:{fontFamily:"Arial, Helvetica, sans-serif",outline:0,button:{color:e.colorText,cursor:"pointer",userSelect:"none"},[`${t}-item-link`]:{display:"block",width:"100%",height:"100%",padding:0,fontSize:e.fontSizeSM,textAlign:"center",backgroundColor:"transparent",border:`${e.lineWidth}px ${e.lineType} transparent`,borderRadius:e.borderRadius,outline:"none",transition:`all ${e.motionDurationMid}`},[`&:hover ${t}-item-link`]:{backgroundColor:e.colorBgTextHover},[`&:active ${t}-item-link`]:{backgroundColor:e.colorBgTextActive},[`&${t}-disabled:hover`]:{[`${t}-item-link`]:{backgroundColor:"transparent"}}},[`${t}-slash`]:{marginInlineEnd:e.paginationSlashMarginInlineEnd,marginInlineStart:e.paginationSlashMarginInlineStart},[`${t}-options`]:{display:"inline-block",marginInlineStart:e.margin,verticalAlign:"middle","&-size-changer.-select":{display:"inline-block",width:"auto"},"&-quick-jumper":{display:"inline-block",height:e.controlHeight,marginInlineStart:e.marginXS,lineHeight:`${e.controlHeight}px`,verticalAlign:"top",input:Object.assign(Object.assign({},(0,Z.ik)(e)),{width:1.25*e.controlHeightLG,height:e.controlHeight,boxSizing:"border-box",margin:0,marginInlineStart:e.marginXS,marginInlineEnd:e.marginXS})}}}},L=e=>{let{componentCls:t}=e;return{[`${t}-item`]:{display:"inline-block",minWidth:e.itemSize,height:e.itemSize,marginInlineEnd:e.marginXS,fontFamily:e.fontFamily,lineHeight:`${e.itemSize-2}px`,textAlign:"center",verticalAlign:"middle",listStyle:"none",backgroundColor:"transparent",border:`${e.lineWidth}px ${e.lineType} transparent`,borderRadius:e.borderRadius,outline:0,cursor:"pointer",userSelect:"none",a:{display:"block",padding:`0 ${e.paginationItemPaddingInline}px`,color:e.colorText,"&:hover":{textDecoration:"none"}},[`&:not(${t}-item-active)`]:{"&:hover":{transition:`all ${e.motionDurationMid}`,backgroundColor:e.colorBgTextHover},"&:active":{backgroundColor:e.colorBgTextActive}},"&-active":{fontWeight:e.fontWeightStrong,backgroundColor:e.itemActiveBg,borderColor:e.colorPrimary,a:{color:e.colorPrimary},"&:hover":{borderColor:e.colorPrimaryHover},"&:hover a":{color:e.colorPrimaryHover}}}}},W=e=>{let{componentCls:t}=e;return{[t]:Object.assign(Object.assign(Object.assign(Object.assign(Object.assign(Object.assign(Object.assign(Object.assign({},(0,D.Wf)(e)),{"ul, ol":{margin:0,padding:0,listStyle:"none"},"&::after":{display:"block",clear:"both",height:0,overflow:"hidden",visibility:"hidden",content:'""'},[`${t}-total-text`]:{display:"inline-block",height:e.itemSize,marginInlineEnd:e.marginXS,lineHeight:`${e.itemSize-2}px`,verticalAlign:"middle"}}),L(e)),K(e)),V(e)),H(e)),R(e)),{[`@media only screen and (max-width: ${e.screenLG}px)`]:{[`${t}-item`]:{"&-after-jump-prev, &-before-jump-next":{display:"none"}}},[`@media only screen and (max-width: ${e.screenSM}px)`]:{[`${t}-options`]:{display:"none"}}}),[`&${e.componentCls}-rtl`]:{direction:"rtl"}}},J=e=>{let{componentCls:t}=e;return{[`${t}${t}-disabled:not(${t}-mini)`]:{"&, &:hover":{[`${t}-item-link`]:{borderColor:e.colorBorder}},"&:focus-visible":{[`${t}-item-link`]:{borderColor:e.colorBorder}},[`${t}-item, ${t}-item-link`]:{backgroundColor:e.colorBgContainerDisabled,borderColor:e.colorBorder,[`&:hover:not(${t}-item-active)`]:{backgroundColor:e.colorBgContainerDisabled,borderColor:e.colorBorder,a:{color:e.colorTextDisabled}},[`&${t}-item-active`]:{backgroundColor:e.itemActiveBgDisabled}},[`${t}-prev, ${t}-next`]:{"&:hover button":{backgroundColor:e.colorBgContainerDisabled,borderColor:e.colorBorder,color:e.colorTextDisabled},[`${t}-item-link`]:{backgroundColor:e.colorBgContainerDisabled,borderColor:e.colorBorder}}},[`${t}:not(${t}-mini)`]:{[`${t}-prev, ${t}-next`]:{"&:hover button":{borderColor:e.colorPrimaryHover,backgroundColor:e.itemBg},[`${t}-item-link`]:{backgroundColor:e.itemLinkBg,borderColor:e.colorBorder},[`&:hover ${t}-item-link`]:{borderColor:e.colorPrimary,backgroundColor:e.itemBg,color:e.colorPrimary},[`&${t}-disabled`]:{[`${t}-item-link`]:{borderColor:e.colorBorder,color:e.colorTextDisabled}}},[`${t}-item`]:{backgroundColor:e.itemBg,border:`${e.lineWidth}px ${e.lineType} ${e.colorBorder}`,[`&:hover:not(${t}-item-active)`]:{borderColor:e.colorPrimary,backgroundColor:e.itemBg,a:{color:e.colorPrimary}},"&-active":{borderColor:e.colorPrimary}}}}},X=e=>{let{componentCls:t}=e;return{[`${t}:not(${t}-disabled)`]:{[`${t}-item`]:Object.assign({},(0,D.Qy)(e)),[`${t}-jump-prev, ${t}-jump-next`]:{"&:focus-visible":Object.assign({[`${t}-item-link-icon`]:{opacity:1},[`${t}-item-ellipsis`]:{opacity:0}},(0,D.oN)(e))},[`${t}-prev, ${t}-next`]:{[`&:focus-visible ${t}-item-link`]:Object.assign({},(0,D.oN)(e))}}}};var U=(0,_.Z)("Pagination",e=>{let t=(0,A.TS)(e,{inputOutlineOffset:0,paginationMiniOptionsMarginInlineStart:e.marginXXS/2,paginationMiniQuickJumperInputWidth:1.1*e.controlHeightLG,paginationItemPaddingInline:1.5*e.marginXXS,paginationEllipsisLetterSpacing:e.marginXXS/2,paginationSlashMarginInlineStart:e.marginXXS,paginationSlashMarginInlineEnd:e.marginSM,paginationEllipsisTextIndent:"0.13em"},(0,Z.e5)(e));return[W(t),X(t),e.wireframe&&J(t)]},e=>({itemBg:e.colorBgContainer,itemSize:e.controlHeight,itemSizeSM:e.controlHeightSM,itemActiveBg:e.colorBgContainer,itemLinkBg:e.colorBgContainer,itemActiveColorDisabled:e.colorTextDisabled,itemActiveBgDisabled:e.controlItemBgActiveDisabled,itemInputBg:e.colorBgContainer,miniOptionsSizeChangerTop:0})),G=function(e,t){var n={};for(var i in e)Object.prototype.hasOwnProperty.call(e,i)&&0>t.indexOf(i)&&(n[i]=e[i]);if(null!=e&&"function"==typeof Object.getOwnPropertySymbols)for(var r=0,i=Object.getOwnPropertySymbols(e);rt.indexOf(i[r])&&Object.prototype.propertyIsEnumerable.call(e,i[r])&&(n[i[r]]=e[i[r]]);return n},F=e=>{let{prefixCls:t,selectPrefixCls:n,className:i,rootClassName:o,style:a,size:c,locale:m,selectComponentClass:g,responsive:h,showSizeChanger:v}=e,b=G(e,["prefixCls","selectPrefixCls","className","rootClassName","style","size","locale","selectComponentClass","responsive","showSizeChanger"]),{xs:f}=(0,w.Z)(h),{getPrefixCls:x,direction:C,pagination:S={}}=r.useContext(z.E_),$=x("pagination",t),[k,y]=U($),E=null!=v?v:S.showSizeChanger,N=r.useMemo(()=>{let e=r.createElement("span",{className:`${$}-item-ellipsis`},"•••"),t=r.createElement("button",{className:`${$}-item-link`,type:"button",tabIndex:-1},"rtl"===C?r.createElement(p.Z,null):r.createElement(u.Z,null)),n=r.createElement("button",{className:`${$}-item-link`,type:"button",tabIndex:-1},"rtl"===C?r.createElement(u.Z,null):r.createElement(p.Z,null)),i=r.createElement("a",{className:`${$}-item-link`},r.createElement("div",{className:`${$}-item-container`},"rtl"===C?r.createElement(s,{className:`${$}-item-link-icon`}):r.createElement(l,{className:`${$}-item-link-icon`}),e)),o=r.createElement("a",{className:`${$}-item-link`},r.createElement("div",{className:`${$}-item-container`},"rtl"===C?r.createElement(l,{className:`${$}-item-link-icon`}):r.createElement(s,{className:`${$}-item-link-icon`}),e));return{prevIcon:t,nextIcon:n,jumpPrevIcon:i,jumpNextIcon:o}},[C,$]),[j]=(0,T.Z)("Pagination",P.Z),Z=Object.assign(Object.assign({},j),m),D=(0,O.Z)(c),_="small"===D||!!(f&&!D&&h),A=x("select",n),R=d()({[`${$}-mini`]:_,[`${$}-rtl`]:"rtl"===C},null==S?void 0:S.className,i,o,y),H=Object.assign(Object.assign({},null==S?void 0:S.style),a);return k(r.createElement(I,Object.assign({},N,b,{style:H,prefixCls:$,selectPrefixCls:A,className:R,selectComponentClass:g||(_?B:M),locale:Z,showSizeChanger:E})))}}}]); \ No newline at end of file diff --git a/pilot/server/static/_next/static/chunks/304.406e3b6b89d8e49a.js b/pilot/server/static/_next/static/chunks/304.406e3b6b89d8e49a.js deleted file mode 100644 index a065ea081..000000000 --- a/pilot/server/static/_next/static/chunks/304.406e3b6b89d8e49a.js +++ /dev/null @@ -1 +0,0 @@ -(self.webpackChunk_N_E=self.webpackChunk_N_E||[]).push([[304],{39156:function(e,t,l){"use strict";l.d(t,{Z:function(){return m}});var a=l(85893),n=l(41118),s=l(30208),r=l(40911),c=l(58234);function i(e){let{chart:t}=e;return(0,a.jsx)("div",{className:"flex-1 min-w-0",children:(0,a.jsx)(n.Z,{className:"h-full",sx:{background:"transparent"},children:(0,a.jsxs)(s.Z,{className:"h-full",children:[(0,a.jsx)(r.ZP,{gutterBottom:!0,component:"div",children:t.chart_name}),(0,a.jsx)(r.ZP,{gutterBottom:!0,level:"body3",children:t.chart_desc}),(0,a.jsx)("div",{className:"h-[300px]",children:(0,a.jsx)(c.k,{style:{height:"100%"},options:{autoFit:!0,type:"interval",data:t.values,encode:{x:"name",y:"value",color:"type"},axis:{x:{labelAutoRotate:!1}}}})})]})})})}function o(e){let{chart:t}=e;return(0,a.jsx)("div",{className:"flex-1 min-w-0",children:(0,a.jsx)(n.Z,{className:"h-full",sx:{background:"transparent"},children:(0,a.jsxs)(s.Z,{className:"h-full",children:[(0,a.jsx)(r.ZP,{gutterBottom:!0,component:"div",children:t.chart_name}),(0,a.jsx)(r.ZP,{gutterBottom:!0,level:"body3",children:t.chart_desc}),(0,a.jsx)("div",{className:"h-[300px]",children:(0,a.jsx)(c.k,{style:{height:"100%"},options:{autoFit:!0,type:"view",data:t.values,children:[{type:"line",encode:{x:"name",y:"value",color:"type",shape:"smooth"}},{type:"area",encode:{x:"name",y:"value",color:"type",shape:"smooth"},legend:!1,style:{fillOpacity:.15}}],axis:{x:{labelAutoRotate:!1}}}})})]})})})}var d=l(61685),u=l(96486);function h(e){var t,l;let{chart:c}=e,i=(0,u.groupBy)(c.values,"type");return(0,a.jsx)("div",{className:"flex-1 min-w-0",children:(0,a.jsx)(n.Z,{className:"h-full overflow-auto",sx:{background:"transparent"},children:(0,a.jsxs)(s.Z,{className:"h-full",children:[(0,a.jsx)(r.ZP,{gutterBottom:!0,component:"div",children:c.chart_name}),(0,a.jsx)(r.ZP,{gutterBottom:!0,level:"body3",children:c.chart_desc}),(0,a.jsx)("div",{className:"flex-1",children:(0,a.jsxs)(d.Z,{"aria-label":"basic table",stripe:"odd",hoverRow:!0,borderAxis:"bothBetween",children:[(0,a.jsx)("thead",{children:(0,a.jsx)("tr",{children:Object.keys(i).map(e=>(0,a.jsx)("th",{children:e},e))})}),(0,a.jsx)("tbody",{children:null===(t=Object.values(i))||void 0===t?void 0:null===(l=t[0])||void 0===l?void 0:l.map((e,t)=>{var l;return(0,a.jsx)("tr",{children:null===(l=Object.keys(i))||void 0===l?void 0:l.map(e=>{var l;return(0,a.jsx)("td",{children:(null==i?void 0:null===(l=i[e])||void 0===l?void 0:l[t].value)||""},e)})},t)})})]})})]})})})}var x=l(67294),m=function(e){let{chartsData:t}=e,l=(0,x.useMemo)(()=>{if(t){let e=[],l=null==t?void 0:t.filter(e=>"IndicatorValue"===e.chart_type);l.length>0&&e.push({charts:l,type:"IndicatorValue"});let a=null==t?void 0:t.filter(e=>"IndicatorValue"!==e.chart_type),n=a.length,s=0;return[[0],[1],[2],[1,2],[1,3],[2,1,2],[2,1,3],[3,1,3],[3,2,3]][n].forEach(t=>{if(t>0){let l=a.slice(s,s+t);s+=t,e.push({charts:l})}}),e}},[t]);return(0,a.jsx)("div",{className:"flex flex-col gap-3",children:null==l?void 0:l.map((e,t)=>(0,a.jsx)("div",{className:"".concat((null==e?void 0:e.type)!=="IndicatorValue"?"flex gap-3":""),children:e.charts.map(e=>"IndicatorValue"===e.chart_type?(0,a.jsx)("div",{className:"flex flex-row gap-3",children:e.values.map(e=>(0,a.jsx)("div",{className:"flex-1",children:(0,a.jsx)(n.Z,{sx:{background:"transparent"},children:(0,a.jsxs)(s.Z,{className:"justify-around",children:[(0,a.jsx)(r.ZP,{gutterBottom:!0,component:"div",children:e.name}),(0,a.jsx)(r.ZP,{children:e.value})]})})},e.name))},e.chart_uid):"LineChart"===e.chart_type?(0,a.jsx)(o,{chart:e},e.chart_uid):"BarChart"===e.chart_type?(0,a.jsx)(i,{chart:e},e.chart_uid):"Table"===e.chart_type?(0,a.jsx)(h,{chart:e},e.chart_uid):void 0)},"chart_row_".concat(t)))})}},70803:function(e,t,l){"use strict";l.d(t,{Z:function(){return U}});var a=l(85893),n=l(67294),s=l(2453),r=l(83062),c=l(31365),i=l(71577),o=l(49591),d=l(88484),u=l(29158),h=l(50489),x=l(41468),m=function(e){var t;let{convUid:l,chatMode:m,onComplete:p,...v}=e,[f,j]=(0,n.useState)(!1),[g,y]=s.ZP.useMessage(),[b,Z]=(0,n.useState)([]),[w,N]=(0,n.useState)(),{model:_}=(0,n.useContext)(x.p),P=async e=>{var t;if(!e){s.ZP.error("Please select the *.(csv|xlsx|xls) file");return}if(!/\.(csv|xlsx|xls)$/.test(null!==(t=e.file.name)&&void 0!==t?t:"")){s.ZP.error("File type must be csv, xlsx or xls");return}Z([e.file])},C=async()=>{j(!0);try{let e=new FormData;e.append("doc_file",b[0]),g.open({content:"Uploading ".concat(b[0].name),type:"loading",duration:0});let[t]=await (0,h.Vx)((0,h.qn)({convUid:l,chatMode:m,data:e,model:_,config:{timeout:36e5,onUploadProgress:e=>{let t=Math.ceil(e.loaded/(e.total||0)*100);N(t)}}}));if(t)return;s.ZP.success("success"),null==p||p()}catch(e){s.ZP.error((null==e?void 0:e.message)||"Upload Error")}finally{j(!1),g.destroy()}};return(0,a.jsx)(a.Fragment,{children:(0,a.jsxs)("div",{className:"flex items-start gap-2",children:[y,(0,a.jsx)(r.Z,{placement:"bottom",title:"File cannot be changed after upload",children:(0,a.jsx)(c.default,{disabled:f,className:"mr-1",beforeUpload:()=>!1,fileList:b,name:"file",accept:".csv,.xlsx,.xls",multiple:!1,onChange:P,showUploadList:{showDownloadIcon:!1,showPreviewIcon:!1,showRemoveIcon:!1},itemRender:()=>(0,a.jsx)(a.Fragment,{}),...v,children:(0,a.jsx)(i.ZP,{className:"flex justify-center items-center",type:"primary",disabled:f,icon:(0,a.jsx)(o.Z,{}),children:"Select File"})})}),(0,a.jsx)(i.ZP,{type:"primary",loading:f,className:"flex justify-center items-center",disabled:!b.length,icon:(0,a.jsx)(d.Z,{}),onClick:C,children:f?100===w?"Analysis":"Uploading":"Upload"}),!!b.length&&(0,a.jsxs)("div",{className:"mt-2 text-gray-500 text-sm flex items-center",children:[(0,a.jsx)(u.Z,{className:"mr-2"}),(0,a.jsx)("span",{children:null===(t=b[0])||void 0===t?void 0:t.name})]})]})})},p=function(e){let{onComplete:t}=e,{currentDialogue:l,scene:s,chatId:r}=(0,n.useContext)(x.p);return"chat_excel"!==s?null:(0,a.jsx)("div",{className:"max-w-md h-full relative",children:l?(0,a.jsxs)("div",{className:"flex h-8 overflow-hidden rounded",children:[(0,a.jsx)("div",{className:"flex items-center justify-center px-2 bg-gray-600 text-lg",children:(0,a.jsx)(u.Z,{className:"text-white"})}),(0,a.jsx)("div",{className:"flex items-center justify-center px-3 bg-gray-100 text-xs rounded-tr rounded-br dark:text-gray-800 truncate",children:l.select_param})]}):(0,a.jsx)(m,{convUid:r,chatMode:s,onComplete:t})})};l(23293);var v=l(78045),f=l(16165),j=l(96991),g=function(){return(0,a.jsx)("svg",{width:"1em",height:"1em",fill:"currentColor",viewBox:"0 0 1024 1024",version:"1.1",children:(0,a.jsx)("path",{d:"M602.24 246.72a17.28 17.28 0 0 0-11.84-16.32l-42.88-14.4A90.56 90.56 0 0 1 490.24 160l-14.4-42.88a17.28 17.28 0 0 0-32 0L428.8 160a90.56 90.56 0 0 1-57.28 57.28l-42.88 14.4a17.28 17.28 0 0 0 0 32l42.88 14.4a90.56 90.56 0 0 1 57.28 57.28l14.4 42.88a17.28 17.28 0 0 0 32 0l14.4-42.88a90.56 90.56 0 0 1 57.28-57.28l42.88-14.4a17.28 17.28 0 0 0 12.48-16.96z m301.12 221.76l-48.32-16a101.44 101.44 0 0 1-64-64l-16-48.32a19.2 19.2 0 0 0-36.8 0l-16 48.32a101.44 101.44 0 0 1-64 64l-48.32 16a19.2 19.2 0 0 0 0 36.8l48.32 16a101.44 101.44 0 0 1 64 64l16 48.32a19.2 19.2 0 0 0 36.8 0l16-48.32a101.44 101.44 0 0 1 64-64l48.32-16a19.2 19.2 0 0 0 0-36.8z m-376.64 195.52l-64-20.8a131.84 131.84 0 0 1-83.52-83.52l-20.8-64a25.28 25.28 0 0 0-47.68 0l-20.8 64a131.84 131.84 0 0 1-82.24 83.52l-64 20.8a25.28 25.28 0 0 0 0 47.68l64 20.8a131.84 131.84 0 0 1 83.52 83.84l20.8 64a25.28 25.28 0 0 0 47.68 0l20.8-64a131.84 131.84 0 0 1 83.52-83.52l64-20.8a25.28 25.28 0 0 0 0-47.68z","p-id":"3992"})})};function y(){let{isContract:e,setIsContract:t,scene:l}=(0,n.useContext)(x.p),s=l&&["chat_with_db_execute","chat_dashboard"].includes(l);return s?(0,a.jsxs)(v.ZP.Group,{value:e,defaultValue:!0,buttonStyle:"solid",onChange:()=>{t(!e)},children:[(0,a.jsxs)(v.ZP.Button,{value:!1,children:[(0,a.jsx)(f.Z,{component:g,className:"mr-1"}),"Preview"]}),(0,a.jsxs)(v.ZP.Button,{value:!0,children:[(0,a.jsx)(j.Z,{className:"mr-1"}),"Editor"]})]}):null}var b=l(81799),Z=function(){return(0,a.jsx)("svg",{width:"1em",height:"1em",fill:"currentColor",viewBox:"0 0 1024 1024",version:"1.1",xmlns:"http://www.w3.org/2000/svg","p-id":"4870",children:(0,a.jsx)("path",{d:"M511.875 128.125c-211.875 0-383.75 76.25-383.75 170.625 0 94.375 171.875 170.625 383.75 170.625 211.875 0 383.75-76.25 383.75-170.625C896.25 204.375 724.375 128.125 511.875 128.125M128.125 383.75l0 128.125c0 94.375 171.875 170.625 383.75 170.625 211.875 0 383.75-76.25 383.75-170.625l0-128.125c0 94.375-171.875 170.625-383.75 170.625C300 555 128.125 478.125 128.125 383.75M128.125 597.5l0 128.125c0 94.375 171.875 170.625 383.75 170.625 211.875 0 383.75-76.25 383.75-170.625l0-128.125c0 94.375-171.875 170.625-383.75 170.625C300 768.125 128.125 691.875 128.125 597.5z","p-id":"4871"})})},w=l(2093),N=l(51009),_=function(){let{scene:e,dbParam:t,setDbParam:l}=(0,n.useContext)(x.p),[s,r]=(0,n.useState)({});(0,w.Z)(async()=>{let[,t]=await (0,h.Vx)((0,h.vD)(e));r(null!=t?t:{})},[e]);let c=(0,n.useMemo)(()=>Object.entries(s).map(e=>{let[t,l]=e;return{label:t,value:l}}),[s]);return((0,n.useEffect)(()=>{c.length&&!t&&l(c[0].value)},[c,l,t]),c.length)?(0,a.jsx)(N.default,{value:t,className:"w-36",onChange:e=>{l(e)},children:c.map(e=>(0,a.jsxs)(N.default.Option,{children:[(0,a.jsx)(f.Z,{component:Z,className:"mr-1"}),e.label]},e.value))}):null},P=l(577),C=l(11163),k=l(67421),B=function(){let{push:e}=(0,C.useRouter)(),{t}=(0,k.$G)(),{agentList:l,setAgentList:s}=(0,n.useContext)(x.p),{data:r=[]}=(0,P.Z)(async()=>{let[,e]=await (0,h.Vx)((0,h.N6)());return e&&e.length&&(null==s||s([e[0].name])),null!=e?e:[]});return r.length?(0,a.jsx)(N.default,{className:"w-60",value:l,mode:"multiple",maxTagCount:1,maxTagTextLength:12,placeholder:t("Select_Plugins"),options:r.map(e=>({label:e.name,value:e.name})),allowClear:!0,onChange:e=>{null==s||s(e)}}):(0,a.jsx)(i.ZP,{type:"primary",onClick:()=>{e("/agent")},children:t("To_Plugin_Market")})},U=function(e){let{refreshHistory:t,modelChange:l}=e,{scene:s,refreshDialogList:r}=(0,n.useContext)(x.p);return(0,a.jsxs)("div",{className:"w-full py-2 px-4 md:px-4 flex flex-wrap items-center justify-center border-b border-gray-100 gap-1 md:gap-4",children:[(0,a.jsx)(b.Z,{onChange:l}),(0,a.jsx)(_,{}),"chat_excel"===s&&(0,a.jsx)(p,{onComplete:()=>{null==r||r(),null==t||t()}}),"chat_agent"===s&&(0,a.jsx)(B,{}),(0,a.jsx)(y,{})]})}},81799:function(e,t,l){"use strict";l.d(t,{A:function(){return u}});var a=l(85893),n=l(41468),s=l(51009),r=l(19284),c=l(25675),i=l.n(c),o=l(67294),d=l(67421);function u(e,t){var l;let{width:n,height:s}=t||{};return e?(0,a.jsx)(i(),{className:"rounded-full border border-gray-200 object-contain bg-white inline-block",width:n||24,height:s||24,src:(null===(l=r.H[e])||void 0===l?void 0:l.icon)||"/models/huggingface.svg",alt:"llm"}):null}t.Z=function(e){let{onChange:t}=e,{t:l}=(0,d.$G)(),{modelList:c,model:i}=(0,o.useContext)(n.p);return!c||c.length<=0?null:(0,a.jsx)(s.default,{value:i,placeholder:l("choose_model"),className:"w-52",onChange:e=>{null==t||t(e)},children:c.map(e=>{var t;return(0,a.jsx)(s.default.Option,{children:(0,a.jsxs)("div",{className:"flex items-center",children:[u(e),(0,a.jsx)("span",{className:"ml-2",children:(null===(t=r.H[e])||void 0===t?void 0:t.label)||e})]})},e)})})}},99513:function(e,t,l){"use strict";l.d(t,{Z:function(){return d}});var a=l(85893),n=l(77119),s=l(63764),r=l(94184),c=l.n(r),i=l(67294),o=l(36782);function d(e){let{className:t,value:l,language:n="mysql",onChange:r,thoughts:d}=e,u=(0,i.useMemo)(()=>"mysql"!==n?l:d&&d.length>0?(0,o.WU)("-- ".concat(d," \n").concat(l)):(0,o.WU)(l),[l,d]);return(0,a.jsx)(s.ZP,{className:c()(t),value:u,language:n,onChange:r,theme:"vs-dark",options:{minimap:{enabled:!1},wordWrap:"on"}})}s._m.config({monaco:n})},30119:function(e,t,l){"use strict";l.d(t,{Tk:function(){return i},PR:function(){return o}});var a=l(2453),n=l(6154),s=l(83454);let r=n.Z.create({baseURL:s.env.API_BASE_URL});r.defaults.timeout=1e4,r.interceptors.response.use(e=>e.data,e=>Promise.reject(e)),l(96486);let c={"content-type":"application/json"},i=(e,t)=>{if(t){let l=Object.keys(t).filter(e=>void 0!==t[e]&&""!==t[e]).map(e=>"".concat(e,"=").concat(t[e])).join("&");l&&(e+="?".concat(l))}return r.get("/api"+e,{headers:c}).then(e=>e).catch(e=>{a.ZP.error(e),Promise.reject(e)})},o=(e,t)=>r.post(e,t,{headers:c}).then(e=>e).catch(e=>{a.ZP.error(e),Promise.reject(e)})},23293:function(){}}]); \ No newline at end of file diff --git a/pilot/server/static/_next/static/chunks/355a6ca7.6a7668307202b4ab.js b/pilot/server/static/_next/static/chunks/355a6ca7.6a7668307202b4ab.js deleted file mode 100644 index 52e2a27e6..000000000 --- a/pilot/server/static/_next/static/chunks/355a6ca7.6a7668307202b4ab.js +++ /dev/null @@ -1 +0,0 @@ -"use strict";(self.webpackChunk_N_E=self.webpackChunk_N_E||[]).push([[34],{4559:function(t,e,n){n.d(e,{$6:function(){return j},$p:function(){return nK},Aw:function(){return rE},Cd:function(){return rQ},Cm:function(){return I},Dk:function(){return H},E9:function(){return tW},Ee:function(){return r5},F6:function(){return tC},G$:function(){return na},G0:function(){return nL},GL:function(){return U},GZ:function(){return rG},I8:function(){return tw},L1:function(){return nQ},N1:function(){return nx},NB:function(){return rb},O4:function(){return tL},Oi:function(){return nz},Pj:function(){return r1},R:function(){return eR},RV:function(){return rX},Rr:function(){return X},Rx:function(){return ex},UL:function(){return r7},V1:function(){return t$},Vl:function(){return tI},Xz:function(){return iv},YR:function(){return e9},ZA:function(){return r2},_O:function(){return tO},aH:function(){return r6},b_:function(){return r0},bn:function(){return M},gz:function(){return eK},h0:function(){return Y},iM:function(){return A},jU:function(){return nj},jd:function(){return rw},jf:function(){return tK},k9:function(){return r3},lu:function(){return eO},mN:function(){return tX},mg:function(){return r8},o6:function(){return eb},qA:function(){return eA},s$:function(){return rJ},ux:function(){return r$},x1:function(){return r4},xA:function(){return rv},xv:function(){return it},y$:function(){return r9}});var r,i,o,a,s,l,c,u,h,p,f,d,v,y,g,m,E,x,b,T,P,S,N,C,w,M,k,R,A,O,L,I,D,G,_,F,B,U,Z,V,Y,X,H,j,W=n(97582),z=n(54146),K=n(77160),q=n(85975),J=n(35600),$=n(98333),Q=n(32945),tt=n(31437),te=n(68797),tn=n(6393),tr=n(37377),ti=n(4663),to=n(53984),ta=n(72888),ts=n(58133),tl=n(26380),tc=n(76703),tu=n(25995),th=n(28024),tp=n(75066),tf=n(10353),td=n(49958),tv=n(49908),ty=n(8699),tg=n(88154),tm=n(63725),tE=n(72614),tx=n(36522),tb=n(80431),tT=n(33439),tP=n(73743),tS=("undefined"!=typeof globalThis?globalThis:"undefined"!=typeof window?window:void 0!==n.g?n.g:"undefined"!=typeof self&&self,{exports:{}});tS.exports=function(){function t(t,e,n){var r=t[e];t[e]=t[n],t[n]=r}function e(t,e){return te?1:0}var n=function(t){void 0===t&&(t=9),this._maxEntries=Math.max(4,t),this._minEntries=Math.max(2,Math.ceil(.4*this._maxEntries)),this.clear()};function r(t,e){i(t,0,t.children.length,e,t)}function i(t,e,n,r,i){i||(i=p(null)),i.minX=1/0,i.minY=1/0,i.maxX=-1/0,i.maxY=-1/0;for(var a=e;a=t.minX&&e.maxY>=t.minY}function p(t){return{children:t,height:1,leaf:!0,minX:1/0,minY:1/0,maxX:-1/0,maxY:-1/0}}function f(n,r,i,o,a){for(var s=[r,i];s.length;)if(i=s.pop(),r=s.pop(),!(i-r<=o)){var l=r+Math.ceil((i-r)/o/2)*o;(function e(n,r,i,o,a){for(;o>i;){if(o-i>600){var s=o-i+1,l=r-i+1,c=Math.log(s),u=.5*Math.exp(2*c/3),h=.5*Math.sqrt(c*u*(s-u)/s)*(l-s/2<0?-1:1),p=Math.max(i,Math.floor(r-l*u/s+h)),f=Math.min(o,Math.floor(r+(s-l)*u/s+h));e(n,r,p,f,a)}var d=n[r],v=i,y=o;for(t(n,i,r),a(n[o],d)>0&&t(n,i,o);va(n[v],d);)v++;for(;a(n[y],d)>0;)y--}0===a(n[i],d)?t(n,i,y):t(n,++y,o),y<=r&&(i=y+1),r<=y&&(o=y-1)}})(n,l,r||0,i||n.length-1,a||e),s.push(r,l,l,i)}}return n.prototype.all=function(){return this._all(this.data,[])},n.prototype.search=function(t){var e=this.data,n=[];if(!h(t,e))return n;for(var r=this.toBBox,i=[];e;){for(var o=0;o=0;)if(i[e].children.length>this._maxEntries)this._split(i,e),e--;else break;this._adjustParentBBoxes(r,i,e)},n.prototype._split=function(t,e){var n=t[e],i=n.children.length,o=this._minEntries;this._chooseSplitAxis(n,o,i);var a=this._chooseSplitIndex(n,o,i),s=p(n.children.splice(a,n.children.length-a));s.height=n.height,s.leaf=n.leaf,r(n,this.toBBox),r(s,this.toBBox),e?t[e-1].children.push(s):this._splitRoot(n,s)},n.prototype._splitRoot=function(t,e){this.data=p([t,e]),this.data.height=t.height+1,this.data.leaf=!1,r(this.data,this.toBBox)},n.prototype._chooseSplitIndex=function(t,e,n){for(var r,o=1/0,a=1/0,s=e;s<=n-e;s++){var c=i(t,0,s,this.toBBox),u=i(t,s,n,this.toBBox),h=function(t,e){var n=Math.max(t.minX,e.minX),r=Math.max(t.minY,e.minY);return Math.max(0,Math.min(t.maxX,e.maxX)-n)*Math.max(0,Math.min(t.maxY,e.maxY)-r)}(c,u),p=l(c)+l(u);h=e;f--){var d=t.children[f];o(l,t.leaf?a(d):d),u+=c(l)}return u},n.prototype._adjustParentBBoxes=function(t,e,n){for(var r=n;r>=0;r--)o(e[r],t)},n.prototype._condense=function(t){for(var e=t.length-1,n=void 0;e>=0;e--)0===t[e].children.length?e>0?(n=t[e-1].children).splice(n.indexOf(t[e]),1):this.clear():r(t[e],this.toBBox)},n}();var tN=tS.exports;(r=M||(M={})).GROUP="g",r.CIRCLE="circle",r.ELLIPSE="ellipse",r.IMAGE="image",r.RECT="rect",r.LINE="line",r.POLYLINE="polyline",r.POLYGON="polygon",r.TEXT="text",r.PATH="path",r.HTML="html",r.MESH="mesh",(i=k||(k={}))[i.ZERO=0]="ZERO",i[i.NEGATIVE_ONE=1]="NEGATIVE_ONE";var tC=function(){function t(){this.plugins=[]}return t.prototype.addRenderingPlugin=function(t){this.plugins.push(t),this.context.renderingPlugins.push(t)},t.prototype.removeAllRenderingPlugins=function(){var t=this;this.plugins.forEach(function(e){var n=t.context.renderingPlugins.indexOf(e);n>=0&&t.context.renderingPlugins.splice(n,1)})},t}(),tw=function(){function t(t){this.clipSpaceNearZ=k.NEGATIVE_ONE,this.plugins=[],this.config=(0,W.pi)({enableDirtyCheck:!0,enableCulling:!1,enableAutoRendering:!0,enableDirtyRectangleRendering:!0,enableDirtyRectangleRenderingDebug:!1},t)}return t.prototype.registerPlugin=function(t){-1===this.plugins.findIndex(function(e){return e===t})&&this.plugins.push(t)},t.prototype.unregisterPlugin=function(t){var e=this.plugins.findIndex(function(e){return e===t});e>-1&&this.plugins.splice(e,1)},t.prototype.getPlugins=function(){return this.plugins},t.prototype.getPlugin=function(t){return this.plugins.find(function(e){return e.name===t})},t.prototype.getConfig=function(){return this.config},t.prototype.setConfig=function(t){Object.assign(this.config,t)},t}();function tM(t,e){return t[0]=e[0],t[1]=e[1],t[2]=e[2],t}function tk(t,e,n){return t[0]=e[0]-n[0],t[1]=e[1]-n[1],t[2]=e[2]-n[2],t}function tR(t,e,n){return t[0]=e[0]+n[0],t[1]=e[1]+n[1],t[2]=e[2]+n[2],t}function tA(t,e,n){return t[0]=e[0]*n,t[1]=e[1]*n,t[2]=e[2]*n,t}function tO(t){return void 0===t?0:t>360||t<-360?t%360:t}function tL(t,e,n){return(void 0===e&&(e=0),void 0===n&&(n=0),Array.isArray(t)&&3===t.length)?K.d9(t):(0,te.Z)(t)?K.al(t,e,n):K.al(t[0],t[1]||e,t[2]||n)}function tI(t){return t*(Math.PI/180)}function tD(t){return t*(180/Math.PI)}function tG(t,e){var n,r,i,o,a,s,l,c,u,h,p,f,d,v,y,g,m;return 16===e.length?(i=.5*Math.PI,a=(o=(0,W.CR)(q.getScaling(K.Ue(),e),3))[0],s=o[1],l=o[2],(c=Math.asin(-e[2]/a))-i?(n=Math.atan2(e[6]/s,e[10]/l),r=Math.atan2(e[1]/a,e[0]/a)):(r=0,n=-Math.atan2(e[4]/s,e[5]/s)):(r=0,n=Math.atan2(e[4]/s,e[5]/s)),t[0]=n,t[1]=c,t[2]=r,t):(u=e[0],h=e[1],p=e[2],f=e[3],g=u*u+(d=h*h)+(v=p*p)+(y=f*f),(m=u*f-h*p)>.499995*g?(t[0]=Math.PI/2,t[1]=2*Math.atan2(h,u),t[2]=0):m<-.499995*g?(t[0]=-Math.PI/2,t[1]=2*Math.atan2(h,u),t[2]=0):(t[0]=Math.asin(2*(u*p-f*h)),t[1]=Math.atan2(2*(u*f+h*p),1-2*(v+y)),t[2]=Math.atan2(2*(u*h+p*f),1-2*(d+v))),t)}function t_(t){var e=t[0],n=t[1],r=t[3],i=t[4],o=Math.sqrt(e*e+n*n),a=Math.sqrt(r*r+i*i);e*i-n*r<0&&(eh&&(h=N),Cf&&(f=w),Mv&&(v=k),n[0]=(u+h)*.5,n[1]=(p+f)*.5,n[2]=(d+v)*.5,a[0]=(h-u)*.5,a[1]=(f-p)*.5,a[2]=(v-d)*.5,this.min[0]=u,this.min[1]=p,this.min[2]=d,this.max[0]=h,this.max[1]=f,this.max[2]=v}},t.prototype.setFromTransformedAABB=function(t,e){var n=this.center,r=this.halfExtents,i=t.center,o=t.halfExtents,a=e[0],s=e[4],l=e[8],c=e[1],u=e[5],h=e[9],p=e[2],f=e[6],d=e[10],v=Math.abs(a),y=Math.abs(s),g=Math.abs(l),m=Math.abs(c),E=Math.abs(u),x=Math.abs(h),b=Math.abs(p),T=Math.abs(f),P=Math.abs(d);n[0]=e[12]+a*i[0]+s*i[1]+l*i[2],n[1]=e[13]+c*i[0]+u*i[1]+h*i[2],n[2]=e[14]+p*i[0]+f*i[1]+d*i[2],r[0]=v*o[0]+y*o[1]+g*o[2],r[1]=m*o[0]+E*o[1]+x*o[2],r[2]=b*o[0]+T*o[1]+P*o[2],tk(this.min,n,r),tR(this.max,n,r)},t.prototype.intersects=function(t){var e=this.getMax(),n=this.getMin(),r=t.getMax(),i=t.getMin();return n[0]<=r[0]&&e[0]>=i[0]&&n[1]<=r[1]&&e[1]>=i[1]&&n[2]<=r[2]&&e[2]>=i[2]},t.prototype.intersection=function(e){if(!this.intersects(e))return null;var n,r,i,o,a,s,l=new t,c=(n=[0,0,0],r=this.getMin(),i=e.getMin(),n[0]=Math.max(r[0],i[0]),n[1]=Math.max(r[1],i[1]),n[2]=Math.max(r[2],i[2]),n),u=(o=[0,0,0],a=this.getMax(),s=e.getMax(),o[0]=Math.min(a[0],s[0]),o[1]=Math.min(a[1],s[1]),o[2]=Math.min(a[2],s[2]),o);return l.setMinMax(c,u),l},t.prototype.getNegativeFarPoint=function(t){if(273===t.pnVertexFlag)return tM([0,0,0],this.min);if(272===t.pnVertexFlag)return[this.min[0],this.min[1],this.max[2]];if(257===t.pnVertexFlag)return[this.min[0],this.max[1],this.min[2]];if(256===t.pnVertexFlag)return[this.min[0],this.max[1],this.max[2]];if(17===t.pnVertexFlag)return[this.max[0],this.min[1],this.min[2]];if(16===t.pnVertexFlag)return[this.max[0],this.min[1],this.max[2]];if(1===t.pnVertexFlag)return[this.max[0],this.max[1],this.min[2]];else return[this.max[0],this.max[1],this.max[2]]},t.prototype.getPositiveFarPoint=function(t){if(273===t.pnVertexFlag)return tM([0,0,0],this.max);if(272===t.pnVertexFlag)return[this.max[0],this.max[1],this.min[2]];if(257===t.pnVertexFlag)return[this.max[0],this.min[1],this.max[2]];if(256===t.pnVertexFlag)return[this.max[0],this.min[1],this.min[2]];if(17===t.pnVertexFlag)return[this.min[0],this.max[1],this.max[2]];if(16===t.pnVertexFlag)return[this.min[0],this.max[1],this.min[2]];if(1===t.pnVertexFlag)return[this.min[0],this.min[1],this.max[2]];else return[this.min[0],this.min[1],this.min[2]]},t}(),tH=function(){function t(t,e){this.distance=t||0,this.normal=e||K.al(0,1,0),this.updatePNVertexFlag()}return t.prototype.updatePNVertexFlag=function(){this.pnVertexFlag=(Number(this.normal[0]>=0)<<8)+(Number(this.normal[1]>=0)<<4)+Number(this.normal[2]>=0)},t.prototype.distanceToPoint=function(t){return K.AK(t,this.normal)-this.distance},t.prototype.normalize=function(){var t=1/K.Zh(this.normal);K.bA(this.normal,this.normal,t),this.distance*=t},t.prototype.intersectsLine=function(t,e,n){var r=this.distanceToPoint(t),i=r/(r-this.distanceToPoint(e)),o=i>=0&&i<=1;return o&&n&&K.t7(n,t,e,i),o},t}();(o=R||(R={}))[o.OUTSIDE=4294967295]="OUTSIDE",o[o.INSIDE=0]="INSIDE",o[o.INDETERMINATE=2147483647]="INDETERMINATE";var tj=function(){function t(t){if(this.planes=[],t)this.planes=t;else for(var e=0;e<6;e++)this.planes.push(new tH)}return t.prototype.extractFromVPMatrix=function(t){var e=(0,W.CR)(t,16),n=e[0],r=e[1],i=e[2],o=e[3],a=e[4],s=e[5],l=e[6],c=e[7],u=e[8],h=e[9],p=e[10],f=e[11],d=e[12],v=e[13],y=e[14],g=e[15];K.t8(this.planes[0].normal,o-n,c-a,f-u),this.planes[0].distance=g-d,K.t8(this.planes[1].normal,o+n,c+a,f+u),this.planes[1].distance=g+d,K.t8(this.planes[2].normal,o+r,c+s,f+h),this.planes[2].distance=g+v,K.t8(this.planes[3].normal,o-r,c-s,f-h),this.planes[3].distance=g-v,K.t8(this.planes[4].normal,o-i,c-l,f-p),this.planes[4].distance=g-y,K.t8(this.planes[5].normal,o+i,c+l,f+p),this.planes[5].distance=g+y,this.planes.forEach(function(t){t.normalize(),t.updatePNVertexFlag()})},t}(),tW=function(){function t(t,e){void 0===t&&(t=0),void 0===e&&(e=0),this.x=0,this.y=0,this.x=t,this.y=e}return t.prototype.clone=function(){return new t(this.x,this.y)},t.prototype.copyFrom=function(t){this.x=t.x,this.y=t.y},t}(),tz=function(){function t(t,e,n,r){this.x=t,this.y=e,this.width=n,this.height=r,this.left=t,this.right=t+n,this.top=e,this.bottom=e+r}return t.prototype.toJSON=function(){},t}(),tK="Method not implemented.",tq="Use document.documentElement instead.";(a=A||(A={}))[a.ORBITING=0]="ORBITING",a[a.EXPLORING=1]="EXPLORING",a[a.TRACKING=2]="TRACKING",(s=O||(O={}))[s.DEFAULT=0]="DEFAULT",s[s.ROTATIONAL=1]="ROTATIONAL",s[s.TRANSLATIONAL=2]="TRANSLATIONAL",s[s.CINEMATIC=3]="CINEMATIC",(l=L||(L={}))[l.ORTHOGRAPHIC=0]="ORTHOGRAPHIC",l[l.PERSPECTIVE=1]="PERSPECTIVE";var tJ={UPDATED:"updated"},t$=function(){function t(){this.clipSpaceNearZ=k.NEGATIVE_ONE,this.eventEmitter=new z.Z,this.matrix=q.create(),this.right=K.al(1,0,0),this.up=K.al(0,1,0),this.forward=K.al(0,0,1),this.position=K.al(0,0,1),this.focalPoint=K.al(0,0,0),this.distanceVector=K.al(0,0,-1),this.distance=1,this.azimuth=0,this.elevation=0,this.roll=0,this.relAzimuth=0,this.relElevation=0,this.relRoll=0,this.dollyingStep=0,this.maxDistance=1/0,this.minDistance=-1/0,this.zoom=1,this.rotateWorld=!1,this.fov=30,this.near=.1,this.far=1e3,this.aspect=1,this.projectionMatrix=q.create(),this.projectionMatrixInverse=q.create(),this.jitteredProjectionMatrix=void 0,this.enableUpdate=!0,this.type=A.EXPLORING,this.trackingMode=O.DEFAULT,this.projectionMode=L.PERSPECTIVE,this.frustum=new tj,this.orthoMatrix=q.create()}return t.prototype.isOrtho=function(){return this.projectionMode===L.ORTHOGRAPHIC},t.prototype.getProjectionMode=function(){return this.projectionMode},t.prototype.getPerspective=function(){return this.jitteredProjectionMatrix||this.projectionMatrix},t.prototype.getPerspectiveInverse=function(){return this.projectionMatrixInverse},t.prototype.getFrustum=function(){return this.frustum},t.prototype.getPosition=function(){return this.position},t.prototype.getFocalPoint=function(){return this.focalPoint},t.prototype.getDollyingStep=function(){return this.dollyingStep},t.prototype.getNear=function(){return this.near},t.prototype.getFar=function(){return this.far},t.prototype.getZoom=function(){return this.zoom},t.prototype.getOrthoMatrix=function(){return this.orthoMatrix},t.prototype.getView=function(){return this.view},t.prototype.setEnableUpdate=function(t){this.enableUpdate=t},t.prototype.setType=function(t,e){return this.type=t,this.type===A.EXPLORING?this.setWorldRotation(!0):this.setWorldRotation(!1),this._getAngles(),this.type===A.TRACKING&&void 0!==e&&this.setTrackingMode(e),this},t.prototype.setProjectionMode=function(t){return this.projectionMode=t,this},t.prototype.setTrackingMode=function(t){if(this.type!==A.TRACKING)throw Error("Impossible to set a tracking mode if the camera is not of tracking type");return this.trackingMode=t,this},t.prototype.setWorldRotation=function(t){return this.rotateWorld=t,this._getAngles(),this},t.prototype.getViewTransform=function(){return q.invert(q.create(),this.matrix)},t.prototype.getWorldTransform=function(){return this.matrix},t.prototype.jitterProjectionMatrix=function(t,e){var n=q.fromTranslation(q.create(),[t,e,0]);this.jitteredProjectionMatrix=q.multiply(q.create(),n,this.projectionMatrix)},t.prototype.clearJitterProjectionMatrix=function(){this.jitteredProjectionMatrix=void 0},t.prototype.setMatrix=function(t){return this.matrix=t,this._update(),this},t.prototype.setFov=function(t){return this.setPerspective(this.near,this.far,t,this.aspect),this},t.prototype.setAspect=function(t){return this.setPerspective(this.near,this.far,this.fov,t),this},t.prototype.setNear=function(t){return this.projectionMode===L.PERSPECTIVE?this.setPerspective(t,this.far,this.fov,this.aspect):this.setOrthographic(this.left,this.rright,this.top,this.bottom,t,this.far),this},t.prototype.setFar=function(t){return this.projectionMode===L.PERSPECTIVE?this.setPerspective(this.near,t,this.fov,this.aspect):this.setOrthographic(this.left,this.rright,this.top,this.bottom,this.near,t),this},t.prototype.setViewOffset=function(t,e,n,r,i,o){return this.aspect=t/e,void 0===this.view&&(this.view={enabled:!0,fullWidth:1,fullHeight:1,offsetX:0,offsetY:0,width:1,height:1}),this.view.enabled=!0,this.view.fullWidth=t,this.view.fullHeight=e,this.view.offsetX=n,this.view.offsetY=r,this.view.width=i,this.view.height=o,this.projectionMode===L.PERSPECTIVE?this.setPerspective(this.near,this.far,this.fov,this.aspect):this.setOrthographic(this.left,this.rright,this.top,this.bottom,this.near,this.far),this},t.prototype.clearViewOffset=function(){return void 0!==this.view&&(this.view.enabled=!1),this.projectionMode===L.PERSPECTIVE?this.setPerspective(this.near,this.far,this.fov,this.aspect):this.setOrthographic(this.left,this.rright,this.top,this.bottom,this.near,this.far),this},t.prototype.setZoom=function(t){return this.zoom=t,this.projectionMode===L.ORTHOGRAPHIC?this.setOrthographic(this.left,this.rright,this.top,this.bottom,this.near,this.far):this.projectionMode===L.PERSPECTIVE&&this.setPerspective(this.near,this.far,this.fov,this.aspect),this},t.prototype.setZoomByViewportPoint=function(t,e){var n=this.canvas.viewport2Canvas({x:e[0],y:e[1]}),r=n.x,i=n.y,o=this.roll;this.rotate(0,0,-o),this.setPosition(r,i),this.setFocalPoint(r,i),this.setZoom(t),this.rotate(0,0,o);var a=this.canvas.viewport2Canvas({x:e[0],y:e[1]}),s=a.x,l=a.y,c=K.al(s-r,l-i,0),u=K.AK(c,this.right)/K.kE(this.right),h=K.AK(c,this.up)/K.kE(this.up);return this.pan(-u,-h),this},t.prototype.setPerspective=function(t,e,n,r){this.projectionMode=L.PERSPECTIVE,this.fov=n,this.near=t,this.far=e,this.aspect=r;var i,o,a,s,l,c,u,h,p,f=this.near*Math.tan(tI(.5*this.fov))/this.zoom,d=2*f,v=this.aspect*d,y=-.5*v;if(null===(p=this.view)||void 0===p?void 0:p.enabled){var g=this.view.fullWidth,m=this.view.fullHeight;y+=this.view.offsetX*v/g,f-=this.view.offsetY*d/m,v*=this.view.width/g,d*=this.view.height/m}return i=this.projectionMatrix,o=y,a=y+v,s=f,l=f-d,c=this.far,this.clipSpaceNearZ===k.ZERO?(u=-c/(c-t),h=-c*t/(c-t)):(u=-(c+t)/(c-t),h=-2*c*t/(c-t)),i[0]=2*t/(a-o),i[1]=0,i[2]=0,i[3]=0,i[4]=0,i[5]=2*t/(s-l),i[6]=0,i[7]=0,i[8]=(a+o)/(a-o),i[9]=(s+l)/(s-l),i[10]=u,i[11]=-1,i[12]=0,i[13]=0,i[14]=h,i[15]=0,q.scale(this.projectionMatrix,this.projectionMatrix,K.al(1,-1,1)),q.invert(this.projectionMatrixInverse,this.projectionMatrix),this.triggerUpdate(),this},t.prototype.setOrthographic=function(t,e,n,r,i,o){this.projectionMode=L.ORTHOGRAPHIC,this.rright=e,this.left=t,this.top=n,this.bottom=r,this.near=i,this.far=o;var a,s=(this.rright-this.left)/(2*this.zoom),l=(this.top-this.bottom)/(2*this.zoom),c=(this.rright+this.left)/2,u=(this.top+this.bottom)/2,h=c-s,p=c+s,f=u+l,d=u-l;if(null===(a=this.view)||void 0===a?void 0:a.enabled){var v=(this.rright-this.left)/this.view.fullWidth/this.zoom,y=(this.top-this.bottom)/this.view.fullHeight/this.zoom;h+=v*this.view.offsetX,p=h+v*this.view.width,f-=y*this.view.offsetY,d=f-y*this.view.height}return this.clipSpaceNearZ===k.NEGATIVE_ONE?q.ortho(this.projectionMatrix,h,p,d,f,i,o):q.orthoZO(this.projectionMatrix,h,p,d,f,i,o),q.scale(this.projectionMatrix,this.projectionMatrix,K.al(1,-1,1)),q.invert(this.projectionMatrixInverse,this.projectionMatrix),this._getOrthoMatrix(),this.triggerUpdate(),this},t.prototype.setPosition=function(t,e,n){void 0===e&&(e=this.position[1]),void 0===n&&(n=this.position[2]);var r=tL(t,e,n);return this._setPosition(r),this.setFocalPoint(this.focalPoint),this.triggerUpdate(),this},t.prototype.setFocalPoint=function(t,e,n){void 0===e&&(e=this.focalPoint[1]),void 0===n&&(n=this.focalPoint[2]);var r=K.al(0,1,0);if(this.focalPoint=tL(t,e,n),this.trackingMode===O.CINEMATIC){var i=K.$X(K.Ue(),this.focalPoint,this.position);t=i[0],e=i[1],n=i[2];var o=tD(Math.asin(e/K.kE(i))),a=90+tD(Math.atan2(n,t)),s=q.create();q.rotateY(s,s,tI(a)),q.rotateX(s,s,tI(o)),r=K.fF(K.Ue(),[0,1,0],s)}return q.invert(this.matrix,q.lookAt(q.create(),this.position,this.focalPoint,r)),this._getAxes(),this._getDistance(),this._getAngles(),this.triggerUpdate(),this},t.prototype.getDistance=function(){return this.distance},t.prototype.getDistanceVector=function(){return this.distanceVector},t.prototype.setDistance=function(t){if(this.distance===t||t<0)return this;this.distance=t,this.distance<2e-4&&(this.distance=2e-4),this.dollyingStep=this.distance/100;var e=K.Ue();t=this.distance;var n=this.forward,r=this.focalPoint;return e[0]=t*n[0]+r[0],e[1]=t*n[1]+r[1],e[2]=t*n[2]+r[2],this._setPosition(e),this.triggerUpdate(),this},t.prototype.setMaxDistance=function(t){return this.maxDistance=t,this},t.prototype.setMinDistance=function(t){return this.minDistance=t,this},t.prototype.setAzimuth=function(t){return this.azimuth=tO(t),this.computeMatrix(),this._getAxes(),this.type===A.ORBITING||this.type===A.EXPLORING?this._getPosition():this.type===A.TRACKING&&this._getFocalPoint(),this.triggerUpdate(),this},t.prototype.getAzimuth=function(){return this.azimuth},t.prototype.setElevation=function(t){return this.elevation=tO(t),this.computeMatrix(),this._getAxes(),this.type===A.ORBITING||this.type===A.EXPLORING?this._getPosition():this.type===A.TRACKING&&this._getFocalPoint(),this.triggerUpdate(),this},t.prototype.getElevation=function(){return this.elevation},t.prototype.setRoll=function(t){return this.roll=tO(t),this.computeMatrix(),this._getAxes(),this.type===A.ORBITING||this.type===A.EXPLORING?this._getPosition():this.type===A.TRACKING&&this._getFocalPoint(),this.triggerUpdate(),this},t.prototype.getRoll=function(){return this.roll},t.prototype._update=function(){this._getAxes(),this._getPosition(),this._getDistance(),this._getAngles(),this._getOrthoMatrix(),this.triggerUpdate()},t.prototype.computeMatrix=function(){var t=Q.yY(Q.Ue(),[0,0,1],tI(this.roll));q.identity(this.matrix);var e=Q.yY(Q.Ue(),[1,0,0],tI((this.rotateWorld&&this.type!==A.TRACKING||this.type===A.TRACKING?1:-1)*this.elevation)),n=Q.yY(Q.Ue(),[0,1,0],tI((this.rotateWorld&&this.type!==A.TRACKING||this.type===A.TRACKING?1:-1)*this.azimuth)),r=Q.Jp(Q.Ue(),n,e);r=Q.Jp(Q.Ue(),r,t);var i=q.fromQuat(q.create(),r);this.type===A.ORBITING||this.type===A.EXPLORING?(q.translate(this.matrix,this.matrix,this.focalPoint),q.multiply(this.matrix,this.matrix,i),q.translate(this.matrix,this.matrix,[0,0,this.distance])):this.type===A.TRACKING&&(q.translate(this.matrix,this.matrix,this.position),q.multiply(this.matrix,this.matrix,i))},t.prototype._setPosition=function(t,e,n){this.position=tL(t,e,n);var r=this.matrix;r[12]=this.position[0],r[13]=this.position[1],r[14]=this.position[2],r[15]=1,this._getOrthoMatrix()},t.prototype._getAxes=function(){K.JG(this.right,tL($.fF($.Ue(),[1,0,0,0],this.matrix))),K.JG(this.up,tL($.fF($.Ue(),[0,1,0,0],this.matrix))),K.JG(this.forward,tL($.fF($.Ue(),[0,0,1,0],this.matrix))),K.Fv(this.right,this.right),K.Fv(this.up,this.up),K.Fv(this.forward,this.forward)},t.prototype._getAngles=function(){var t=this.distanceVector[0],e=this.distanceVector[1],n=this.distanceVector[2],r=K.kE(this.distanceVector);if(0===r){this.elevation=0,this.azimuth=0;return}this.type===A.TRACKING?(this.elevation=tD(Math.asin(e/r)),this.azimuth=tD(Math.atan2(-t,-n))):this.rotateWorld?(this.elevation=tD(Math.asin(e/r)),this.azimuth=tD(Math.atan2(-t,-n))):(this.elevation=-tD(Math.asin(e/r)),this.azimuth=-tD(Math.atan2(-t,-n)))},t.prototype._getPosition=function(){K.JG(this.position,tL($.fF($.Ue(),[0,0,0,1],this.matrix))),this._getDistance()},t.prototype._getFocalPoint=function(){K.kK(this.distanceVector,[0,0,-this.distance],J.xO(J.Ue(),this.matrix)),K.IH(this.focalPoint,this.position,this.distanceVector),this._getDistance()},t.prototype._getDistance=function(){this.distanceVector=K.$X(K.Ue(),this.focalPoint,this.position),this.distance=K.kE(this.distanceVector),this.dollyingStep=this.distance/100},t.prototype._getOrthoMatrix=function(){if(this.projectionMode===L.ORTHOGRAPHIC){var t=this.position,e=Q.yY(Q.Ue(),[0,0,1],-this.roll*Math.PI/180);q.fromRotationTranslationScaleOrigin(this.orthoMatrix,e,K.al((this.rright-this.left)/2-t[0],(this.top-this.bottom)/2-t[1],0),K.al(this.zoom,this.zoom,1),t)}},t.prototype.triggerUpdate=function(){if(this.enableUpdate){var t=this.getViewTransform(),e=q.multiply(q.create(),this.getPerspective(),t);this.getFrustum().extractFromVPMatrix(e),this.eventEmitter.emit(tJ.UPDATED)}},t.prototype.rotate=function(t,e,n){throw Error(tK)},t.prototype.pan=function(t,e){throw Error(tK)},t.prototype.dolly=function(t){throw Error(tK)},t.prototype.createLandmark=function(t,e){throw Error(tK)},t.prototype.gotoLandmark=function(t,e){throw Error(tK)},t.prototype.cancelLandmarkAnimation=function(){throw Error(tK)},t}();function tQ(t,e){if("function"!=typeof t||null!=e&&"function"!=typeof e)throw TypeError("Expected a function");var n=function(){for(var r=[],i=0;i=I.kEms&&t=B.kUnitType&&this.getType()<=B.kClampType},t}(),t9=function(t){function e(e){var n=t.call(this)||this;return n.colorSpace=e,n}return(0,W.ZT)(e,t),e.prototype.getType=function(){return B.kColorType},e.prototype.to=function(t){return this},e}(t4);(v=U||(U={}))[v.Constant=0]="Constant",v[v.LinearGradient=1]="LinearGradient",v[v.RadialGradient=2]="RadialGradient";var t8=function(t){function e(e,n){var r=t.call(this)||this;return r.type=e,r.value=n,r}return(0,W.ZT)(e,t),e.prototype.clone=function(){return new e(this.type,this.value)},e.prototype.buildCSSText=function(t,e,n){return n},e.prototype.getType=function(){return B.kColorType},e}(t4),t6=function(t){function e(e){var n=t.call(this)||this;return n.value=e,n}return(0,W.ZT)(e,t),e.prototype.clone=function(){return new e(this.value)},e.prototype.getType=function(){return B.kKeywordType},e.prototype.buildCSSText=function(t,e,n){return n+this.value},e}(t4),t7=tQ(function(t){return void 0===t&&(t=""),t.replace(/-([a-z])/g,function(t){return t[1].toUpperCase()})}),et=function(t){return t.split("").map(function(t,e){return t.toUpperCase()===t?"".concat(0!==e?"-":"").concat(t.toLowerCase()):t}).join("")};function ee(t){return"function"==typeof t}var en={d:{alias:"path"},strokeDasharray:{alias:"lineDash"},strokeWidth:{alias:"lineWidth"},textAnchor:{alias:"textAlign"},src:{alias:"img"}},er=tQ(function(t){var e=t7(t),n=en[e];return(null==n?void 0:n.alias)||e}),ei=function(t,e){void 0===e&&(e="");var n="";return Number.isFinite(t)?(function(t){if(!t)throw Error()}(Number.isNaN(t)),n="NaN"):n=t>0?"infinity":"-infinity",n+e},eo=function(t){return t2(t1(t))},ea=function(t){function e(e,n){void 0===n&&(n=I.kNumber);var r,i,o=t.call(this)||this;return i="string"==typeof n?(r=n)?"number"===r?I.kNumber:"percent"===r||"%"===r?I.kPercentage:t0.find(function(t){return t.name===r}).unit_type:I.kUnknown:n,o.unit=i,o.value=e,o}return(0,W.ZT)(e,t),e.prototype.clone=function(){return new e(this.value,this.unit)},e.prototype.equals=function(t){return this.value===t.value&&this.unit===t.unit},e.prototype.getType=function(){return B.kUnitType},e.prototype.convertTo=function(t){if(this.unit===t)return new e(this.value,this.unit);var n=eo(this.unit);if(n!==eo(t)||n===I.kUnknown)return null;var r=t3(this.unit)/t3(t);return new e(this.value*r,t)},e.prototype.buildCSSText=function(t,e,n){var r;switch(this.unit){case I.kUnknown:break;case I.kInteger:r=Number(this.value).toFixed(0);break;case I.kNumber:case I.kPercentage:case I.kEms:case I.kRems:case I.kPixels:case I.kDegrees:case I.kRadians:case I.kGradians:case I.kMilliseconds:case I.kSeconds:case I.kTurns:var i=this.value,o=t5(this.unit);if(i<-999999||i>999999){var a=t5(this.unit);r=!Number.isFinite(i)||Number.isNaN(i)?ei(i,a):i+(a||"")}else r="".concat(i).concat(o)}return n+r},e}(t4),es=new ea(0,"px");new ea(1,"px");var el=new ea(0,"deg"),ec=function(t){function e(e,n,r,i,o){void 0===i&&(i=1),void 0===o&&(o=!1);var a=t.call(this,"rgb")||this;return a.r=e,a.g=n,a.b=r,a.alpha=i,a.isNone=o,a}return(0,W.ZT)(e,t),e.prototype.clone=function(){return new e(this.r,this.g,this.b,this.alpha)},e.prototype.buildCSSText=function(t,e,n){return n+"rgba(".concat(this.r,",").concat(this.g,",").concat(this.b,",").concat(this.alpha,")")},e}(t9),eu=new t6("unset"),eh={"":eu,unset:eu,initial:new t6("initial"),inherit:new t6("inherit")},ep=function(t){return eh[t]||(eh[t]=new t6(t)),eh[t]},ef=new ec(0,0,0,0,!0),ed=new ec(0,0,0,0),ev=tQ(function(t,e,n,r){return new ec(t,e,n,r)},function(t,e,n,r){return"rgba(".concat(t,",").concat(e,",").concat(n,",").concat(r,")")}),ey=function(t,e){return void 0===e&&(e=I.kNumber),new ea(t,e)},eg=new ea(50,"%");(y=Z||(Z={}))[y.Standard=0]="Standard",(g=V||(V={}))[g.ADDED=0]="ADDED",g[g.REMOVED=1]="REMOVED",g[g.Z_INDEX_CHANGED=2]="Z_INDEX_CHANGED";var em={absolutePath:[],hasArc:!1,segments:[],polygons:[],polylines:[],curve:null,totalLength:0,rect:new tz(0,0,0,0)};(m=Y||(Y={})).COORDINATE="",m.COLOR="",m.PAINT="",m.NUMBER="",m.ANGLE="",m.OPACITY_VALUE="",m.SHADOW_BLUR="",m.LENGTH="",m.PERCENTAGE="",m.LENGTH_PERCENTAGE=" | ",m.LENGTH_PERCENTAGE_12="[ | ]{1,2}",m.LENGTH_PERCENTAGE_14="[ | ]{1,4}",m.LIST_OF_POINTS="",m.PATH="",m.FILTER="",m.Z_INDEX="",m.OFFSET_DISTANCE="",m.DEFINED_PATH="",m.MARKER="",m.TRANSFORM="",m.TRANSFORM_ORIGIN="",m.TEXT="",m.TEXT_TRANSFORM="";var eE=function(){var t={linearGradient:/^(linear\-gradient)/i,repeatingLinearGradient:/^(repeating\-linear\-gradient)/i,radialGradient:/^(radial\-gradient)/i,repeatingRadialGradient:/^(repeating\-radial\-gradient)/i,conicGradient:/^(conic\-gradient)/i,sideOrCorner:/^to (left (top|bottom)|right (top|bottom)|top (left|right)|bottom (left|right)|left|right|top|bottom)/i,extentKeywords:/^(closest\-side|closest\-corner|farthest\-side|farthest\-corner|contain|cover)/,positionKeywords:/^(left|center|right|top|bottom)/i,pixelValue:/^(-?(([0-9]*\.[0-9]+)|([0-9]+\.?)))px/,percentageValue:/^(-?(([0-9]*\.[0-9]+)|([0-9]+\.?)))\%/,emValue:/^(-?(([0-9]*\.[0-9]+)|([0-9]+\.?)))em/,angleValue:/^(-?(([0-9]*\.[0-9]+)|([0-9]+\.?)))deg/,startCall:/^\(/,endCall:/^\)/,comma:/^,/,hexColor:/^\#([0-9a-fA-F]+)/,literalColor:/^([a-zA-Z]+)/,rgbColor:/^rgb/i,rgbaColor:/^rgba/i,number:/^(([0-9]*\.[0-9]+)|([0-9]+\.?))/},e="";function n(t){throw Error(e+": "+t)}function r(){return i("linear-gradient",t.linearGradient,a)||i("repeating-linear-gradient",t.repeatingLinearGradient,a)||i("radial-gradient",t.radialGradient,s)||i("repeating-radial-gradient",t.repeatingRadialGradient,s)||i("conic-gradient",t.conicGradient,s)}function i(e,r,i){return o(r,function(r){var o=i();return o&&!m(t.comma)&&n("Missing comma before color stops"),{type:e,orientation:o,colorStops:p(f)}})}function o(e,r){var i=m(e);if(i){m(t.startCall)||n("Missing (");var o=r(i);return m(t.endCall)||n("Missing )"),o}}function a(){return g("directional",t.sideOrCorner,1)||g("angular",t.angleValue,1)}function s(){var n,r,i=l();return i&&((n=[]).push(i),r=e,m(t.comma)&&((i=l())?n.push(i):e=r)),n}function l(){var t,e,n=((t=g("shape",/^(circle)/i,0))&&(t.style=y()||c()),t||((e=g("shape",/^(ellipse)/i,0))&&(e.style=v()||c()),e));if(n)n.at=u();else{var r=c();if(r){n=r;var i=u();i&&(n.at=i)}else{var o=h();o&&(n={type:"default-radial",at:o})}}return n}function c(){return g("extent-keyword",t.extentKeywords,1)}function u(){if(g("position",/^at/,0)){var t=h();return t||n("Missing positioning value"),t}}function h(){var t={x:v(),y:v()};if(t.x||t.y)return{type:"position",value:t}}function p(e){var r=e(),i=[];if(r)for(i.push(r);m(t.comma);)(r=e())?i.push(r):n("One extra comma");return i}function f(){var e=g("hex",t.hexColor,1)||o(t.rgbaColor,function(){return{type:"rgba",value:p(d)}})||o(t.rgbColor,function(){return{type:"rgb",value:p(d)}})||g("literal",t.literalColor,0);return e||n("Expected color definition"),e.length=v(),e}function d(){return m(t.number)[1]}function v(){return g("%",t.percentageValue,1)||g("position-keyword",t.positionKeywords,1)||y()}function y(){return g("px",t.pixelValue,1)||g("em",t.emValue,1)}function g(t,e,n){var r=m(e);if(r)return{type:t,value:r[n]}}function m(t){var n=/^[\n\r\t\s]+/.exec(e);n&&E(n[0].length);var r=t.exec(e);return r&&E(r[0].length),r}function E(t){e=e.substring(t)}return function(t){var i;return e=t,i=p(r),e.length>0&&n("Invalid input not EOF"),i}}();function ex(t,e,n){var r=tI(n.value),i=0+t/2,o=0+e/2,a=Math.abs(t*Math.cos(r))+Math.abs(e*Math.sin(r));return{x1:i-Math.cos(r)*a/2,y1:o-Math.sin(r)*a/2,x2:i+Math.cos(r)*a/2,y2:o+Math.sin(r)*a/2}}function eb(t,e,n,r,i){var o=n.value,a=r.value;n.unit===I.kPercentage&&(o=n.value/100*t),r.unit===I.kPercentage&&(a=r.value/100*e);var s=Math.max((0,tn.y)([0,0],[o,a]),(0,tn.y)([0,e],[o,a]),(0,tn.y)([t,e],[o,a]),(0,tn.y)([t,0],[o,a]));return i&&(i instanceof ea?s=i.value:i instanceof t6&&("closest-side"===i.value?s=Math.min(o,t-o,a,e-a):"farthest-side"===i.value?s=Math.max(o,t-o,a,e-a):"closest-corner"===i.value&&(s=Math.min((0,tn.y)([0,0],[o,a]),(0,tn.y)([0,e],[o,a]),(0,tn.y)([t,e],[o,a]),(0,tn.y)([t,0],[o,a]))))),{x:o,y:a,r:s}}var eT=/^l\s*\(\s*([\d.]+)\s*\)\s*(.*)/i,eP=/^r\s*\(\s*([\d.]+)\s*,\s*([\d.]+)\s*,\s*([\d.]+)\s*\)\s*(.*)/i,eS=/^p\s*\(\s*([axyn])\s*\)\s*(.*)/i,eN=/[\d.]+:(#[^\s]+|[^\)]+\))/gi,eC={left:180,top:-90,bottom:90,right:0,"left top":225,"top left":225,"left bottom":135,"bottom left":135,"right top":-45,"top right":-45,"right bottom":45,"bottom right":45},ew=tQ(function(t){return ey("angular"===t.type?Number(t.value):eC[t.value]||0,"deg")}),eM=tQ(function(t){var e=50,n=50,r="%",i="%";if((null==t?void 0:t.type)==="position"){var o=t.value,a=o.x,s=o.y;(null==a?void 0:a.type)==="position-keyword"&&("left"===a.value?e=0:"center"===a.value?e=50:"right"===a.value?e=100:"top"===a.value?n=0:"bottom"===a.value&&(n=100)),(null==s?void 0:s.type)==="position-keyword"&&("left"===s.value?e=0:"center"===s.value?n=50:"right"===s.value?e=100:"top"===s.value?n=0:"bottom"===s.value&&(n=100)),((null==a?void 0:a.type)==="px"||(null==a?void 0:a.type)==="%"||(null==a?void 0:a.type)==="em")&&(r=null==a?void 0:a.type,e=Number(a.value)),((null==s?void 0:s.type)==="px"||(null==s?void 0:s.type)==="%"||(null==s?void 0:s.type)==="em")&&(i=null==s?void 0:s.type,n=Number(s.value))}return{cx:ey(e,r),cy:ey(n,i)}}),ek=tQ(function(t){if(t.indexOf("linear")>-1||t.indexOf("radial")>-1){var e;return eE(t).map(function(t){var e=t.type,n=t.orientation,r=t.colorStops;!function(t){var e,n,r,i=t.length;t[i-1].length=null!==(e=t[i-1].length)&&void 0!==e?e:{type:"%",value:"100"},i>1&&(t[0].length=null!==(n=t[0].length)&&void 0!==n?n:{type:"%",value:"0"});for(var o=0,a=Number(t[0].length.value),s=1;s=0)return ey(Number(e),"px");if("deg".search(t)>=0)return ey(Number(e),"deg")}var n=[];e=e.replace(t,function(t){return n.push(t),"U"+t});var r="U("+t.source+")";return n.map(function(t){return ey(Number(e.replace(RegExp("U"+t,"g"),"").replace(RegExp(r,"g"),"*0")),t)})[0]}var eD=tQ(function(t){return eI(/px/g,t)});tQ(function(t){return eI(RegExp("%","g"),t)});var eG=function(t){return(0,te.Z)(t)||isFinite(Number(t))?ey(Number(t)||0,"px"):eI(RegExp("px|%|em|rem","g"),t)},e_=tQ(function(t){return eI(RegExp("deg|rad|grad|turn","g"),t)});function eF(t){var e=0;return t.unit===I.kDegrees?e=t.value:t.unit===I.kRadians?e=tD(Number(t.value)):t.unit===I.kTurns&&(e=360*Number(t.value)),e}function eB(t,e){var n;return(Array.isArray(t)?n=t.map(function(t){return Number(t)}):(0,ti.Z)(t)?n=t.split(" ").map(function(t){return Number(t)}):(0,te.Z)(t)&&(n=[t]),2===e)?1===n.length?[n[0],n[0]]:[n[0],n[1]]:1===n.length?[n[0],n[0],n[0],n[0]]:2===n.length?[n[0],n[1],n[0],n[1]]:3===n.length?[n[0],n[1],n[2],n[1]]:[n[0],n[1],n[2],n[3]]}function eU(t){return(0,ti.Z)(t)?t.split(" ").map(function(t){return eG(t)}):t.map(function(t){return eG(t.toString())})}function eZ(t,e,n){if(0===t.value)return 0;if(t.unit===I.kPixels)return Number(t.value);if(t.unit===I.kPercentage&&n){var r=n.nodeName===M.GROUP?n.getLocalBounds():n.geometry.contentBounds;return t.value/100*r.halfExtents[e]*2}return 0}var eV=["blur","brightness","drop-shadow","contrast","grayscale","sepia","saturate","hue-rotate","invert"];function eY(t){if(void 0===t&&(t=""),"none"===(t=t.toLowerCase().trim()))return[];for(var e,n=/\s*([\w-]+)\(([^)]*)\)/g,r=[],i=0;(e=n.exec(t))&&e.index===i;)if(i=e.index+e[0].length,eV.indexOf(e[1])>-1&&r.push({name:e[1],params:e[2].split(" ").map(function(t){return eI(/deg|rad|grad|turn|px|%/g,t)||eO(t)})}),n.lastIndex===t.length)return r;return[]}function eX(t){return t.toString()}var eH=tQ(function(t){return"number"==typeof t?ey(t):/^\s*[-+]?(\d*\.)?\d+\s*$/.test(t)?ey(Number(t)):ey(0)});function ej(t,e){return[t,e,eX]}function eW(t,e){return function(n,r){return[n,r,function(n){return eX((0,to.Z)(n,t,e))}]}}function ez(t,e){if(t.length===e.length)return[t,e,function(t){return t}]}function eK(t){return 0===t.parsedStyle.path.totalLength&&(t.parsedStyle.path.totalLength=(0,ta.D)(t.parsedStyle.path.absolutePath)),t.parsedStyle.path.totalLength}function eq(t,e){return t[0]===e[0]&&t[1]===e[1]}function eJ(t,e){var n=t.prePoint,r=t.currentPoint,i=t.nextPoint,o=Math.pow(r[0]-n[0],2)+Math.pow(r[1]-n[1],2),a=Math.pow(r[0]-i[0],2)+Math.pow(r[1]-i[1],2),s=Math.acos((o+a-(Math.pow(n[0]-i[0],2)+Math.pow(n[1]-i[1],2)))/(2*Math.sqrt(o)*Math.sqrt(a)));if(!s||0===Math.sin(s)||(0,tc.Z)(s,0))return{xExtra:0,yExtra:0};var l=Math.abs(Math.atan2(i[1]-r[1],i[0]-r[0])),c=Math.abs(Math.atan2(i[0]-r[0],i[1]-r[1]));return{xExtra:Math.cos(s/2-(l=l>Math.PI/2?Math.PI-l:l))*(e/2*(1/Math.sin(s/2)))-e/2||0,yExtra:Math.cos((c=c>Math.PI/2?Math.PI-c:c)-s/2)*(e/2*(1/Math.sin(s/2)))-e/2||0}}function e$(t,e){return[e[0]+(e[0]-t[0]),e[1]+(e[1]-t[1])]}tQ(function(t){return(0,ti.Z)(t)?t.split(" ").map(eH):t.map(eH)});var eQ=function(t,e){var n=t.x*e.x+t.y*e.y,r=Math.sqrt((Math.pow(t.x,2)+Math.pow(t.y,2))*(Math.pow(e.x,2)+Math.pow(e.y,2)));return(t.x*e.y-t.y*e.x<0?-1:1)*Math.acos(n/r)},e0=function(t,e,n,r,i,o,a,s){e=Math.abs(e),n=Math.abs(n);var l=tI(r=(0,tu.Z)(r,360));if(t.x===a.x&&t.y===a.y)return{x:t.x,y:t.y,ellipticalArcAngle:0};if(0===e||0===n)return{x:0,y:0,ellipticalArcAngle:0};var c=(t.x-a.x)/2,u=(t.y-a.y)/2,h={x:Math.cos(l)*c+Math.sin(l)*u,y:-Math.sin(l)*c+Math.cos(l)*u},p=Math.pow(h.x,2)/Math.pow(e,2)+Math.pow(h.y,2)/Math.pow(n,2);p>1&&(e=Math.sqrt(p)*e,n=Math.sqrt(p)*n);var f=(Math.pow(e,2)*Math.pow(n,2)-Math.pow(e,2)*Math.pow(h.y,2)-Math.pow(n,2)*Math.pow(h.x,2))/(Math.pow(e,2)*Math.pow(h.y,2)+Math.pow(n,2)*Math.pow(h.x,2)),d=(i!==o?1:-1)*Math.sqrt(f=f<0?0:f),v={x:d*(e*h.y/n),y:d*(-(n*h.x)/e)},y={x:Math.cos(l)*v.x-Math.sin(l)*v.y+(t.x+a.x)/2,y:Math.sin(l)*v.x+Math.cos(l)*v.y+(t.y+a.y)/2},g={x:(h.x-v.x)/e,y:(h.y-v.y)/n},m=eQ({x:1,y:0},g),E=eQ(g,{x:(-h.x-v.x)/e,y:(-h.y-v.y)/n});!o&&E>0?E-=2*Math.PI:o&&E<0&&(E+=2*Math.PI);var x=m+(E%=2*Math.PI)*s,b=e*Math.cos(x),T=n*Math.sin(x);return{x:Math.cos(l)*b-Math.sin(l)*T+y.x,y:Math.sin(l)*b+Math.cos(l)*T+y.y,ellipticalArcStartAngle:m,ellipticalArcEndAngle:m+E,ellipticalArcAngle:x,ellipticalArcCenter:y,resultantRx:e,resultantRy:n}};function e1(t,e,n){void 0===n&&(n=!0);var r=t.arcParams,i=r.rx,o=void 0===i?0:i,a=r.ry,s=void 0===a?0:a,l=r.xRotation,c=r.arcFlag,u=r.sweepFlag,h=e0({x:t.prePoint[0],y:t.prePoint[1]},o,s,l,!!c,!!u,{x:t.currentPoint[0],y:t.currentPoint[1]},e),p=e0({x:t.prePoint[0],y:t.prePoint[1]},o,s,l,!!c,!!u,{x:t.currentPoint[0],y:t.currentPoint[1]},n?e+.005:e-.005),f=p.x-h.x,d=p.y-h.y,v=Math.sqrt(f*f+d*d);return{x:-f/v,y:-d/v}}function e2(t){return Math.sqrt(t[0]*t[0]+t[1]*t[1])}function e3(t,e){return e2(t)*e2(e)?(t[0]*e[0]+t[1]*e[1])/(e2(t)*e2(e)):1}function e5(t,e){return(t[0]*e[1]0?1:-1,h=e>0?1:-1,p=u+h!==0?1:0;return[["M",u*a+n,r],["L",t-u*s+n,r],s?["A",s,s,0,0,p,t+n,h*s+r]:null,["L",t+n,e-h*l+r],l?["A",l,l,0,0,p,t+n-u*l,e+r]:null,["L",n+u*c,e+r],c?["A",c,c,0,0,p,n,e+r-h*c]:null,["L",n,h*a+r],a?["A",a,a,0,0,p,u*a+n,r]:null,["Z"]].filter(function(t){return t})}return[["M",n,r],["L",n+t,r],["L",n+t,r+e],["L",n,r+e],["Z"]]}(D,_,B,Z,V&&V.some(function(t){return 0!==t})&&V.map(function(t){return(0,to.Z)(t,0,Math.min(Math.abs(D)/2,Math.abs(_)/2))}));break;case M.PATH:var Y=t.parsedStyle.path.absolutePath;p=(0,W.ev)([],(0,W.CR)(Y),!1)}if(p.length)return o=p,a=e,c=void 0===(l=(s=t.parsedStyle).defX)?0:l,h=void 0===(u=s.defY)?0:u,o.reduce(function(t,e){var n="";if("M"===e[0]||"L"===e[0]){var r=K.al(e[1]-c,e[2]-h,0);a&&K.fF(r,r,a),n="".concat(e[0]).concat(r[0],",").concat(r[1])}else if("Z"===e[0])n=e[0];else if("C"===e[0]){var i=K.al(e[1]-c,e[2]-h,0),o=K.al(e[3]-c,e[4]-h,0),s=K.al(e[5]-c,e[6]-h,0);a&&(K.fF(i,i,a),K.fF(o,o,a),K.fF(s,s,a)),n="".concat(e[0]).concat(i[0],",").concat(i[1],",").concat(o[0],",").concat(o[1],",").concat(s[0],",").concat(s[1])}else if("A"===e[0]){var l=K.al(e[6]-c,e[7]-h,0);a&&K.fF(l,l,a),n="".concat(e[0]).concat(e[1],",").concat(e[2],",").concat(e[3],",").concat(e[4],",").concat(e[5],",").concat(l[0],",").concat(l[1])}else if("Q"===e[0]){var i=K.al(e[1]-c,e[2]-h,0),o=K.al(e[3]-c,e[4]-h,0);a&&(K.fF(i,i,a),K.fF(o,o,a)),n="".concat(e[0]).concat(e[1],",").concat(e[2],",").concat(e[3],",").concat(e[4],"}")}return t+n},"")}var e8=function(t){if(""===t||Array.isArray(t)&&0===t.length)return{absolutePath:[],hasArc:!1,segments:[],polygons:[],polylines:[],curve:null,totalLength:0,rect:{x:0,y:0,width:0,height:0}};try{e=(0,th.A)(t)}catch(n){e=(0,th.A)(""),console.error("[g]: Invalid SVG Path definition: ".concat(t))}!function(t){for(var e=0;e0&&n.push(r),{polygons:e,polylines:n}}(e),i=r.polygons,o=r.polylines,a=function(t){for(var e=[],n=null,r=null,i=null,o=0,a=t.length,s=0;s1&&(n*=Math.sqrt(f),r*=Math.sqrt(f));var d=n*n*(p*p)+r*r*(h*h),v=d?Math.sqrt((n*n*(r*r)-d)/d):1;o===a&&(v*=-1),isNaN(v)&&(v=0);var y=r?v*n*p/r:0,g=n?-(v*r)*h/n:0,m=(s+c)/2+Math.cos(i)*y-Math.sin(i)*g,E=(l+u)/2+Math.sin(i)*y+Math.cos(i)*g,x=[(h-y)/n,(p-g)/r],b=[(-1*h-y)/n,(-1*p-g)/r],T=e5([1,0],x),P=e5(x,b);return -1>=e3(x,b)&&(P=Math.PI),e3(x,b)>=1&&(P=0),0===a&&P>0&&(P-=2*Math.PI),1===a&&P<0&&(P+=2*Math.PI),{cx:m,cy:E,rx:eq(t,[c,u])?0:n,ry:eq(t,[c,u])?0:r,startAngle:T,endAngle:T+P,xRotation:i,arcFlag:o,sweepFlag:a}}(n,l);u.arcParams=h}if("Z"===c)n=i,r=t[o+1];else{var p=l.length;n=[l[p-2],l[p-1]]}r&&"Z"===r[0]&&(r=t[o],e[o]&&(e[o].prePoint=n)),u.currentPoint=n,e[o]&&eq(n,e[o].currentPoint)&&(e[o].prePoint=u.prePoint);var f=r?[r[r.length-2],r[r.length-1]]:null;u.nextPoint=f;var d=u.prePoint;if(["L","H","V"].includes(c))u.startTangent=[d[0]-n[0],d[1]-n[1]],u.endTangent=[n[0]-d[0],n[1]-d[1]];else if("Q"===c){var v=[l[1],l[2]];u.startTangent=[d[0]-v[0],d[1]-v[1]],u.endTangent=[n[0]-v[0],n[1]-v[1]]}else if("T"===c){var y=e[s-1],v=e$(y.currentPoint,d);"Q"===y.command?(u.command="Q",u.startTangent=[d[0]-v[0],d[1]-v[1]],u.endTangent=[n[0]-v[0],n[1]-v[1]]):(u.command="TL",u.startTangent=[d[0]-n[0],d[1]-n[1]],u.endTangent=[n[0]-d[0],n[1]-d[1]])}else if("C"===c){var g=[l[1],l[2]],m=[l[3],l[4]];u.startTangent=[d[0]-g[0],d[1]-g[1]],u.endTangent=[n[0]-m[0],n[1]-m[1]],0===u.startTangent[0]&&0===u.startTangent[1]&&(u.startTangent=[g[0]-m[0],g[1]-m[1]]),0===u.endTangent[0]&&0===u.endTangent[1]&&(u.endTangent=[m[0]-g[0],m[1]-g[1]])}else if("S"===c){var y=e[s-1],g=e$(y.currentPoint,d),m=[l[1],l[2]];"C"===y.command?(u.command="C",u.startTangent=[d[0]-g[0],d[1]-g[1]],u.endTangent=[n[0]-m[0],n[1]-m[1]]):(u.command="SQ",u.startTangent=[d[0]-m[0],d[1]-m[1]],u.endTangent=[n[0]-m[0],n[1]-m[1]])}else if("A"===c){var E=e1(u,0),x=E.x,b=E.y,T=e1(u,1,!1),P=T.x,S=T.y;u.startTangent=[x,b],u.endTangent=[P,S]}e.push(u)}return e}(e),s=function(t,e){for(var n=[],r=[],i=[],o=0;oMath.abs(q.determinant(tB))))){var a=tF[3],s=tF[7],l=tF[11],c=tF[12],u=tF[13],h=tF[14],p=tF[15];if(0!==a||0!==s||0!==l){if(tU[0]=a,tU[1]=s,tU[2]=l,tU[3]=p,!q.invert(tB,tB))return;q.transpose(tB,tB),$.fF(i,tU,tB)}else i[0]=i[1]=i[2]=0,i[3]=1;if(e[0]=c,e[1]=u,e[2]=h,tZ[0][0]=tF[0],tZ[0][1]=tF[1],tZ[0][2]=tF[2],tZ[1][0]=tF[4],tZ[1][1]=tF[5],tZ[1][2]=tF[6],tZ[2][0]=tF[8],tZ[2][1]=tF[9],tZ[2][2]=tF[10],n[0]=K.kE(tZ[0]),K.Fv(tZ[0],tZ[0]),r[0]=K.AK(tZ[0],tZ[1]),tY(tZ[1],tZ[1],tZ[0],1,-r[0]),n[1]=K.kE(tZ[1]),K.Fv(tZ[1],tZ[1]),r[0]/=n[1],r[1]=K.AK(tZ[0],tZ[2]),tY(tZ[2],tZ[2],tZ[0],1,-r[1]),r[2]=K.AK(tZ[1],tZ[2]),tY(tZ[2],tZ[2],tZ[1],1,-r[2]),n[2]=K.kE(tZ[2]),K.Fv(tZ[2],tZ[2]),r[1]/=n[2],r[2]/=n[2],K.kC(tV,tZ[1],tZ[2]),0>K.AK(tZ[0],tV))for(var f=0;f<3;f++)n[f]*=-1,tZ[f][0]*=-1,tZ[f][1]*=-1,tZ[f][2]*=-1;o[0]=.5*Math.sqrt(Math.max(1+tZ[0][0]-tZ[1][1]-tZ[2][2],0)),o[1]=.5*Math.sqrt(Math.max(1-tZ[0][0]+tZ[1][1]-tZ[2][2],0)),o[2]=.5*Math.sqrt(Math.max(1-tZ[0][0]-tZ[1][1]+tZ[2][2],0)),o[3]=.5*Math.sqrt(Math.max(1+tZ[0][0]+tZ[1][1]+tZ[2][2],0)),tZ[2][1]>tZ[1][2]&&(o[0]=-o[0]),tZ[0][2]>tZ[2][0]&&(o[1]=-o[1]),tZ[1][0]>tZ[0][1]&&(o[2]=-o[2])}}(0===t.length?[1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1]:t.map(ns).reduce(nl),e,n,r,i,o),[[e,n,r,o,i]]}var nu=function(){function t(t,e){for(var n=[[0,0,0,0],[0,0,0,0],[0,0,0,0],[0,0,0,0]],r=0;r<4;r++)for(var i=0;i<4;i++)for(var o=0;o<4;o++)n[r][i]+=e[r][o]*t[o][i];return n}return function(e,n,r,i,o){for(var a,s=[[1,0,0,0],[0,1,0,0],[0,0,1,0],[0,0,0,1]],l=0;l<4;l++)s[l][3]=o[l];for(var l=0;l<3;l++)for(var c=0;c<3;c++)s[3][l]+=e[c]*s[c][l];var u=i[0],h=i[1],p=i[2],f=i[3],d=[[1,0,0,0],[0,1,0,0],[0,0,1,0],[0,0,0,1]];d[0][0]=1-2*(h*h+p*p),d[0][1]=2*(u*h-p*f),d[0][2]=2*(u*p+h*f),d[1][0]=2*(u*h+p*f),d[1][1]=1-2*(u*u+p*p),d[1][2]=2*(h*p-u*f),d[2][0]=2*(u*p-h*f),d[2][1]=2*(h*p+u*f),d[2][2]=1-2*(u*u+h*h),s=t(s,d);var v=[[1,0,0,0],[0,1,0,0],[0,0,1,0],[0,0,0,1]];r[2]&&(v[2][1]=r[2],s=t(s,v)),r[1]&&(v[2][1]=0,v[2][0]=r[0],s=t(s,v)),r[0]&&(v[2][0]=0,v[1][0]=r[0],s=t(s,v));for(var l=0;l<3;l++)for(var c=0;c<3;c++)s[l][c]*=n[l];return 0==(a=s)[0][2]&&0==a[0][3]&&0==a[1][2]&&0==a[1][3]&&0==a[2][0]&&0==a[2][1]&&1==a[2][2]&&0==a[2][3]&&0==a[3][2]&&1==a[3][3]?[s[0][0],s[0][1],s[1][0],s[1][1],s[3][0],s[3][1]]:s[0].concat(s[1],s[2],s[3])}}();function nh(t){return t.toFixed(6).replace(".000000","")}function np(t,e){var n,r;return(t.decompositionPair!==e&&(t.decompositionPair=e,n=nc(t)),e.decompositionPair!==t&&(e.decompositionPair=t,r=nc(e)),null===n[0]||null===r[0])?[[!1],[!0],function(n){return n?e[0].d:t[0].d}]:(n[0].push(0),r[0].push(1),[n,r,function(t){var e=function(t,e,n){var r=function(t,e){for(var n=0,r=0;r"].calculator(null,null,{value:e.textTransform},t,null),e.clipPath&&this.runtime.CSSPropertySyntaxFactory[""].calculator("clipPath",o,e.clipPath,t,this.runtime),e.offsetPath&&this.runtime.CSSPropertySyntaxFactory[""].calculator("offsetPath",a,e.offsetPath,t,this.runtime),e.anchor&&(t.parsedStyle.anchor=eB(e.anchor,2)),e.transform&&(t.parsedStyle.transform=na(e.transform)),e.transformOrigin&&(t.parsedStyle.transformOrigin=ny(e.transformOrigin)),e.markerStart&&(t.parsedStyle.markerStart=this.runtime.CSSPropertySyntaxFactory[""].calculator(null,e.markerStart,e.markerStart,null,null)),e.markerEnd&&(t.parsedStyle.markerEnd=this.runtime.CSSPropertySyntaxFactory[""].calculator(null,e.markerEnd,e.markerEnd,null,null)),e.markerMid&&(t.parsedStyle.markerMid=this.runtime.CSSPropertySyntaxFactory[""].calculator("",e.markerMid,e.markerMid,null,null)),(t.nodeName!==M.CIRCLE&&t.nodeName!==M.ELLIPSE||(0,tr.Z)(e.cx)&&(0,tr.Z)(e.cy))&&(t.nodeName!==M.RECT&&t.nodeName!==M.IMAGE&&t.nodeName!==M.GROUP&&t.nodeName!==M.HTML&&t.nodeName!==M.TEXT&&t.nodeName!==M.MESH||(0,tr.Z)(e.x)&&(0,tr.Z)(e.y)&&(0,tr.Z)(e.z))&&(t.nodeName!==M.LINE||(0,tr.Z)(e.x1)&&(0,tr.Z)(e.y1)&&(0,tr.Z)(e.z1)&&(0,tr.Z)(e.x2)&&(0,tr.Z)(e.y2)&&(0,tr.Z)(e.z2))||this.runtime.CSSPropertySyntaxFactory[""].postProcessor(t,i),(0,tr.Z)(e.zIndex)||this.runtime.CSSPropertySyntaxFactory[""].postProcessor(t,i),e.path&&this.runtime.CSSPropertySyntaxFactory[""].postProcessor(t,i),e.points&&this.runtime.CSSPropertySyntaxFactory[""].postProcessor(t,i),(0,tr.Z)(e.offsetDistance)||this.runtime.CSSPropertySyntaxFactory[""].postProcessor(t,i),e.transform&&this.runtime.CSSPropertySyntaxFactory[""].postProcessor(t,i),s&&this.updateGeometry(t);return}var c=n.skipUpdateAttribute,u=n.skipParse,h=n.forceUpdateGeometry,p=n.usedAttributes,f=h,d=Object.keys(e);d.forEach(function(n){var r;c||(t.attributes[n]=e[n]),!f&&(null===(r=nx[n])||void 0===r?void 0:r.l)&&(f=!0)}),u||d.forEach(function(e){t.computedStyle[e]=r.parseProperty(e,t.attributes[e],t)}),(null==p?void 0:p.length)&&(d=Array.from(new Set(d.concat(p)))),d.forEach(function(e){e in t.computedStyle&&(t.parsedStyle[e]=r.computeProperty(e,t.computedStyle[e],t))}),f&&this.updateGeometry(t),d.forEach(function(e){e in t.parsedStyle&&r.postProcessProperty(e,t,d)}),this.runtime.enableCSSParsing&&t.children.length&&d.forEach(function(e){e in t.parsedStyle&&r.isPropertyInheritable(e)&&t.children.forEach(function(t){t.internalSetAttribute(e,null,{skipUpdateAttribute:!0,skipParse:!0})})})},t.prototype.parseProperty=function(t,e,n){var r=nx[t],i=e;if((""===e||(0,tr.Z)(e))&&(e="unset"),"unset"===e||"initial"===e||"inherit"===e)i=ep(e);else if(r){var o=r.k,a=r.syntax,s=a&&this.getPropertySyntax(a);o&&o.indexOf(e)>-1?i=ep(e):s&&s.parser&&(i=s.parser(e,n))}return i},t.prototype.computeProperty=function(t,e,n){var r=nx[t],i="g-root"===n.id,o=e;if(r){var a=r.syntax,s=r.inh,l=r.d;if(e instanceof t6){var c=e.value;if("unset"===c&&(c=s&&!i?"inherit":"initial"),"initial"===c)(0,tr.Z)(l)||(e=this.parseProperty(t,ee(l)?l(n.nodeName):l,n));else if("inherit"===c){var u=this.tryToResolveProperty(n,t,{inherited:!0});return(0,tr.Z)(u)?void this.addUnresolveProperty(n,t):u}}var h=a&&this.getPropertySyntax(a);if(h&&h.calculator){var p=n.parsedStyle[t];o=h.calculator(t,p,e,n,this.runtime)}else o=e instanceof t6?e.value:e}return o},t.prototype.postProcessProperty=function(t,e,n){var r=nx[t];if(r&&r.syntax){var i=r.syntax&&this.getPropertySyntax(r.syntax);i&&i.postProcessor&&i.postProcessor(e,n)}},t.prototype.addUnresolveProperty=function(t,e){var n=nb.get(t);n||(nb.set(t,[]),n=nb.get(t)),-1===n.indexOf(e)&&n.push(e)},t.prototype.tryToResolveProperty=function(t,e,n){if(void 0===n&&(n={}),n.inherited&&t.parentElement&&nT(t.parentElement,e)){var r=t.parentElement.parsedStyle[e];if("unset"!==r&&"initial"!==r&&"inherit"!==r)return r}},t.prototype.recalc=function(t){var e=nb.get(t);if(e&&e.length){var n={};e.forEach(function(e){n[e]=t.attributes[e]}),this.processProperties(t,n),nb.delete(t)}},t.prototype.updateGeometry=function(t){var e=t.nodeName,n=this.runtime.geometryUpdaterFactory[e];if(n){var r=t.geometry;r.contentBounds||(r.contentBounds=new tX),r.renderBounds||(r.renderBounds=new tX);var i=t.parsedStyle,o=n.update(i,t),a=o.width,s=o.height,l=o.depth,c=o.offsetX,u=o.offsetY,h=o.offsetZ,p=[Math.abs(a)/2,Math.abs(s)/2,(void 0===l?0:l)/2],f=i.stroke,d=i.lineWidth,v=i.increasedLineWidthForHitTesting,y=i.shadowType,g=i.shadowColor,m=i.filter,E=i.transformOrigin,x=i.anchor;e===M.TEXT?delete i.anchor:e===M.MESH&&(i.anchor[2]=.5);var b=[(1-2*(x&&x[0]||0))*a/2+(void 0===c?0:c),(1-2*(x&&x[1]||0))*s/2+(void 0===u?0:u),(1-2*(x&&x[2]||0))*p[2]+(void 0===h?0:h)];r.contentBounds.update(b,p);var T=e===M.POLYLINE||e===M.POLYGON||e===M.PATH?Math.SQRT2:.5;if(f&&!f.isNone){var P=((d||0)+(v||0))*T;p[0]+=P,p[1]+=P}if(r.renderBounds.update(b,p),g&&y&&"inner"!==y){var S=r.renderBounds,N=S.min,C=S.max,w=i.shadowBlur,k=i.shadowOffsetX,R=i.shadowOffsetY,A=w||0,O=k||0,L=R||0,I=N[0]-A+O,D=C[0]+A+O,G=N[1]-A+L,_=C[1]+A+L;N[0]=Math.min(N[0],I),C[0]=Math.max(C[0],D),N[1]=Math.min(N[1],G),C[1]=Math.max(C[1],_),r.renderBounds.setMinMax(N,C)}(void 0===m?[]:m).forEach(function(t){var e=t.name,n=t.params;if("blur"===e){var i=n[0].value;r.renderBounds.update(r.renderBounds.center,tR(r.renderBounds.halfExtents,r.renderBounds.halfExtents,[i,i,0]))}else if("drop-shadow"===e){var o=n[0].value,a=n[1].value,s=n[2].value,l=r.renderBounds,c=l.min,u=l.max,h=c[0]-s+o,p=u[0]+s+o,f=c[1]-s+a,d=u[1]+s+a;c[0]=Math.min(c[0],h),u[0]=Math.max(u[0],p),c[1]=Math.min(c[1],f),u[1]=Math.max(u[1],d),r.renderBounds.setMinMax(c,u)}}),x=i.anchor;var F=a<0,B=s<0,U=(F?-1:1)*(E?eZ(E[0],0,t):0),Z=(B?-1:1)*(E?eZ(E[1],1,t):0);U-=(F?-1:1)*(x&&x[0]||0)*r.contentBounds.halfExtents[0]*2,Z-=(B?-1:1)*(x&&x[1]||0)*r.contentBounds.halfExtents[1]*2,t.setOrigin(U,Z),this.runtime.sceneGraphService.dirtifyToRoot(t)}},t.prototype.isPropertyInheritable=function(t){var e=nx[t];return!!e&&e.inh},t}(),nS=function(){function t(){this.parser=e_,this.parserWithCSSDisabled=null,this.mixer=ej}return t.prototype.calculator=function(t,e,n,r){return eF(n)},t}(),nN=function(){function t(){}return t.prototype.calculator=function(t,e,n,r,i){return n instanceof t6&&(n=null),i.sceneGraphService.updateDisplayObjectDependency(t,e,n,r),"clipPath"===t&&r.forEach(function(t){0===t.childNodes.length&&i.sceneGraphService.dirtifyToRoot(t)}),n},t}(),nC=function(){function t(){this.parser=eO,this.parserWithCSSDisabled=eO,this.mixer=eL}return t.prototype.calculator=function(t,e,n,r){return n instanceof t6?"none"===n.value?ef:ed:n},t}(),nw=function(){function t(){this.parser=eY}return t.prototype.calculator=function(t,e,n){return n instanceof t6?[]:n},t}();function nM(t){var e=t.parsedStyle.fontSize;return(0,tr.Z)(e)?null:e}var nk=function(){function t(){this.parser=eG,this.parserWithCSSDisabled=null,this.mixer=ej}return t.prototype.calculator=function(t,e,n,r,i){if((0,te.Z)(n))return n;if(!ea.isRelativeUnit(n.unit))return n.value;var o,a=i.styleValueRegistry;if(n.unit===I.kPercentage)return 0;if(n.unit===I.kEms){if(r.parentNode){var s=nM(r.parentNode);if(s)return s*n.value;a.addUnresolveProperty(r,t)}else a.addUnresolveProperty(r,t);return 0}if(n.unit===I.kRems){if(null===(o=null==r?void 0:r.ownerDocument)||void 0===o?void 0:o.documentElement){var s=nM(r.ownerDocument.documentElement);if(s)return s*n.value;a.addUnresolveProperty(r,t)}else a.addUnresolveProperty(r,t);return 0}},t}(),nR=function(){function t(){this.mixer=ez}return t.prototype.parser=function(t){var e=eU((0,te.Z)(t)?[t]:t);return 1===e.length?[e[0],e[0]]:[e[0],e[1]]},t.prototype.calculator=function(t,e,n){return n.map(function(t){return t.value})},t}(),nA=function(){function t(){this.mixer=ez}return t.prototype.parser=function(t){var e=eU((0,te.Z)(t)?[t]:t);return 1===e.length?[e[0],e[0],e[0],e[0]]:2===e.length?[e[0],e[1],e[0],e[1]]:3===e.length?[e[0],e[1],e[2],e[1]]:[e[0],e[1],e[2],e[3]]},t.prototype.calculator=function(t,e,n){return n.map(function(t){return t.value})},t}(),nO=q.create();function nL(t,e){var n=e.parsedStyle.defX||0,r=e.parsedStyle.defY||0;return e.resetLocalTransform(),e.setLocalPosition(n,r),t.forEach(function(t){var i=t.t,o=t.d;if("scale"===i){var a=(null==o?void 0:o.map(function(t){return t.value}))||[1,1];e.scaleLocal(a[0],a[1],1)}else if("scalex"===i){var a=(null==o?void 0:o.map(function(t){return t.value}))||[1];e.scaleLocal(a[0],1,1)}else if("scaley"===i){var a=(null==o?void 0:o.map(function(t){return t.value}))||[1];e.scaleLocal(1,a[0],1)}else if("scalez"===i){var a=(null==o?void 0:o.map(function(t){return t.value}))||[1];e.scaleLocal(1,1,a[0])}else if("scale3d"===i){var a=(null==o?void 0:o.map(function(t){return t.value}))||[1,1,1];e.scaleLocal(a[0],a[1],a[2])}else if("translate"===i){var s=o||[es,es];e.translateLocal(s[0].value,s[1].value,0)}else if("translatex"===i){var s=o||[es];e.translateLocal(s[0].value,0,0)}else if("translatey"===i){var s=o||[es];e.translateLocal(0,s[0].value,0)}else if("translatez"===i){var s=o||[es];e.translateLocal(0,0,s[0].value)}else if("translate3d"===i){var s=o||[es,es,es];e.translateLocal(s[0].value,s[1].value,s[2].value)}else if("rotate"===i){var l=o||[el];e.rotateLocal(0,0,eF(l[0]))}else if("rotatex"===i){var l=o||[el];e.rotateLocal(eF(l[0]),0,0)}else if("rotatey"===i){var l=o||[el];e.rotateLocal(0,eF(l[0]),0)}else if("rotatez"===i){var l=o||[el];e.rotateLocal(0,0,eF(l[0]))}else if("rotate3d"===i);else if("skew"===i){var c=(null==o?void 0:o.map(function(t){return t.value}))||[0,0];e.setLocalSkew(tI(c[0]),tI(c[1]))}else if("skewx"===i){var c=(null==o?void 0:o.map(function(t){return t.value}))||[0];e.setLocalSkew(tI(c[0]),e.getLocalSkew()[1])}else if("skewy"===i){var c=(null==o?void 0:o.map(function(t){return t.value}))||[0];e.setLocalSkew(e.getLocalSkew()[0],tI(c[0]))}else if("matrix"===i){var u=(0,W.CR)(o.map(function(t){return t.value}),6),h=u[0],p=u[1],f=u[2],d=u[3],v=u[4],y=u[5];e.setLocalTransform(q.set(nO,h,p,0,0,f,d,0,0,0,0,1,0,v+n,y+r,0,1))}else"matrix3d"===i&&(q.set.apply(q,(0,W.ev)([nO],(0,W.CR)(o.map(function(t){return t.value})),!1)),nO[12]+=n,nO[13]+=r,e.setLocalTransform(nO))}),e.getLocalTransform()}var nI=function(t){function e(){return null!==t&&t.apply(this,arguments)||this}return(0,W.ZT)(e,t),e.prototype.postProcessor=function(t,e){switch(t.nodeName){case M.CIRCLE:case M.ELLIPSE:var n,r,i,o=t.parsedStyle,a=o.cx,s=o.cy,l=o.cz;(0,tr.Z)(a)||(n=a),(0,tr.Z)(s)||(r=s),(0,tr.Z)(l)||(i=l);break;case M.LINE:var c=t.parsedStyle,u=c.x1,h=c.x2,p=Math.min(c.y1,c.y2);n=Math.min(u,h),r=p,i=0;break;case M.RECT:case M.IMAGE:case M.GROUP:case M.HTML:case M.TEXT:case M.MESH:(0,tr.Z)(t.parsedStyle.x)||(n=t.parsedStyle.x),(0,tr.Z)(t.parsedStyle.y)||(r=t.parsedStyle.y),(0,tr.Z)(t.parsedStyle.z)||(i=t.parsedStyle.z)}if(t.nodeName!==M.PATH&&t.nodeName!==M.POLYLINE&&t.nodeName!==M.POLYGON&&(t.parsedStyle.defX=n||0,t.parsedStyle.defY=r||0),(!(0,tr.Z)(n)||!(0,tr.Z)(r)||!(0,tr.Z)(i))&&-1===e.indexOf("transform")){var f=t.parsedStyle.transform;if(f&&f.length)nL(f,t);else{var d=(0,W.CR)(t.getLocalPosition(),3),v=d[0],y=d[1],g=d[2];t.setLocalPosition((0,tr.Z)(n)?v:n,(0,tr.Z)(r)?y:r,(0,tr.Z)(i)?g:i)}}},e}(nk),nD=function(){function t(){}return t.prototype.calculator=function(t,e,n,r){n instanceof t6&&(n=null);var i=null==n?void 0:n.cloneNode(!0);return i&&(i.style.isMarker=!0),i},t}(),nG=function(){function t(){this.mixer=ej,this.parser=eH,this.parserWithCSSDisabled=null}return t.prototype.calculator=function(t,e,n){return n.value},t}(),n_=function(){function t(){this.parser=eH,this.parserWithCSSDisabled=null,this.mixer=eW(0,1)}return t.prototype.calculator=function(t,e,n){return n.value},t.prototype.postProcessor=function(t){var e=t.parsedStyle,n=e.offsetPath,r=e.offsetDistance;if(n){var i=n.nodeName;if(i===M.LINE||i===M.PATH||i===M.POLYLINE){var o=n.getPoint(r);o&&(t.parsedStyle.defX=o.x,t.parsedStyle.defY=o.y,t.setLocalPosition(o.x,o.y))}}},t}(),nF=function(){function t(){this.parser=eH,this.parserWithCSSDisabled=null,this.mixer=eW(0,1)}return t.prototype.calculator=function(t,e,n){return n.value},t}(),nB=function(){function t(){this.parser=e7,this.parserWithCSSDisabled=e7,this.mixer=nt}return t.prototype.calculator=function(t,e,n){return n instanceof t6&&"unset"===n.value?{absolutePath:[],hasArc:!1,segments:[],polygons:[],polylines:[],curve:null,totalLength:0,rect:new tz(0,0,0,0)}:n},t.prototype.postProcessor=function(t,e){if(t.parsedStyle.defX=t.parsedStyle.path.rect.x,t.parsedStyle.defY=t.parsedStyle.path.rect.y,t.nodeName===M.PATH&&-1===e.indexOf("transform")){var n=t.parsedStyle,r=n.defX,i=void 0===r?0:r,o=n.defY,a=void 0===o?0:o;t.setLocalPosition(i,a)}},t}(),nU=function(){function t(){this.parser=ne,this.mixer=nn}return t.prototype.postProcessor=function(t,e){if((t.nodeName===M.POLYGON||t.nodeName===M.POLYLINE)&&-1===e.indexOf("transform")){var n=t.parsedStyle,r=n.defX,i=n.defY;t.setLocalPosition(r,i)}},t}(),nZ=function(t){function e(){var e=null!==t&&t.apply(this,arguments)||this;return e.mixer=eW(0,1/0),e}return(0,W.ZT)(e,t),e}(nk),nV=function(){function t(){}return t.prototype.calculator=function(t,e,n,r){return n instanceof t6?"unset"===n.value?"":n.value:"".concat(n)},t.prototype.postProcessor=function(t){t.nodeValue="".concat(t.parsedStyle.text)||""},t}(),nY=function(){function t(){}return t.prototype.calculator=function(t,e,n,r){var i=r.getAttribute("text");if(i){var o=i;"capitalize"===n.value?o=i.charAt(0).toUpperCase()+i.slice(1):"lowercase"===n.value?o=i.toLowerCase():"uppercase"===n.value&&(o=i.toUpperCase()),r.parsedStyle.text=o}return n.value},t}(),nX={},nH=0,nj="undefined"!=typeof window&&void 0!==window.document;function nW(t,e){var n=Number(t.parsedStyle.zIndex),r=Number(e.parsedStyle.zIndex);if(n===r){var i=t.parentNode;if(i){var o=i.childNodes||[];return o.indexOf(t)-o.indexOf(e)}}return n-r}function nz(t){var e,n=t;do{if(null===(e=n.parsedStyle)||void 0===e?void 0:e.clipPath)return n;n=n.parentElement}while(null!==n);return null}function nK(t,e,n){nj&&t.style&&(t.style.width=e+"px",t.style.height=n+"px")}function nq(t,e){if(nj)return document.defaultView.getComputedStyle(t,null).getPropertyValue(e)}var nJ={touchstart:"pointerdown",touchend:"pointerup",touchendoutside:"pointerupoutside",touchmove:"pointermove",touchcancel:"pointercancel"},n$="object"==typeof performance&&performance.now?performance:Date;function nQ(t,e,n){var r=!1,i=!1,o=!!e&&!e.isNone,a=!!n&&!n.isNone;return"visiblepainted"===t||"painted"===t||"auto"===t?(r=o,i=a):"visiblefill"===t||"fill"===t?r=!0:"visiblestroke"===t||"stroke"===t?i=!0:("visible"===t||"all"===t)&&(r=!0,i=!0),[r,i]}var n0=1,n1="object"==typeof self&&self.self==self?self:"object"==typeof n.g&&n.g.global==n.g?n.g:{},n2=Date.now(),n3={},n5=Date.now(),n4=function(t){if("function"!=typeof t)throw TypeError(t+" is not a function");var e=Date.now(),n=e-n5,r=n0++;return n3[r]=t,Object.keys(n3).length>1||setTimeout(function(){n5=e;var t=n3;n3={},Object.keys(t).forEach(function(e){return t[e](n1.performance&&"function"==typeof n1.performance.now?n1.performance.now():Date.now()-n2)})},n>16?0:16-n),r},n9=function(t){return"string"!=typeof t?n4:""===t?n1.requestAnimationFrame:n1[t+"RequestAnimationFrame"]},n8=function(t,e){for(var n=0;void 0!==t[n];){if(e(t[n]))return t[n];n+=1}}(["","webkit","moz","ms","o"],function(t){return!!n9(t)}),n6=n9(n8),n7="string"!=typeof n8?function(t){delete n3[t]}:""===n8?n1.cancelAnimationFrame:n1[n8+"CancelAnimationFrame"]||n1[n8+"CancelRequestAnimationFrame"];n1.requestAnimationFrame=n6,n1.cancelAnimationFrame=n7;var rt=function(){function t(){this.callbacks=[]}return t.prototype.getCallbacksNum=function(){return this.callbacks.length},t.prototype.tapPromise=function(t,e){this.callbacks.push(e)},t.prototype.promise=function(){for(var t=[],e=0;e-1){var l=(0,W.CR)(t.split(":"),2),c=l[0];t=l[1],s=c,a=!0}if(t=r?"".concat(t,"capture"):t,e=ee(e)?e:e.handleEvent,a){var u=e;e=function(){for(var t,e=[],n=0;n0},e.prototype.isDefaultNamespace=function(t){throw Error(tK)},e.prototype.lookupNamespaceURI=function(t){throw Error(tK)},e.prototype.lookupPrefix=function(t){throw Error(tK)},e.prototype.normalize=function(){throw Error(tK)},e.prototype.isEqualNode=function(t){return this===t},e.prototype.isSameNode=function(t){return this.isEqualNode(t)},Object.defineProperty(e.prototype,"parent",{get:function(){return this.parentNode},enumerable:!1,configurable:!0}),Object.defineProperty(e.prototype,"parentElement",{get:function(){return null},enumerable:!1,configurable:!0}),Object.defineProperty(e.prototype,"nextSibling",{get:function(){return null},enumerable:!1,configurable:!0}),Object.defineProperty(e.prototype,"previousSibling",{get:function(){return null},enumerable:!1,configurable:!0}),Object.defineProperty(e.prototype,"firstChild",{get:function(){return this.childNodes.length>0?this.childNodes[0]:null},enumerable:!1,configurable:!0}),Object.defineProperty(e.prototype,"lastChild",{get:function(){return this.childNodes.length>0?this.childNodes[this.childNodes.length-1]:null},enumerable:!1,configurable:!0}),e.prototype.compareDocumentPosition=function(t){if(t===this)return 0;for(var n,r=t,i=this,o=[r],a=[i];null!==(n=r.parentNode)&&void 0!==n?n:i.parentNode;)r=r.parentNode?(o.push(r.parentNode),r.parentNode):r,i=i.parentNode?(a.push(i.parentNode),i.parentNode):i;if(r!==i)return e.DOCUMENT_POSITION_DISCONNECTED|e.DOCUMENT_POSITION_IMPLEMENTATION_SPECIFIC|e.DOCUMENT_POSITION_PRECEDING;var s=o.length>a.length?o:a,l=s===o?a:o;if(s[s.length-l.length]===l[0])return s===o?e.DOCUMENT_POSITION_CONTAINED_BY|e.DOCUMENT_POSITION_FOLLOWING:e.DOCUMENT_POSITION_CONTAINS|e.DOCUMENT_POSITION_PRECEDING;for(var c=s.length-l.length,u=l.length-1;u>=0;u--){var h=l[u],p=s[c+u];if(p!==h){var f=h.parentNode.childNodes;if(f.indexOf(h)0&&e;)e=e.parentNode,t--;return e},e.prototype.forEach=function(t,e){void 0===e&&(e=!1),t(this)||(e?this.childNodes.slice():this.childNodes).forEach(function(e){e.forEach(t)})},e.DOCUMENT_POSITION_DISCONNECTED=1,e.DOCUMENT_POSITION_PRECEDING=2,e.DOCUMENT_POSITION_FOLLOWING=4,e.DOCUMENT_POSITION_CONTAINS=8,e.DOCUMENT_POSITION_CONTAINED_BY=16,e.DOCUMENT_POSITION_IMPLEMENTATION_SPECIFIC=32,e}(rx),rT=function(){function t(t,e){var n=this;this.globalRuntime=t,this.context=e,this.emitter=new z.Z,this.cursor="default",this.mappingTable={},this.mappingState={trackingData:{}},this.eventPool=new Map,this.tmpMatrix=q.create(),this.tmpVec3=K.Ue(),this.onPointerDown=function(t){var e=n.createPointerEvent(t);if(n.dispatchEvent(e,"pointerdown"),"touch"===e.pointerType)n.dispatchEvent(e,"touchstart");else if("mouse"===e.pointerType||"pen"===e.pointerType){var r=2===e.button;n.dispatchEvent(e,r?"rightdown":"mousedown")}n.trackingData(t.pointerId).pressTargetsByButton[t.button]=e.composedPath(),n.freeEvent(e)},this.onPointerUp=function(t){var e,r=n$.now(),i=n.createPointerEvent(t,void 0,void 0,n.context.config.alwaysTriggerPointerEventOnCanvas?n.rootTarget:void 0);if(n.dispatchEvent(i,"pointerup"),"touch"===i.pointerType)n.dispatchEvent(i,"touchend");else if("mouse"===i.pointerType||"pen"===i.pointerType){var o=2===i.button;n.dispatchEvent(i,o?"rightup":"mouseup")}var a=n.trackingData(t.pointerId),s=n.findMountedTarget(a.pressTargetsByButton[t.button]),l=s;if(s&&!i.composedPath().includes(s)){for(var c=s;c&&!i.composedPath().includes(c);){if(i.currentTarget=c,n.notifyTarget(i,"pointerupoutside"),"touch"===i.pointerType)n.notifyTarget(i,"touchendoutside");else if("mouse"===i.pointerType||"pen"===i.pointerType){var o=2===i.button;n.notifyTarget(i,o?"rightupoutside":"mouseupoutside")}rb.isNode(c)&&(c=c.parentNode)}delete a.pressTargetsByButton[t.button],l=c}if(l){var u=n.clonePointerEvent(i,"click");u.target=l,u.path=[],a.clicksByButton[t.button]||(a.clicksByButton[t.button]={clickCount:0,target:u.target,timeStamp:r});var h=a.clicksByButton[t.button];h.target===u.target&&r-h.timeStamp<200?++h.clickCount:h.clickCount=1,h.target=u.target,h.timeStamp=r,u.detail=h.clickCount,(null===(e=i.detail)||void 0===e?void 0:e.preventClick)||(n.context.config.useNativeClickEvent||"mouse"!==u.pointerType&&"touch"!==u.pointerType||n.dispatchEvent(u,"click"),n.dispatchEvent(u,"pointertap")),n.freeEvent(u)}n.freeEvent(i)},this.onPointerMove=function(t){var e=n.createPointerEvent(t,void 0,void 0,n.context.config.alwaysTriggerPointerEventOnCanvas?n.rootTarget:void 0),r="mouse"===e.pointerType||"pen"===e.pointerType,i=n.trackingData(t.pointerId),o=n.findMountedTarget(i.overTargets);if(i.overTargets&&o!==e.target){var a="mousemove"===t.type?"mouseout":"pointerout",s=n.createPointerEvent(t,a,o||void 0);if(n.dispatchEvent(s,"pointerout"),r&&n.dispatchEvent(s,"mouseout"),!e.composedPath().includes(o)){var l=n.createPointerEvent(t,"pointerleave",o||void 0);for(l.eventPhase=l.AT_TARGET;l.target&&!e.composedPath().includes(l.target);)l.currentTarget=l.target,n.notifyTarget(l),r&&n.notifyTarget(l,"mouseleave"),rb.isNode(l.target)&&(l.target=l.target.parentNode);n.freeEvent(l)}n.freeEvent(s)}if(o!==e.target){var c="mousemove"===t.type?"mouseover":"pointerover",u=n.clonePointerEvent(e,c);n.dispatchEvent(u,"pointerover"),r&&n.dispatchEvent(u,"mouseover");for(var h=o&&rb.isNode(o)&&o.parentNode;h&&h!==(rb.isNode(n.rootTarget)&&n.rootTarget.parentNode)&&h!==e.target;)h=h.parentNode;if(!h||h===(rb.isNode(n.rootTarget)&&n.rootTarget.parentNode)){var p=n.clonePointerEvent(e,"pointerenter");for(p.eventPhase=p.AT_TARGET;p.target&&p.target!==o&&p.target!==(rb.isNode(n.rootTarget)&&n.rootTarget.parentNode);)p.currentTarget=p.target,n.notifyTarget(p),r&&n.notifyTarget(p,"mouseenter"),rb.isNode(p.target)&&(p.target=p.target.parentNode);n.freeEvent(p)}n.freeEvent(u)}n.dispatchEvent(e,"pointermove"),"touch"===e.pointerType&&n.dispatchEvent(e,"touchmove"),r&&(n.dispatchEvent(e,"mousemove"),n.cursor=n.getCursor(e.target)),i.overTargets=e.composedPath(),n.freeEvent(e)},this.onPointerOut=function(t){var e=n.trackingData(t.pointerId);if(e.overTargets){var r="mouse"===t.pointerType||"pen"===t.pointerType,i=n.findMountedTarget(e.overTargets),o=n.createPointerEvent(t,"pointerout",i||void 0);n.dispatchEvent(o),r&&n.dispatchEvent(o,"mouseout");var a=n.createPointerEvent(t,"pointerleave",i||void 0);for(a.eventPhase=a.AT_TARGET;a.target&&a.target!==(rb.isNode(n.rootTarget)&&n.rootTarget.parentNode);)a.currentTarget=a.target,n.notifyTarget(a),r&&n.notifyTarget(a,"mouseleave"),rb.isNode(a.target)&&(a.target=a.target.parentNode);e.overTargets=null,n.freeEvent(o),n.freeEvent(a)}n.cursor=null},this.onPointerOver=function(t){var e=n.trackingData(t.pointerId),r=n.createPointerEvent(t),i="mouse"===r.pointerType||"pen"===r.pointerType;n.dispatchEvent(r,"pointerover"),i&&n.dispatchEvent(r,"mouseover"),"mouse"===r.pointerType&&(n.cursor=n.getCursor(r.target));var o=n.clonePointerEvent(r,"pointerenter");for(o.eventPhase=o.AT_TARGET;o.target&&o.target!==(rb.isNode(n.rootTarget)&&n.rootTarget.parentNode);)o.currentTarget=o.target,n.notifyTarget(o),i&&n.notifyTarget(o,"mouseenter"),rb.isNode(o.target)&&(o.target=o.target.parentNode);e.overTargets=r.composedPath(),n.freeEvent(r),n.freeEvent(o)},this.onPointerUpOutside=function(t){var e=n.trackingData(t.pointerId),r=n.findMountedTarget(e.pressTargetsByButton[t.button]),i=n.createPointerEvent(t);if(r){for(var o=r;o;)i.currentTarget=o,n.notifyTarget(i,"pointerupoutside"),"touch"===i.pointerType||("mouse"===i.pointerType||"pen"===i.pointerType)&&n.notifyTarget(i,2===i.button?"rightupoutside":"mouseupoutside"),rb.isNode(o)&&(o=o.parentNode);delete e.pressTargetsByButton[t.button]}n.freeEvent(i)},this.onWheel=function(t){var e=n.createWheelEvent(t);n.dispatchEvent(e),n.freeEvent(e)},this.onClick=function(t){if(n.context.config.useNativeClickEvent){var e=n.createPointerEvent(t);n.dispatchEvent(e),n.freeEvent(e)}},this.onPointerCancel=function(t){var e=n.createPointerEvent(t,void 0,void 0,n.context.config.alwaysTriggerPointerEventOnCanvas?n.rootTarget:void 0);n.dispatchEvent(e),n.freeEvent(e)}}return t.prototype.init=function(){this.rootTarget=this.context.renderingContext.root.parentNode,this.addEventMapping("pointerdown",this.onPointerDown),this.addEventMapping("pointerup",this.onPointerUp),this.addEventMapping("pointermove",this.onPointerMove),this.addEventMapping("pointerout",this.onPointerOut),this.addEventMapping("pointerleave",this.onPointerOut),this.addEventMapping("pointercancel",this.onPointerCancel),this.addEventMapping("pointerover",this.onPointerOver),this.addEventMapping("pointerupoutside",this.onPointerUpOutside),this.addEventMapping("wheel",this.onWheel),this.addEventMapping("click",this.onClick)},t.prototype.destroy=function(){this.emitter.removeAllListeners(),this.mappingTable={},this.mappingState={},this.eventPool.clear()},t.prototype.client2Viewport=function(t){var e=this.context.contextService.getBoundingClientRect();return new tW(t.x-((null==e?void 0:e.left)||0),t.y-((null==e?void 0:e.top)||0))},t.prototype.viewport2Client=function(t){var e=this.context.contextService.getBoundingClientRect();return new tW(t.x+((null==e?void 0:e.left)||0),t.y+((null==e?void 0:e.top)||0))},t.prototype.viewport2Canvas=function(t){var e=t.x,n=t.y,r=this.rootTarget.defaultView.getCamera(),i=this.context.config,o=i.width,a=i.height,s=r.getPerspectiveInverse(),l=r.getWorldTransform(),c=q.multiply(this.tmpMatrix,l,s),u=K.t8(this.tmpVec3,e/o*2-1,(1-n/a)*2-1,0);return K.fF(u,u,c),new tW(u[0],u[1])},t.prototype.canvas2Viewport=function(t){var e=this.rootTarget.defaultView.getCamera(),n=e.getPerspective(),r=e.getViewTransform(),i=q.multiply(this.tmpMatrix,n,r),o=K.t8(this.tmpVec3,t.x,t.y,0);K.fF(this.tmpVec3,this.tmpVec3,i);var a=this.context.config,s=a.width,l=a.height;return new tW((o[0]+1)/2*s,(1-(o[1]+1)/2)*l)},t.prototype.setPickHandler=function(t){this.pickHandler=t},t.prototype.addEventMapping=function(t,e){this.mappingTable[t]||(this.mappingTable[t]=[]),this.mappingTable[t].push({fn:e,priority:0}),this.mappingTable[t].sort(function(t,e){return t.priority-e.priority})},t.prototype.mapEvent=function(t){if(this.rootTarget){var e=this.mappingTable[t.type];if(e)for(var n=0,r=e.length;n=1;r--)if(t.currentTarget=n[r],this.notifyTarget(t,e),t.propagationStopped||t.propagationImmediatelyStopped)return;if(t.eventPhase=t.AT_TARGET,t.currentTarget=t.target,this.notifyTarget(t,e),!t.propagationStopped&&!t.propagationImmediatelyStopped){var i=n.indexOf(t.currentTarget);t.eventPhase=t.BUBBLING_PHASE;for(var r=i+1;ri||n>o?null:!a&&this.pickHandler(t)||this.rootTarget||null},t.prototype.isNativeEventFromCanvas=function(t){var e,n=this.context.contextService.getDomElement(),r=null===(e=t.nativeEvent)||void 0===e?void 0:e.target;if(r){if(r===n)return!0;if(n&&n.contains)return n.contains(r)}return!!t.nativeEvent.composedPath&&t.nativeEvent.composedPath().indexOf(n)>-1},t.prototype.getExistedHTML=function(t){var e,n;if(t.nativeEvent.composedPath)try{for(var r=(0,W.XA)(t.nativeEvent.composedPath()),i=r.next();!i.done;i=r.next()){var o=i.value,a=this.globalRuntime.nativeHTMLMap.get(o);if(a)return a}}catch(t){e={error:t}}finally{try{i&&!i.done&&(n=r.return)&&n.call(r)}finally{if(e)throw e.error}}return null},t.prototype.pickTarget=function(t){return this.hitTest({clientX:t.clientX,clientY:t.clientY,viewportX:t.viewportX,viewportY:t.viewportY,x:t.canvasX,y:t.canvasY})},t.prototype.createPointerEvent=function(t,e,n,r){var i=this.allocateEvent(rg);this.copyPointerData(t,i),this.copyMouseData(t,i),this.copyData(t,i),i.nativeEvent=t.nativeEvent,i.originalEvent=t;var o=this.getExistedHTML(i);return i.target=null!=n?n:o||this.isNativeEventFromCanvas(i)&&this.pickTarget(i)||r,"string"==typeof e&&(i.type=e),i},t.prototype.createWheelEvent=function(t){var e=this.allocateEvent(rm);this.copyWheelData(t,e),this.copyMouseData(t,e),this.copyData(t,e),e.nativeEvent=t.nativeEvent,e.originalEvent=t;var n=this.getExistedHTML(e);return e.target=n||this.isNativeEventFromCanvas(e)&&this.pickTarget(e),e},t.prototype.trackingData=function(t){return this.mappingState.trackingData[t]||(this.mappingState.trackingData[t]={pressTargetsByButton:{},clicksByButton:{},overTarget:null}),this.mappingState.trackingData[t]},t.prototype.cloneWheelEvent=function(t){var e=this.allocateEvent(rm);return e.nativeEvent=t.nativeEvent,e.originalEvent=t.originalEvent,this.copyWheelData(t,e),this.copyMouseData(t,e),this.copyData(t,e),e.target=t.target,e.path=t.composedPath().slice(),e.type=t.type,e},t.prototype.clonePointerEvent=function(t,e){var n=this.allocateEvent(rg);return n.nativeEvent=t.nativeEvent,n.originalEvent=t.originalEvent,this.copyPointerData(t,n),this.copyMouseData(t,n),this.copyData(t,n),n.target=t.target,n.path=t.composedPath().slice(),n.type=null!=e?e:n.type,n},t.prototype.copyPointerData=function(t,e){e.pointerId=t.pointerId,e.width=t.width,e.height=t.height,e.isPrimary=t.isPrimary,e.pointerType=t.pointerType,e.pressure=t.pressure,e.tangentialPressure=t.tangentialPressure,e.tiltX=t.tiltX,e.tiltY=t.tiltY,e.twist=t.twist},t.prototype.copyMouseData=function(t,e){e.altKey=t.altKey,e.button=t.button,e.buttons=t.buttons,e.ctrlKey=t.ctrlKey,e.metaKey=t.metaKey,e.shiftKey=t.shiftKey,e.client.copyFrom(t.client),e.movement.copyFrom(t.movement),e.canvas.copyFrom(t.canvas),e.screen.copyFrom(t.screen),e.global.copyFrom(t.global),e.offset.copyFrom(t.offset)},t.prototype.copyWheelData=function(t,e){e.deltaMode=t.deltaMode,e.deltaX=t.deltaX,e.deltaY=t.deltaY,e.deltaZ=t.deltaZ},t.prototype.copyData=function(t,e){e.isTrusted=t.isTrusted,e.timeStamp=n$.now(),e.type=t.type,e.detail=t.detail,e.view=t.view,e.page.copyFrom(t.page),e.viewport.copyFrom(t.viewport)},t.prototype.allocateEvent=function(t){this.eventPool.has(t)||this.eventPool.set(t,[]);var e=this.eventPool.get(t).pop()||new t(this);return e.eventPhase=e.NONE,e.currentTarget=null,e.path=[],e.target=null,e},t.prototype.freeEvent=function(t){if(t.manager!==this)throw Error("It is illegal to free an event not managed by this EventBoundary!");var e=t.constructor;this.eventPool.has(e)||this.eventPool.set(e,[]),this.eventPool.get(e).push(t)},t.prototype.notifyTarget=function(t,e){e=null!=e?e:t.type;var n=t.eventPhase===t.CAPTURING_PHASE||t.eventPhase===t.AT_TARGET?"".concat(e,"capture"):e;this.notifyListeners(t,n),t.eventPhase===t.AT_TARGET&&this.notifyListeners(t,e)},t.prototype.notifyListeners=function(t,e){var n=t.currentTarget.emitter,r=n._events[e];if(r){if("fn"in r)r.once&&n.removeListener(e,r.fn,void 0,!0),r.fn.call(t.currentTarget||r.context,t);else for(var i=0;i=0;n--){var r=t[n];if(r===this.rootTarget||rb.isNode(r)&&r.parentNode===e)e=t[n];else break}return e},t.prototype.getCursor=function(t){for(var e=t;e;){var n=!!e.getAttribute&&e.getAttribute("cursor");if(n)return n;e=rb.isNode(e)&&e.parentNode}},t}(),rP=function(){function t(){}return t.prototype.getOrCreateCanvas=function(t,e){if(this.canvas)return this.canvas;if(t||rG.offscreenCanvas)this.canvas=t||rG.offscreenCanvas,this.context=this.canvas.getContext("2d",e);else try{this.canvas=new window.OffscreenCanvas(0,0),this.context=this.canvas.getContext("2d",e),this.context&&this.context.measureText||(this.canvas=document.createElement("canvas"),this.context=this.canvas.getContext("2d"))}catch(t){this.canvas=document.createElement("canvas"),this.context=this.canvas.getContext("2d",e)}return this.canvas.width=10,this.canvas.height=10,this.canvas},t.prototype.getOrCreateContext=function(t,e){return this.context||this.getOrCreateCanvas(t,e),this.context},t}();(E=X||(X={}))[E.CAMERA_CHANGED=0]="CAMERA_CHANGED",E[E.DISPLAY_OBJECT_CHANGED=1]="DISPLAY_OBJECT_CHANGED",E[E.NONE=2]="NONE";var rS=function(){function t(t,e){this.globalRuntime=t,this.context=e,this.inited=!1,this.stats={total:0,rendered:0},this.zIndexCounter=0,this.hooks={init:new rn,initAsync:new rt,dirtycheck:new rr,cull:new rr,beginFrame:new rn,beforeRender:new rn,render:new rn,afterRender:new rn,endFrame:new rn,destroy:new rn,pick:new re,pickSync:new rr,pointerDown:new rn,pointerUp:new rn,pointerMove:new rn,pointerOut:new rn,pointerOver:new rn,pointerWheel:new rn,pointerCancel:new rn,click:new rn}}return t.prototype.init=function(t){var e=this,n=(0,W.pi)((0,W.pi)({},this.globalRuntime),this.context);this.context.renderingPlugins.forEach(function(t){t.apply(n,e.globalRuntime)}),this.hooks.init.call(),0===this.hooks.initAsync.getCallbacksNum()?(this.inited=!0,t()):this.hooks.initAsync.promise().then(function(){e.inited=!0,t()})},t.prototype.getStats=function(){return this.stats},t.prototype.disableDirtyRectangleRendering=function(){return!this.context.config.renderer.getConfig().enableDirtyRectangleRendering||this.context.renderingContext.renderReasons.has(X.CAMERA_CHANGED)},t.prototype.render=function(t,e){var n=this;this.stats.total=0,this.stats.rendered=0,this.zIndexCounter=0;var r=this.context.renderingContext;if(this.globalRuntime.sceneGraphService.syncHierarchy(r.root),this.globalRuntime.sceneGraphService.triggerPendingEvents(),r.renderReasons.size&&this.inited){r.dirtyRectangleRenderingDisabled=this.disableDirtyRectangleRendering();var i=1===r.renderReasons.size&&r.renderReasons.has(X.CAMERA_CHANGED),o=!t.disableRenderHooks||!(t.disableRenderHooks&&i);o&&this.renderDisplayObject(r.root,t,r),this.hooks.beginFrame.call(),o&&r.renderListCurrentFrame.forEach(function(t){n.hooks.beforeRender.call(t),n.hooks.render.call(t),n.hooks.afterRender.call(t)}),this.hooks.endFrame.call(),r.renderListCurrentFrame=[],r.renderReasons.clear(),e()}},t.prototype.renderDisplayObject=function(t,e,n){var r=this,i=e.renderer.getConfig(),o=i.enableDirtyCheck,a=i.enableCulling;this.globalRuntime.enableCSSParsing&&this.globalRuntime.styleValueRegistry.recalc(t);var s=t.renderable,l=o?s.dirty||n.dirtyRectangleRenderingDisabled?t:null:t;if(l){var c=a?this.hooks.cull.call(l,this.context.camera):l;c&&(this.stats.rendered++,n.renderListCurrentFrame.push(c))}t.renderable.dirty=!1,t.sortable.renderOrder=this.zIndexCounter++,this.stats.total++;var u=t.sortable;u.dirty&&(this.sort(t,u),u.dirty=!1,u.dirtyChildren=[],u.dirtyReason=void 0),(u.sorted||t.childNodes).forEach(function(t){r.renderDisplayObject(t,e,n)})},t.prototype.sort=function(t,e){e.sorted&&e.dirtyReason!==V.Z_INDEX_CHANGED?e.dirtyChildren.forEach(function(n){if(-1===t.childNodes.indexOf(n)){var r=e.sorted.indexOf(n);r>=0&&e.sorted.splice(r,1)}else if(0===e.sorted.length)e.sorted.push(n);else{var i=function(t,e){for(var n=0,r=t.length;n>>1;0>nW(t[i],e)?n=i+1:r=i}return n}(e.sorted,n);e.sorted.splice(i,0,n)}}):e.sorted=t.childNodes.slice().sort(nW)},t.prototype.destroy=function(){this.inited=!1,this.hooks.destroy.call(),this.globalRuntime.sceneGraphService.clearPendingEvents()},t.prototype.dirtify=function(){this.context.renderingContext.renderReasons.add(X.DISPLAY_OBJECT_CHANGED)},t}(),rN=/\[\s*(.*)=(.*)\s*\]/,rC=function(){function t(){}return t.prototype.selectOne=function(t,e){var n=this;if(t.startsWith("."))return e.find(function(e){return((null==e?void 0:e.classList)||[]).indexOf(n.getIdOrClassname(t))>-1});if(t.startsWith("#"))return e.find(function(e){return e.id===n.getIdOrClassname(t)});if(!t.startsWith("["))return e.find(function(n){return e!==n&&n.nodeName===t});var r=this.getAttribute(t),i=r.name,o=r.value;return i?e.find(function(t){return e!==t&&("name"===i?t.name===o:n.attributeToString(t,i)===o)}):null},t.prototype.selectAll=function(t,e){var n=this;if(t.startsWith("."))return e.findAll(function(r){return e!==r&&((null==r?void 0:r.classList)||[]).indexOf(n.getIdOrClassname(t))>-1});if(t.startsWith("#"))return e.findAll(function(r){return e!==r&&r.id===n.getIdOrClassname(t)});if(!t.startsWith("["))return e.findAll(function(n){return e!==n&&n.nodeName===t});var r=this.getAttribute(t),i=r.name,o=r.value;return i?e.findAll(function(t){return e!==t&&("name"===i?t.name===o:n.attributeToString(t,i)===o)}):[]},t.prototype.is=function(t,e){if(t.startsWith("."))return e.className===this.getIdOrClassname(t);if(t.startsWith("#"))return e.id===this.getIdOrClassname(t);if(!t.startsWith("["))return e.nodeName===t;var n=this.getAttribute(t),r=n.name,i=n.value;return"name"===r?e.name===i:this.attributeToString(e,r)===i},t.prototype.getIdOrClassname=function(t){return t.substring(1)},t.prototype.getAttribute=function(t){var e=t.match(rN),n="",r="";return e&&e.length>2&&(n=e[1].replace(/"/g,""),r=e[2].replace(/"/g,"")),{name:n,value:r}},t.prototype.attributeToString=function(t,e){if(!t.getAttribute)return"";var n=t.getAttribute(e);return(0,tr.Z)(n)?"":n.toString?n.toString():""},t}(),rw=function(t){function e(e,n,r,i,o,a,s,l){var c=t.call(this,null)||this;return c.relatedNode=n,c.prevValue=r,c.newValue=i,c.attrName=o,c.attrChange=a,c.prevParsedValue=s,c.newParsedValue=l,c.type=e,c}return(0,W.ZT)(e,t),e.ADDITION=2,e.MODIFICATION=1,e.REMOVAL=3,e}(rv);function rM(t){var e=t.renderable;e&&(e.renderBoundsDirty=!0,e.boundsDirty=!0)}(x=H||(H={})).REPARENT="reparent",x.DESTROY="destroy",x.ATTR_MODIFIED="DOMAttrModified",x.INSERTED="DOMNodeInserted",x.REMOVED="removed",x.MOUNTED="DOMNodeInsertedIntoDocument",x.UNMOUNTED="DOMNodeRemovedFromDocument",x.BOUNDS_CHANGED="bounds-changed",x.CULLED="culled";var rk=new rw(H.REPARENT,null,"","","",0,"",""),rR=function(){function t(t){var e,n,r,i,o,a,s,l,c,u,h,p,f=this;this.runtime=t,this.pendingEvents=[],this.boundsChangedEvent=new rE(H.BOUNDS_CHANGED),this.rotate=(e=Q.Ue(),function(t,n,r,i){void 0===r&&(r=0),void 0===i&&(i=0),"number"==typeof n&&(n=K.al(n,r,i));var o=t.transformable;if(null!==t.parentNode&&t.parentNode.transformable){var a=Q.Ue();Q.Su(a,n[0],n[1],n[2]);var s=f.getRotation(t),l=f.getRotation(t.parentNode);Q.JG(e,l),Q.U_(e,e),Q.Jp(a,e,a),Q.Jp(o.localRotation,a,s),Q.Fv(o.localRotation,o.localRotation),f.dirtifyLocal(t,o)}else f.rotateLocal(t,n)}),this.rotateLocal=(n=Q.Ue(),function(t,e,r,i){void 0===r&&(r=0),void 0===i&&(i=0),"number"==typeof e&&(e=K.al(e,r,i));var o=t.transformable;Q.Su(n,e[0],e[1],e[2]),Q.dC(o.localRotation,o.localRotation,n),f.dirtifyLocal(t,o)}),this.setEulerAngles=(r=Q.Ue(),function(t,e,n,i){void 0===n&&(n=0),void 0===i&&(i=0),"number"==typeof e&&(e=K.al(e,n,i));var o=t.transformable;if(null!==t.parentNode&&t.parentNode.transformable){Q.Su(o.localRotation,e[0],e[1],e[2]);var a=f.getRotation(t.parentNode);Q.JG(r,Q.U_(Q.Ue(),a)),Q.dC(o.localRotation,o.localRotation,r),f.dirtifyLocal(t,o)}else f.setLocalEulerAngles(t,e)}),this.translateLocal=function(t,e,n,r){void 0===n&&(n=0),void 0===r&&(r=0),"number"==typeof e&&(e=K.al(e,n,r));var i=t.transformable;K.fS(e,K.Ue())||(K.VC(e,e,i.localRotation),K.IH(i.localPosition,i.localPosition,e),f.dirtifyLocal(t,i))},this.setPosition=(i=q.create(),o=K.Ue(),function(t,e){var n=t.transformable;if(o[0]=e[0],o[1]=e[1],o[2]=e[2]||0,!K.fS(f.getPosition(t),o)){if(K.JG(n.position,o),null!==t.parentNode&&t.parentNode.transformable){var r=t.parentNode.transformable;q.copy(i,r.worldTransform),q.invert(i,i),K.fF(n.localPosition,o,i)}else K.JG(n.localPosition,o);f.dirtifyLocal(t,n)}}),this.setLocalPosition=(a=K.Ue(),function(t,e){var n=t.transformable;a[0]=e[0],a[1]=e[1],a[2]=e[2]||0,K.fS(n.localPosition,a)||(K.JG(n.localPosition,a),f.dirtifyLocal(t,n))}),this.translate=(s=K.Ue(),l=K.Ue(),c=K.Ue(),function(t,e,n,r){void 0===n&&(n=0),void 0===r&&(r=0),"number"==typeof e&&(e=K.t8(l,e,n,r)),K.fS(e,s)||(K.IH(c,f.getPosition(t),e),f.setPosition(t,c))}),this.setRotation=function(){var t=Q.Ue();return function(e,n,r,i,o){var a=e.transformable;if("number"==typeof n&&(n=Q.al(n,r,i,o)),null!==e.parentNode&&e.parentNode.transformable){var s=f.getRotation(e.parentNode);Q.JG(t,s),Q.U_(t,t),Q.Jp(a.localRotation,t,n),Q.Fv(a.localRotation,a.localRotation),f.dirtifyLocal(e,a)}else f.setLocalRotation(e,n)}},this.displayObjectDependencyMap=new WeakMap,this.calcLocalTransform=(u=q.create(),h=K.Ue(),p=Q.al(0,0,0,1),function(t){if(0!==t.localSkew[0]||0!==t.localSkew[1]){if(q.fromRotationTranslationScaleOrigin(t.localTransform,t.localRotation,t.localPosition,K.al(1,1,1),t.origin),0!==t.localSkew[0]||0!==t.localSkew[1]){var e=q.identity(u);e[4]=Math.tan(t.localSkew[0]),e[1]=Math.tan(t.localSkew[1]),q.multiply(t.localTransform,t.localTransform,e)}var n=q.fromRotationTranslationScaleOrigin(u,p,h,t.localScale,t.origin);q.multiply(t.localTransform,t.localTransform,n)}else q.fromRotationTranslationScaleOrigin(t.localTransform,t.localRotation,t.localPosition,t.localScale,t.origin)})}return t.prototype.matches=function(t,e){return this.runtime.sceneGraphSelector.is(t,e)},t.prototype.querySelector=function(t,e){return this.runtime.sceneGraphSelector.selectOne(t,e)},t.prototype.querySelectorAll=function(t,e){return this.runtime.sceneGraphSelector.selectAll(t,e)},t.prototype.attach=function(t,e,n){var r,i,o=!1;t.parentNode&&(o=t.parentNode!==e,this.detach(t)),t.parentNode=e,(0,tr.Z)(n)?t.parentNode.childNodes.push(t):t.parentNode.childNodes.splice(n,0,t);var a=e.sortable;((null===(r=null==a?void 0:a.sorted)||void 0===r?void 0:r.length)||(null===(i=t.style)||void 0===i?void 0:i.zIndex))&&(-1===a.dirtyChildren.indexOf(t)&&a.dirtyChildren.push(t),a.dirty=!0,a.dirtyReason=V.ADDED);var s=t.transformable;s&&this.dirtifyWorld(t,s),s.frozen&&this.unfreezeParentToRoot(t),o&&t.dispatchEvent(rk)},t.prototype.detach=function(t){var e,n;if(t.parentNode){var r=t.transformable,i=t.parentNode.sortable;((null===(e=null==i?void 0:i.sorted)||void 0===e?void 0:e.length)||(null===(n=t.style)||void 0===n?void 0:n.zIndex))&&(-1===i.dirtyChildren.indexOf(t)&&i.dirtyChildren.push(t),i.dirty=!0,i.dirtyReason=V.REMOVED);var o=t.parentNode.childNodes.indexOf(t);o>-1&&t.parentNode.childNodes.splice(o,1),r&&this.dirtifyWorld(t,r),t.parentNode=null}},t.prototype.getOrigin=function(t){return t.transformable.origin},t.prototype.setOrigin=function(t,e,n,r){void 0===n&&(n=0),void 0===r&&(r=0),"number"==typeof e&&(e=[e,n,r]);var i=t.transformable;if(e[0]!==i.origin[0]||e[1]!==i.origin[1]||e[2]!==i.origin[2]){var o=i.origin;o[0]=e[0],o[1]=e[1],o[2]=e[2]||0,this.dirtifyLocal(t,i)}},t.prototype.setLocalEulerAngles=function(t,e,n,r){void 0===n&&(n=0),void 0===r&&(r=0),"number"==typeof e&&(e=K.al(e,n,r));var i=t.transformable;Q.Su(i.localRotation,e[0],e[1],e[2]),this.dirtifyLocal(t,i)},t.prototype.scaleLocal=function(t,e){var n=t.transformable;K.Jp(n.localScale,n.localScale,K.al(e[0],e[1],e[2]||1)),this.dirtifyLocal(t,n)},t.prototype.setLocalScale=function(t,e){var n=t.transformable,r=K.al(e[0],e[1],e[2]||n.localScale[2]);K.fS(r,n.localScale)||(K.JG(n.localScale,r),this.dirtifyLocal(t,n))},t.prototype.setLocalRotation=function(t,e,n,r,i){"number"==typeof e&&(e=Q.al(e,n,r,i));var o=t.transformable;Q.JG(o.localRotation,e),this.dirtifyLocal(t,o)},t.prototype.setLocalSkew=function(t,e,n){"number"==typeof e&&(e=tt.al(e,n));var r=t.transformable;tt.JG(r.localSkew,e),this.dirtifyLocal(t,r)},t.prototype.dirtifyLocal=function(t,e){e.localDirtyFlag||(e.localDirtyFlag=!0,e.dirtyFlag||this.dirtifyWorld(t,e))},t.prototype.dirtifyWorld=function(t,e){e.dirtyFlag||this.unfreezeParentToRoot(t),this.dirtifyWorldInternal(t,e),this.dirtifyToRoot(t,!0)},t.prototype.triggerPendingEvents=function(){var t=this,e=new Set,n=function(n,r){n.isConnected&&!e.has(n.entity)&&(t.boundsChangedEvent.detail=r,t.boundsChangedEvent.target=n,n.isMutationObserved?n.dispatchEvent(t.boundsChangedEvent):n.ownerDocument.defaultView.dispatchEvent(t.boundsChangedEvent,!0),e.add(n.entity))};this.pendingEvents.forEach(function(t){var e=(0,W.CR)(t,2),r=e[0],i=e[1];i.affectChildren?r.forEach(function(t){n(t,i)}):n(r,i)}),this.clearPendingEvents(),e.clear()},t.prototype.clearPendingEvents=function(){this.pendingEvents=[]},t.prototype.dirtifyToRoot=function(t,e){void 0===e&&(e=!1);var n=t;for(n.renderable&&(n.renderable.dirty=!0);n;)rM(n),n=n.parentNode;e&&t.forEach(function(t){rM(t)}),this.informDependentDisplayObjects(t),this.pendingEvents.push([t,{affectChildren:e}])},t.prototype.updateDisplayObjectDependency=function(t,e,n,r){if(e&&e!==n){var i=this.displayObjectDependencyMap.get(e);if(i&&i[t]){var o=i[t].indexOf(r);i[t].splice(o,1)}}if(n){var a=this.displayObjectDependencyMap.get(n);a||(this.displayObjectDependencyMap.set(n,{}),a=this.displayObjectDependencyMap.get(n)),a[t]||(a[t]=[]),a[t].push(r)}},t.prototype.informDependentDisplayObjects=function(t){var e=this,n=this.displayObjectDependencyMap.get(t);n&&Object.keys(n).forEach(function(t){n[t].forEach(function(n){e.dirtifyToRoot(n,!0),n.dispatchEvent(new rw(H.ATTR_MODIFIED,n,e,e,t,rw.MODIFICATION,e,e)),n.isCustomElement&&n.isConnected&&n.attributeChangedCallback&&n.attributeChangedCallback(t,e,e)})})},t.prototype.getPosition=function(t){var e=t.transformable;return q.getTranslation(e.position,this.getWorldTransform(t,e))},t.prototype.getRotation=function(t){var e=t.transformable;return q.getRotation(e.rotation,this.getWorldTransform(t,e))},t.prototype.getScale=function(t){var e=t.transformable;return q.getScaling(e.scaling,this.getWorldTransform(t,e))},t.prototype.getWorldTransform=function(t,e){return void 0===e&&(e=t.transformable),(e.localDirtyFlag||e.dirtyFlag)&&(t.parentNode&&t.parentNode.transformable&&this.getWorldTransform(t.parentNode),this.sync(t,e)),e.worldTransform},t.prototype.getLocalPosition=function(t){return t.transformable.localPosition},t.prototype.getLocalRotation=function(t){return t.transformable.localRotation},t.prototype.getLocalScale=function(t){return t.transformable.localScale},t.prototype.getLocalSkew=function(t){return t.transformable.localSkew},t.prototype.getLocalTransform=function(t){var e=t.transformable;return e.localDirtyFlag&&(this.calcLocalTransform(e),e.localDirtyFlag=!1),e.localTransform},t.prototype.setLocalTransform=function(t,e){var n=q.getTranslation(K.Ue(),e),r=q.getRotation(Q.Ue(),e),i=q.getScaling(K.Ue(),e);this.setLocalScale(t,i),this.setLocalPosition(t,n),this.setLocalRotation(t,r)},t.prototype.resetLocalTransform=function(t){this.setLocalScale(t,[1,1,1]),this.setLocalPosition(t,[0,0,0]),this.setLocalEulerAngles(t,[0,0,0]),this.setLocalSkew(t,[0,0])},t.prototype.getTransformedGeometryBounds=function(t,e,n){void 0===e&&(e=!1);var r=this.getGeometryBounds(t,e);if(tX.isEmpty(r))return null;var i=n||new tX;return i.setFromTransformedAABB(r,this.getWorldTransform(t)),i},t.prototype.getGeometryBounds=function(t,e){void 0===e&&(e=!1);var n=t.geometry;return(e?n.renderBounds:n.contentBounds||null)||new tX},t.prototype.getBounds=function(t,e){var n=this;void 0===e&&(e=!1);var r=t.renderable;if(!r.boundsDirty&&!e&&r.bounds)return r.bounds;if(!r.renderBoundsDirty&&e&&r.renderBounds)return r.renderBounds;var i=e?r.renderBounds:r.bounds,o=this.getTransformedGeometryBounds(t,e,i);if(t.childNodes.forEach(function(t){var r=n.getBounds(t,e);r&&(o?o.add(r):(o=i||new tX).update(r.center,r.halfExtents))}),e){var a=nz(t);if(a){var s=a.parsedStyle.clipPath.getBounds(e);o?s&&(o=s.intersection(o)):o=s}}return o||(o=new tX),o&&(e?r.renderBounds=o:r.bounds=o),e?r.renderBoundsDirty=!1:r.boundsDirty=!1,o},t.prototype.getLocalBounds=function(t){if(t.parentNode){var e=q.create();t.parentNode.transformable&&(e=q.invert(q.create(),this.getWorldTransform(t.parentNode)));var n=this.getBounds(t);if(!tX.isEmpty(n)){var r=new tX;return r.setFromTransformedAABB(n,e),r}}return this.getBounds(t)},t.prototype.getBoundingClientRect=function(t){var e,n,r,i=this.getGeometryBounds(t);tX.isEmpty(i)||(r=new tX).setFromTransformedAABB(i,this.getWorldTransform(t));var o=null===(n=null===(e=t.ownerDocument)||void 0===e?void 0:e.defaultView)||void 0===n?void 0:n.getContextService().getBoundingClientRect();if(r){var a=(0,W.CR)(r.getMin(),2),s=a[0],l=a[1],c=(0,W.CR)(r.getMax(),2),u=c[0],h=c[1];return new tz(s+((null==o?void 0:o.left)||0),l+((null==o?void 0:o.top)||0),u-s,h-l)}return new tz((null==o?void 0:o.left)||0,(null==o?void 0:o.top)||0,0,0)},t.prototype.dirtifyWorldInternal=function(t,e){var n=this;if(!e.dirtyFlag){e.dirtyFlag=!0,e.frozen=!1,t.childNodes.forEach(function(t){var e=t.transformable;e.dirtyFlag||n.dirtifyWorldInternal(t,e)});var r=t.renderable;r&&(r.renderBoundsDirty=!0,r.boundsDirty=!0,r.dirty=!0)}},t.prototype.syncHierarchy=function(t){var e=t.transformable;if(!e.frozen){e.frozen=!0,(e.localDirtyFlag||e.dirtyFlag)&&this.sync(t,e);for(var n=t.childNodes,r=0;rs;--p){for(var v=0;v=0;l--){var c=s[l].trim();!ro.test(c)&&0>ri.indexOf(c)&&(c='"'.concat(c,'"')),s[l]=c}return"".concat(r," ").concat(i," ").concat(o," ").concat(a," ").concat(s.join(","))}(e),d=this.measureFont(f,n);0===d.fontSize&&(d.fontSize=r,d.ascent=r);var v=this.runtime.offscreenCanvasCreator.getOrCreateContext(n);v.font=f,e.isOverflowing=!1;var y=(i?this.wordWrap(t,e,n):t).split(/(?:\r\n|\r|\n)/),g=Array(y.length),m=0;if(u){u.getTotalLength();for(var E=0;E=s){e.isOverflowing=!0;break}d=0,p[f]="";continue}if(d>0&&d+P>u){if(f+1>=s){if(e.isOverflowing=!0,g>0&&g<=u){for(var S=p[f].length,N=0,C=S,w=0;wu){C=w;break}N+=M}p[f]=(p[f]||"").slice(0,C)+h}break}if(d=0,p[++f]="",this.isBreakingSpace(x))continue;this.canBreakInLastChar(x)||(p=this.trimToBreakable(p),d=this.sumTextWidthByCache(p[f]||"",v)),this.shouldBreakByKinsokuShorui(x,T)&&(p=this.trimByKinsokuShorui(p),d+=y(b||""))}d+=P,p[f]=(p[f]||"")+x}return p.join("\n")},t.prototype.isBreakingSpace=function(t){return"string"==typeof t&&rA.BreakingSpaces.indexOf(t.charCodeAt(0))>=0},t.prototype.isNewline=function(t){return"string"==typeof t&&rA.Newlines.indexOf(t.charCodeAt(0))>=0},t.prototype.trimToBreakable=function(t){var e=(0,W.ev)([],(0,W.CR)(t),!1),n=e[e.length-2],r=this.findBreakableIndex(n);if(-1===r||!n)return e;var i=n.slice(r,r+1),o=this.isBreakingSpace(i),a=r+1,s=r+(o?0:1);return e[e.length-1]+=n.slice(a,n.length),e[e.length-2]=n.slice(0,s),e},t.prototype.canBreakInLastChar=function(t){return!(t&&rO.test(t))},t.prototype.sumTextWidthByCache=function(t,e){return t.split("").reduce(function(t,n){if(!e[n])throw Error("cannot count the word without cache");return t+e[n]},0)},t.prototype.findBreakableIndex=function(t){for(var e=t.length-1;e>=0;e--)if(!rO.test(t[e]))return e;return -1},t.prototype.getFromCache=function(t,e,n,r){var i=n[t];if("number"!=typeof i){var o=t.length*e;i=r.measureText(t).width+o,n[t]=i}return i},t}(),rG={},r_=(T=new rf,P=new rp,(b={})[M.CIRCLE]=new rl,b[M.ELLIPSE]=new rc,b[M.RECT]=T,b[M.IMAGE]=T,b[M.GROUP]=T,b[M.LINE]=new ru,b[M.TEXT]=new rd(rG),b[M.POLYLINE]=P,b[M.POLYGON]=P,b[M.PATH]=new rh,b[M.HTML]=null,b[M.MESH]=null,b),rF=(N=new nC,C=new nk,(S={})[Y.PERCENTAGE]=null,S[Y.NUMBER]=new nG,S[Y.ANGLE]=new nS,S[Y.DEFINED_PATH]=new nN,S[Y.PAINT]=N,S[Y.COLOR]=N,S[Y.FILTER]=new nw,S[Y.LENGTH]=C,S[Y.LENGTH_PERCENTAGE]=C,S[Y.LENGTH_PERCENTAGE_12]=new nR,S[Y.LENGTH_PERCENTAGE_14]=new nA,S[Y.COORDINATE]=new nI,S[Y.OFFSET_DISTANCE]=new n_,S[Y.OPACITY_VALUE]=new nF,S[Y.PATH]=new nB,S[Y.LIST_OF_POINTS]=new nU,S[Y.SHADOW_BLUR]=new nZ,S[Y.TEXT]=new nV,S[Y.TEXT_TRANSFORM]=new nY,S[Y.TRANSFORM]=new ra,S[Y.TRANSFORM_ORIGIN]=new function(){this.parser=ny},S[Y.Z_INDEX]=new rs,S[Y.MARKER]=new nD,S);rG.CameraContribution=t$,rG.AnimationTimeline=null,rG.EasingFunction=null,rG.offscreenCanvasCreator=new rP,rG.nativeHTMLMap=new WeakMap,rG.sceneGraphSelector=new rC,rG.sceneGraphService=new rR(rG),rG.textService=new rD(rG),rG.geometryUpdaterFactory=r_,rG.CSSPropertySyntaxFactory=rF,rG.styleValueRegistry=new nP(rG),rG.layoutRegistry=null,rG.globalThis="undefined"!=typeof globalThis?globalThis:"undefined"!=typeof self?self:"undefined"!=typeof window?window:void 0!==n.g?n.g:{},rG.enableCSSParsing=!0,rG.enableDataset=!1,rG.enableStyleSyntax=!0;var rB=0,rU=new rw(H.INSERTED,null,"","","",0,"",""),rZ=new rw(H.REMOVED,null,"","","",0,"",""),rV=new rE(H.DESTROY),rY=function(t){function e(){var e=null!==t&&t.apply(this,arguments)||this;return e.entity=rB++,e.renderable={bounds:void 0,boundsDirty:!0,renderBounds:void 0,renderBoundsDirty:!0,dirtyRenderBounds:void 0,dirty:!1},e.cullable={strategy:Z.Standard,visibilityPlaneMask:-1,visible:!0,enable:!0},e.transformable={dirtyFlag:!1,localDirtyFlag:!1,frozen:!1,localPosition:[0,0,0],localRotation:[0,0,0,1],localScale:[1,1,1],localTransform:[1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1],localSkew:[0,0],position:[0,0,0],rotation:[0,0,0,1],scaling:[1,1,1],worldTransform:[1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1],origin:[0,0,0]},e.sortable={dirty:!1,sorted:void 0,renderOrder:0,dirtyChildren:[],dirtyReason:void 0},e.geometry={contentBounds:void 0,renderBounds:void 0},e.rBushNode={aabb:void 0},e.namespaceURI="g",e.scrollLeft=0,e.scrollTop=0,e.clientTop=0,e.clientLeft=0,e.destroyed=!1,e.style={},e.computedStyle=rG.enableCSSParsing?{anchor:eu,opacity:eu,fillOpacity:eu,strokeOpacity:eu,fill:eu,stroke:eu,transform:eu,transformOrigin:eu,visibility:eu,pointerEvents:eu,lineWidth:eu,lineCap:eu,lineJoin:eu,increasedLineWidthForHitTesting:eu,fontSize:eu,fontFamily:eu,fontStyle:eu,fontWeight:eu,fontVariant:eu,textAlign:eu,textBaseline:eu,textTransform:eu,zIndex:eu,filter:eu,shadowType:eu}:null,e.parsedStyle={},e.attributes={},e}return(0,W.ZT)(e,t),Object.defineProperty(e.prototype,"className",{get:function(){return this.getAttribute("class")||""},set:function(t){this.setAttribute("class",t)},enumerable:!1,configurable:!0}),Object.defineProperty(e.prototype,"classList",{get:function(){return this.className.split(" ").filter(function(t){return""!==t})},enumerable:!1,configurable:!0}),Object.defineProperty(e.prototype,"tagName",{get:function(){return this.nodeName},enumerable:!1,configurable:!0}),Object.defineProperty(e.prototype,"children",{get:function(){return this.childNodes},enumerable:!1,configurable:!0}),Object.defineProperty(e.prototype,"childElementCount",{get:function(){return this.childNodes.length},enumerable:!1,configurable:!0}),Object.defineProperty(e.prototype,"firstElementChild",{get:function(){return this.firstChild},enumerable:!1,configurable:!0}),Object.defineProperty(e.prototype,"lastElementChild",{get:function(){return this.lastChild},enumerable:!1,configurable:!0}),Object.defineProperty(e.prototype,"parentElement",{get:function(){return this.parentNode},enumerable:!1,configurable:!0}),Object.defineProperty(e.prototype,"nextSibling",{get:function(){if(this.parentNode){var t=this.parentNode.childNodes.indexOf(this);return this.parentNode.childNodes[t+1]||null}return null},enumerable:!1,configurable:!0}),Object.defineProperty(e.prototype,"previousSibling",{get:function(){if(this.parentNode){var t=this.parentNode.childNodes.indexOf(this);return this.parentNode.childNodes[t-1]||null}return null},enumerable:!1,configurable:!0}),e.prototype.cloneNode=function(t){throw Error(tK)},e.prototype.appendChild=function(t,e){var n;if(t.destroyed)throw Error("Cannot append a destroyed element.");return rG.sceneGraphService.attach(t,this,e),(null===(n=this.ownerDocument)||void 0===n?void 0:n.defaultView)&&this.ownerDocument.defaultView.mountChildren(t),rU.relatedNode=this,t.dispatchEvent(rU),t},e.prototype.insertBefore=function(t,e){if(e){var n=this.childNodes.indexOf(e);this.appendChild(t,n-1)}else this.appendChild(t);return t},e.prototype.replaceChild=function(t,e){var n=this.childNodes.indexOf(e);return this.removeChild(e),this.appendChild(t,n),e},e.prototype.removeChild=function(t){var e;return rZ.relatedNode=this,t.dispatchEvent(rZ),(null===(e=t.ownerDocument)||void 0===e?void 0:e.defaultView)&&t.ownerDocument.defaultView.unmountChildren(t),rG.sceneGraphService.detach(t),t},e.prototype.removeChildren=function(){for(var t=this.childNodes.length-1;t>=0;t--){var e=this.childNodes[t];this.removeChild(e)}},e.prototype.destroyChildren=function(){for(var t=this.childNodes.length-1;t>=0;t--){var e=this.childNodes[t];e.childNodes.length&&e.destroyChildren(),e.destroy()}},e.prototype.matches=function(t){return rG.sceneGraphService.matches(t,this)},e.prototype.getElementById=function(t){return rG.sceneGraphService.querySelector("#".concat(t),this)},e.prototype.getElementsByName=function(t){return rG.sceneGraphService.querySelectorAll('[name="'.concat(t,'"]'),this)},e.prototype.getElementsByClassName=function(t){return rG.sceneGraphService.querySelectorAll(".".concat(t),this)},e.prototype.getElementsByTagName=function(t){return rG.sceneGraphService.querySelectorAll(t,this)},e.prototype.querySelector=function(t){return rG.sceneGraphService.querySelector(t,this)},e.prototype.querySelectorAll=function(t){return rG.sceneGraphService.querySelectorAll(t,this)},e.prototype.closest=function(t){var e=this;do{if(rG.sceneGraphService.matches(t,e))return e;e=e.parentElement}while(null!==e);return null},e.prototype.find=function(t){var e=this,n=null;return this.forEach(function(r){return!!(r!==e&&t(r))&&(n=r,!0)}),n},e.prototype.findAll=function(t){var e=this,n=[];return this.forEach(function(r){r!==e&&t(r)&&n.push(r)}),n},e.prototype.after=function(){for(var t=this,e=[],n=0;n1){var n=t[0].currentPoint,r=t[1].currentPoint,i=t[1].startTangent;e=[],i?(e.push([n[0]-i[0],n[1]-i[1]]),e.push([n[0],n[1]])):(e.push([r[0],r[1]]),e.push([n[0],n[1]]))}return e},e.prototype.getEndTangent=function(){var t=this.parsedStyle.path.segments,e=t.length,n=[];if(e>1){var r=t[e-2].currentPoint,i=t[e-1].currentPoint,o=t[e-1].endTangent;n=[],o?(n.push([i[0]-o[0],i[1]-o[1]]),n.push([i[0],i[1]])):(n.push([r[0],r[1]]),n.push([i[0],i[1]]))}return n},e}(rJ),r8=function(t){function e(e){var n=this;void 0===e&&(e={});var r=e.style,i=(0,W._T)(e,["style"]);(n=t.call(this,(0,W.pi)({type:M.POLYGON,style:rG.enableCSSParsing?(0,W.pi)({points:"",miterLimit:"",isClosed:!0},r):(0,W.pi)({},r),initialParsedStyle:rG.enableCSSParsing?null:{points:{points:[],totalLength:0,segments:[]},miterLimit:4,isClosed:!0}},i))||this).markerStartAngle=0,n.markerEndAngle=0,n.markerMidList=[];var o=n.parsedStyle,a=o.markerStart,s=o.markerEnd,l=o.markerMid;return a&&rX(a)&&(n.markerStartAngle=a.getLocalEulerAngles(),n.appendChild(a)),l&&rX(l)&&n.placeMarkerMid(l),s&&rX(s)&&(n.markerEndAngle=s.getLocalEulerAngles(),n.appendChild(s)),n.transformMarker(!0),n.transformMarker(!1),n}return(0,W.ZT)(e,t),e.prototype.attributeChangedCallback=function(t,e,n,r,i){"points"===t?(this.transformMarker(!0),this.transformMarker(!1),this.placeMarkerMid(this.parsedStyle.markerMid)):"markerStartOffset"===t||"markerEndOffset"===t?(this.transformMarker(!0),this.transformMarker(!1)):"markerStart"===t?(r&&rX(r)&&(this.markerStartAngle=0,r.remove()),i&&rX(i)&&(this.markerStartAngle=i.getLocalEulerAngles(),this.appendChild(i),this.transformMarker(!0))):"markerEnd"===t?(r&&rX(r)&&(this.markerEndAngle=0,r.remove()),i&&rX(i)&&(this.markerEndAngle=i.getLocalEulerAngles(),this.appendChild(i),this.transformMarker(!1))):"markerMid"===t&&this.placeMarkerMid(i)},e.prototype.transformMarker=function(t){var e,n,r,i,o,a,s=this.parsedStyle,l=s.markerStart,c=s.markerEnd,u=s.markerStartOffset,h=s.markerEndOffset,p=s.points.points,f=s.defX,d=s.defY,v=t?l:c;if(v&&rX(v)){var y=0;if(r=p[0][0]-f,i=p[0][1]-d,t)e=p[1][0]-p[0][0],n=p[1][1]-p[0][1],o=u||0,a=this.markerStartAngle;else{var g=p.length;this.parsedStyle.isClosed?(e=p[g-1][0]-p[0][0],n=p[g-1][1]-p[0][1]):(r=p[g-1][0]-f,i=p[g-1][1]-d,e=p[g-2][0]-p[g-1][0],n=p[g-2][1]-p[g-1][1]),o=h||0,a=this.markerEndAngle}y=Math.atan2(n,e),v.setLocalEulerAngles(180*y/Math.PI+a),v.setLocalPosition(r+Math.cos(y)*o,i+Math.sin(y)*o)}},e.prototype.placeMarkerMid=function(t){var e=this.parsedStyle,n=e.points.points,r=e.defX,i=e.defY;if(this.markerMidList.forEach(function(t){t.remove()}),this.markerMidList=[],t&&rX(t))for(var o=1;o<(this.parsedStyle.isClosed?n.length:n.length-1);o++){var a=n[o][0]-r,s=n[o][1]-i,l=1===o?t:t.cloneNode(!0);this.markerMidList.push(l),this.appendChild(l),l.setLocalPosition(a,s)}},e}(rJ),r6=function(t){function e(e){void 0===e&&(e={});var n=e.style,r=(0,W._T)(e,["style"]);return t.call(this,(0,W.pi)({type:M.POLYLINE,style:rG.enableCSSParsing?(0,W.pi)({points:"",miterLimit:"",isClosed:!1},n):(0,W.pi)({},n),initialParsedStyle:rG.enableCSSParsing?null:{points:{points:[],totalLength:0,segments:[]},miterLimit:4,isClosed:!1}},r))||this}return(0,W.ZT)(e,t),e.prototype.getTotalLength=function(){return this.parsedStyle.points.totalLength},e.prototype.getPointAtLength=function(t,e){return void 0===e&&(e=!1),this.getPoint(t/this.getTotalLength(),e)},e.prototype.getPoint=function(t,e){void 0===e&&(e=!1);var n=this.parsedStyle,r=n.defX,i=n.defY,o=n.points,a=o.points,s=o.segments,l=0,c=0;s.forEach(function(e,n){t>=e[0]&&t<=e[1]&&(l=(t-e[0])/(e[1]-e[0]),c=n)});var u=(0,tP.U4)(a[c][0],a[c][1],a[c+1][0],a[c+1][1],l),h=u.x,p=u.y,f=K.fF(K.Ue(),K.al(h-r,p-i,0),e?this.getWorldTransform():this.getLocalTransform());return new tW(f[0],f[1])},e.prototype.getStartTangent=function(){var t=this.parsedStyle.points.points,e=[];return e.push([t[1][0],t[1][1]]),e.push([t[0][0],t[0][1]]),e},e.prototype.getEndTangent=function(){var t=this.parsedStyle.points.points,e=t.length-1,n=[];return n.push([t[e-1][0],t[e-1][1]]),n.push([t[e][0],t[e][1]]),n},e}(r8),r7=function(t){function e(e){void 0===e&&(e={});var n=e.style,r=(0,W._T)(e,["style"]);return t.call(this,(0,W.pi)({type:M.RECT,style:rG.enableCSSParsing?(0,W.pi)({x:"",y:"",width:"",height:"",radius:""},n):(0,W.pi)({},n)},r))||this}return(0,W.ZT)(e,t),e}(rJ),it=function(t){function e(e){void 0===e&&(e={});var n=e.style,r=(0,W._T)(e,["style"]);return t.call(this,(0,W.pi)({type:M.TEXT,style:rG.enableCSSParsing?(0,W.pi)({x:"",y:"",text:"",fontSize:"",fontFamily:"",fontStyle:"",fontWeight:"",fontVariant:"",textAlign:"",textBaseline:"",textTransform:"",fill:"black",letterSpacing:"",lineHeight:"",miterLimit:"",wordWrap:!1,wordWrapWidth:0,leading:0,dx:"",dy:""},n):(0,W.pi)({fill:"black"},n),initialParsedStyle:rG.enableCSSParsing?{}:{x:0,y:0,fontSize:16,fontFamily:"sans-serif",fontStyle:"normal",fontWeight:"normal",fontVariant:"normal",lineHeight:0,letterSpacing:0,textBaseline:"alphabetic",textAlign:"start",wordWrap:!1,wordWrapWidth:0,leading:0,dx:0,dy:0}},r))||this}return(0,W.ZT)(e,t),e.prototype.getComputedTextLength=function(){var t;return(null===(t=this.parsedStyle.metrics)||void 0===t?void 0:t.maxLineWidth)||0},e.prototype.getLineBoundingRects=function(){var t;return(null===(t=this.parsedStyle.metrics)||void 0===t?void 0:t.lineMetrics)||[]},e.prototype.isOverflowing=function(){return!!this.parsedStyle.isOverflowing},e}(rJ),ie=function(){function t(){this.registry={},this.define(M.CIRCLE,rQ),this.define(M.ELLIPSE,r1),this.define(M.RECT,r7),this.define(M.IMAGE,r5),this.define(M.LINE,r4),this.define(M.GROUP,r2),this.define(M.PATH,r9),this.define(M.POLYGON,r8),this.define(M.POLYLINE,r6),this.define(M.TEXT,it),this.define(M.HTML,r3)}return t.prototype.define=function(t,e){this.registry[t]=e},t.prototype.get=function(t){return this.registry[t]},t}(),ir=function(t){function e(){var e=t.call(this)||this;e.defaultView=null,e.ownerDocument=null,e.nodeName="document";try{e.timeline=new rG.AnimationTimeline(e)}catch(t){}var n={};return nm.forEach(function(t){var e=t.n,r=t.inh,i=t.d;r&&i&&(n[e]=ee(i)?i(M.GROUP):i)}),e.documentElement=new r2({id:"g-root",style:n}),e.documentElement.ownerDocument=e,e.documentElement.parentNode=e,e.childNodes=[e.documentElement],e}return(0,W.ZT)(e,t),Object.defineProperty(e.prototype,"children",{get:function(){return this.childNodes},enumerable:!1,configurable:!0}),Object.defineProperty(e.prototype,"childElementCount",{get:function(){return this.childNodes.length},enumerable:!1,configurable:!0}),Object.defineProperty(e.prototype,"firstElementChild",{get:function(){return this.firstChild},enumerable:!1,configurable:!0}),Object.defineProperty(e.prototype,"lastElementChild",{get:function(){return this.lastChild},enumerable:!1,configurable:!0}),e.prototype.createElement=function(t,e){if("svg"===t)return this.documentElement;var n=this.defaultView.customElements.get(t);n||(console.warn("Unsupported tagName: ",t),n="tspan"===t?it:r2);var r=new n(e);return r.ownerDocument=this,r},e.prototype.createElementNS=function(t,e,n){return this.createElement(e,n)},e.prototype.cloneNode=function(t){throw Error(tK)},e.prototype.destroy=function(){try{this.documentElement.destroyChildren(),this.timeline.destroy()}catch(t){}},e.prototype.elementsFromBBox=function(t,e,n,r){var i=this.defaultView.context.rBushRoot.search({minX:t,minY:e,maxX:n,maxY:r}),o=[];return i.forEach(function(t){var e=t.displayObject,n=["auto","visiblepainted","visiblefill","visiblestroke","visible"].includes(e.parsedStyle.pointerEvents);(!n||n&&e.isVisible())&&!e.isCulled()&&e.isInteractive()&&o.push(e)}),o.sort(function(t,e){return e.sortable.renderOrder-t.sortable.renderOrder}),o},e.prototype.elementFromPointSync=function(t,e){var n=this.defaultView.canvas2Viewport({x:t,y:e}),r=n.x,i=n.y,o=this.defaultView.getConfig(),a=o.width,s=o.height;if(r<0||i<0||r>a||i>s)return null;var l=this.defaultView.viewport2Client({x:r,y:i}),c=l.x,u=l.y,h=this.defaultView.getRenderingService().hooks.pickSync.call({topmost:!0,position:{x:t,y:e,viewportX:r,viewportY:i,clientX:c,clientY:u},picked:[]}).picked;return h&&h[0]||this.documentElement},e.prototype.elementFromPoint=function(t,e){return(0,W.mG)(this,void 0,void 0,function(){var n,r,i,o,a,s,l,c,u,h;return(0,W.Jh)(this,function(p){switch(p.label){case 0:if(r=(n=this.defaultView.canvas2Viewport({x:t,y:e})).x,i=n.y,a=(o=this.defaultView.getConfig()).width,s=o.height,r<0||i<0||r>a||i>s)return[2,null];return c=(l=this.defaultView.viewport2Client({x:r,y:i})).x,u=l.y,[4,this.defaultView.getRenderingService().hooks.pick.promise({topmost:!0,position:{x:t,y:e,viewportX:r,viewportY:i,clientX:c,clientY:u},picked:[]})];case 1:return[2,(h=p.sent().picked)&&h[0]||this.documentElement]}})})},e.prototype.elementsFromPointSync=function(t,e){var n=this.defaultView.canvas2Viewport({x:t,y:e}),r=n.x,i=n.y,o=this.defaultView.getConfig(),a=o.width,s=o.height;if(r<0||i<0||r>a||i>s)return[];var l=this.defaultView.viewport2Client({x:r,y:i}),c=l.x,u=l.y,h=this.defaultView.getRenderingService().hooks.pickSync.call({topmost:!1,position:{x:t,y:e,viewportX:r,viewportY:i,clientX:c,clientY:u},picked:[]}).picked;return h[h.length-1]!==this.documentElement&&h.push(this.documentElement),h},e.prototype.elementsFromPoint=function(t,e){return(0,W.mG)(this,void 0,void 0,function(){var n,r,i,o,a,s,l,c,u,h;return(0,W.Jh)(this,function(p){switch(p.label){case 0:if(r=(n=this.defaultView.canvas2Viewport({x:t,y:e})).x,i=n.y,a=(o=this.defaultView.getConfig()).width,s=o.height,r<0||i<0||r>a||i>s)return[2,[]];return c=(l=this.defaultView.viewport2Client({x:r,y:i})).x,u=l.y,[4,this.defaultView.getRenderingService().hooks.pick.promise({topmost:!1,position:{x:t,y:e,viewportX:r,viewportY:i,clientX:c,clientY:u},picked:[]})];case 1:return(h=p.sent().picked)[h.length-1]!==this.documentElement&&h.push(this.documentElement),[2,h]}})})},e.prototype.appendChild=function(t,e){throw Error(tq)},e.prototype.insertBefore=function(t,e){throw Error(tq)},e.prototype.removeChild=function(t,e){throw Error(tq)},e.prototype.replaceChild=function(t,e,n){throw Error(tq)},e.prototype.append=function(){throw Error(tq)},e.prototype.prepend=function(){throw Error(tq)},e.prototype.getElementById=function(t){return this.documentElement.getElementById(t)},e.prototype.getElementsByName=function(t){return this.documentElement.getElementsByName(t)},e.prototype.getElementsByTagName=function(t){return this.documentElement.getElementsByTagName(t)},e.prototype.getElementsByClassName=function(t){return this.documentElement.getElementsByClassName(t)},e.prototype.querySelector=function(t){return this.documentElement.querySelector(t)},e.prototype.querySelectorAll=function(t){return this.documentElement.querySelectorAll(t)},e.prototype.find=function(t){return this.documentElement.find(t)},e.prototype.findAll=function(t){return this.documentElement.findAll(t)},e}(rb),ii=function(){function t(t){this.strategies=t}return t.prototype.apply=function(e){var n=e.camera,r=e.renderingService,i=e.renderingContext,o=this.strategies;r.hooks.cull.tap(t.tag,function(t){if(t){var e=t.cullable;return(0===o.length?e.visible=i.unculledEntities.indexOf(t.entity)>-1:e.visible=o.every(function(e){return e.isVisible(n,t)}),!t.isCulled()&&t.isVisible())?t:(t.dispatchEvent(new rE(H.CULLED)),null)}return t}),r.hooks.afterRender.tap(t.tag,function(t){t.cullable.visibilityPlaneMask=-1})},t.tag="Culling",t}(),io=function(){function t(){var t=this;this.autoPreventDefault=!1,this.rootPointerEvent=new rg(null),this.rootWheelEvent=new rm(null),this.onPointerMove=function(e){var n,r,i,o,a=null===(o=null===(i=t.context.renderingContext.root)||void 0===i?void 0:i.ownerDocument)||void 0===o?void 0:o.defaultView;if(!a.supportsTouchEvents||"touch"!==e.pointerType){var s=t.normalizeToPointerEvent(e,a);try{for(var l=(0,W.XA)(s),c=l.next();!c.done;c=l.next()){var u=c.value,h=t.bootstrapEvent(t.rootPointerEvent,u,a,e);t.context.eventService.mapEvent(h)}}catch(t){n={error:t}}finally{try{c&&!c.done&&(r=l.return)&&r.call(l)}finally{if(n)throw n.error}}t.setCursor(t.context.eventService.cursor)}},this.onClick=function(e){var n,r,i,o,a=null===(o=null===(i=t.context.renderingContext.root)||void 0===i?void 0:i.ownerDocument)||void 0===o?void 0:o.defaultView,s=t.normalizeToPointerEvent(e,a);try{for(var l=(0,W.XA)(s),c=l.next();!c.done;c=l.next()){var u=c.value,h=t.bootstrapEvent(t.rootPointerEvent,u,a,e);t.context.eventService.mapEvent(h)}}catch(t){n={error:t}}finally{try{c&&!c.done&&(r=l.return)&&r.call(l)}finally{if(n)throw n.error}}t.setCursor(t.context.eventService.cursor)}}return t.prototype.apply=function(e){var n=this;this.context=e;var r=e.renderingService,i=this.context.renderingContext.root.ownerDocument.defaultView;this.context.eventService.setPickHandler(function(t){return n.context.renderingService.hooks.pickSync.call({position:t,picked:[],topmost:!0}).picked[0]||null}),r.hooks.pointerWheel.tap(t.tag,function(t){var e=n.normalizeWheelEvent(t);n.context.eventService.mapEvent(e)}),r.hooks.pointerDown.tap(t.tag,function(t){if(!i.supportsTouchEvents||"touch"!==t.pointerType){var e,r,o=n.normalizeToPointerEvent(t,i);n.autoPreventDefault&&o[0].isNormalized&&(t.cancelable||!("cancelable"in t))&&t.preventDefault();try{for(var a=(0,W.XA)(o),s=a.next();!s.done;s=a.next()){var l=s.value,c=n.bootstrapEvent(n.rootPointerEvent,l,i,t);n.context.eventService.mapEvent(c)}}catch(t){e={error:t}}finally{try{s&&!s.done&&(r=a.return)&&r.call(a)}finally{if(e)throw e.error}}n.setCursor(n.context.eventService.cursor)}}),r.hooks.pointerUp.tap(t.tag,function(t){if(!i.supportsTouchEvents||"touch"!==t.pointerType){var e,r,o=n.context.contextService.getDomElement(),a="outside";try{a=o&&t.target&&t.target!==o&&o.contains&&!o.contains(t.target)?"outside":""}catch(t){}var s=n.normalizeToPointerEvent(t,i);try{for(var l=(0,W.XA)(s),c=l.next();!c.done;c=l.next()){var u=c.value,h=n.bootstrapEvent(n.rootPointerEvent,u,i,t);h.type+=a,n.context.eventService.mapEvent(h)}}catch(t){e={error:t}}finally{try{c&&!c.done&&(r=l.return)&&r.call(l)}finally{if(e)throw e.error}}n.setCursor(n.context.eventService.cursor)}}),r.hooks.pointerMove.tap(t.tag,this.onPointerMove),r.hooks.pointerOver.tap(t.tag,this.onPointerMove),r.hooks.pointerOut.tap(t.tag,this.onPointerMove),r.hooks.click.tap(t.tag,this.onClick),r.hooks.pointerCancel.tap(t.tag,function(t){var e,r,o=n.normalizeToPointerEvent(t,i);try{for(var a=(0,W.XA)(o),s=a.next();!s.done;s=a.next()){var l=s.value,c=n.bootstrapEvent(n.rootPointerEvent,l,i,t);n.context.eventService.mapEvent(c)}}catch(t){e={error:t}}finally{try{s&&!s.done&&(r=a.return)&&r.call(a)}finally{if(e)throw e.error}}n.setCursor(n.context.eventService.cursor)})},t.prototype.getViewportXY=function(t){var e,n,r=t.offsetX,i=t.offsetY,o=t.clientX,a=t.clientY;if(!this.context.config.supportsCSSTransform||(0,tr.Z)(r)||(0,tr.Z)(i)){var s=this.context.eventService.client2Viewport(new tW(o,a));e=s.x,n=s.y}else e=r,n=i;return{x:e,y:n}},t.prototype.bootstrapEvent=function(t,e,n,r){t.view=n,t.originalEvent=null,t.nativeEvent=r,t.pointerId=e.pointerId,t.width=e.width,t.height=e.height,t.isPrimary=e.isPrimary,t.pointerType=e.pointerType,t.pressure=e.pressure,t.tangentialPressure=e.tangentialPressure,t.tiltX=e.tiltX,t.tiltY=e.tiltY,t.twist=e.twist,this.transferMouseData(t,e);var i=this.getViewportXY(e),o=i.x,a=i.y;t.viewport.x=o,t.viewport.y=a;var s=this.context.eventService.viewport2Canvas(t.viewport),l=s.x,c=s.y;return t.canvas.x=l,t.canvas.y=c,t.global.copyFrom(t.canvas),t.offset.copyFrom(t.canvas),t.isTrusted=r.isTrusted,"pointerleave"===t.type&&(t.type="pointerout"),t.type.startsWith("mouse")&&(t.type=t.type.replace("mouse","pointer")),t.type.startsWith("touch")&&(t.type=nJ[t.type]||t.type),t},t.prototype.normalizeWheelEvent=function(t){var e=this.rootWheelEvent;this.transferMouseData(e,t),e.deltaMode=t.deltaMode,e.deltaX=t.deltaX,e.deltaY=t.deltaY,e.deltaZ=t.deltaZ;var n=this.getViewportXY(t),r=n.x,i=n.y;e.viewport.x=r,e.viewport.y=i;var o=this.context.eventService.viewport2Canvas(e.viewport),a=o.x,s=o.y;return e.canvas.x=a,e.canvas.y=s,e.global.copyFrom(e.canvas),e.offset.copyFrom(e.canvas),e.nativeEvent=t,e.type=t.type,e},t.prototype.transferMouseData=function(t,e){t.isTrusted=e.isTrusted,t.srcElement=e.srcElement,t.timeStamp=n$.now(),t.type=e.type,t.altKey=e.altKey,t.metaKey=e.metaKey,t.shiftKey=e.shiftKey,t.ctrlKey=e.ctrlKey,t.button=e.button,t.buttons=e.buttons,t.client.x=e.clientX,t.client.y=e.clientY,t.movement.x=e.movementX,t.movement.y=e.movementY,t.page.x=e.pageX,t.page.y=e.pageY,t.screen.x=e.screenX,t.screen.y=e.screenY,t.relatedTarget=null},t.prototype.setCursor=function(t){this.context.contextService.applyCursorStyle(t||this.context.config.cursor||"default")},t.prototype.normalizeToPointerEvent=function(t,e){var n=[];if(e.isTouchEvent(t))for(var r=0;r-1,a=0,s=r.length;a=1?Math.ceil(M):1,C=l||("auto"===(n=nq(a,"width"))?a.offsetWidth:parseFloat(n))||a.width/M,w=c||("auto"===(r=nq(a,"height"))?a.offsetHeight:parseFloat(r))||a.height/M),s&&(rG.offscreenCanvas=s),i.devicePixelRatio=M,i.requestAnimationFrame=null!=v?v:n6.bind(rG.globalThis),i.cancelAnimationFrame=null!=y?y:n7.bind(rG.globalThis),i.supportsTouchEvents=null!=E?E:"ontouchstart"in rG.globalThis,i.supportsPointerEvents=null!=m?m:!!rG.globalThis.PointerEvent,i.isTouchEvent=null!=S?S:function(t){return i.supportsTouchEvents&&t instanceof rG.globalThis.TouchEvent},i.isMouseEvent=null!=N?N:function(t){return!rG.globalThis.MouseEvent||t instanceof rG.globalThis.MouseEvent&&(!i.supportsPointerEvents||!(t instanceof rG.globalThis.PointerEvent))},i.initRenderingContext({container:o,canvas:a,width:C,height:w,renderer:h,offscreenCanvas:s,devicePixelRatio:M,cursor:f||"default",background:p||"transparent",createImage:g,document:d,supportsCSSTransform:x,useNativeClickEvent:T,alwaysTriggerPointerEventOnCanvas:P}),i.initDefaultCamera(C,w,h.clipSpaceNearZ),i.initRenderer(h,!0),i}return(0,W.ZT)(e,t),e.prototype.initRenderingContext=function(t){this.context.config=t,this.context.renderingContext={root:this.document.documentElement,renderListCurrentFrame:[],unculledEntities:[],renderReasons:new Set,force:!1,dirty:!1}},e.prototype.initDefaultCamera=function(t,e,n){var r=this,i=new rG.CameraContribution;i.clipSpaceNearZ=n,i.setType(A.EXPLORING,O.DEFAULT).setPosition(t/2,e/2,500).setFocalPoint(t/2,e/2,0).setOrthographic(-(t/2),t/2,e/2,-(e/2),.1,1e3),i.canvas=this,i.eventEmitter.on(tJ.UPDATED,function(){r.context.renderingContext.renderReasons.add(X.CAMERA_CHANGED)}),this.context.camera=i},e.prototype.getConfig=function(){return this.context.config},e.prototype.getRoot=function(){return this.document.documentElement},e.prototype.getCamera=function(){return this.context.camera},e.prototype.getContextService=function(){return this.context.contextService},e.prototype.getEventService=function(){return this.context.eventService},e.prototype.getRenderingService=function(){return this.context.renderingService},e.prototype.getRenderingContext=function(){return this.context.renderingContext},e.prototype.getStats=function(){return this.getRenderingService().getStats()},Object.defineProperty(e.prototype,"ready",{get:function(){var t=this;return!this.readyPromise&&(this.readyPromise=new Promise(function(e){t.resolveReadyPromise=function(){e(t)}}),this.inited&&this.resolveReadyPromise()),this.readyPromise},enumerable:!1,configurable:!0}),e.prototype.destroy=function(t,e){void 0===t&&(t=!0),void 0===e&&(e=!1),e||this.dispatchEvent(new rE(j.BEFORE_DESTROY)),this.frameId&&(this.getConfig().cancelAnimationFrame||cancelAnimationFrame)(this.frameId);var n=this.getRoot();this.unmountChildren(n),t&&(this.document.destroy(),this.getEventService().destroy()),this.getRenderingService().destroy(),this.getContextService().destroy(),t&&this.context.rBushRoot&&(this.context.rBushRoot.clear(),this.context.rBushRoot=null,this.context.renderingContext.root=null),e||this.dispatchEvent(new rE(j.AFTER_DESTROY))},e.prototype.changeSize=function(t,e){this.resize(t,e)},e.prototype.resize=function(t,e){var n=this.context.config;n.width=t,n.height=e,this.getContextService().resize(t,e);var r=this.context.camera,i=r.getProjectionMode();r.setPosition(t/2,e/2,500).setFocalPoint(t/2,e/2,0),i===L.ORTHOGRAPHIC?r.setOrthographic(-(t/2),t/2,e/2,-(e/2),r.getNear(),r.getFar()):r.setAspect(t/e),this.dispatchEvent(new rE(j.RESIZE,{width:t,height:e}))},e.prototype.appendChild=function(t,e){return this.document.documentElement.appendChild(t,e)},e.prototype.insertBefore=function(t,e){return this.document.documentElement.insertBefore(t,e)},e.prototype.removeChild=function(t){return this.document.documentElement.removeChild(t)},e.prototype.removeChildren=function(){this.document.documentElement.removeChildren()},e.prototype.destroyChildren=function(){this.document.documentElement.destroyChildren()},e.prototype.render=function(){var t=this;this.dispatchEvent(ih),this.getRenderingService().render(this.getConfig(),function(){t.dispatchEvent(ip)}),this.dispatchEvent(id)},e.prototype.run=function(){var t=this,e=function(){t.render(),t.frameId=t.requestAnimationFrame(e)};e()},e.prototype.initRenderer=function(t,e){var n=this;if(void 0===e&&(e=!1),!t)throw Error("Renderer is required.");this.inited=!1,this.readyPromise=void 0,this.context.rBushRoot=new tN,this.context.renderingPlugins=[],this.context.renderingPlugins.push(new io,new il,new ii([new is])),this.loadRendererContainerModule(t),this.context.contextService=new this.context.ContextService((0,W.pi)((0,W.pi)({},rG),this.context)),this.context.renderingService=new rS(rG,this.context),this.context.eventService=new rT(rG,this.context),this.context.eventService.init(),this.context.contextService.init?(this.context.contextService.init(),this.initRenderingService(t,e,!0)):this.context.contextService.initAsync().then(function(){n.initRenderingService(t,e)})},e.prototype.initRenderingService=function(t,e,n){var r=this;void 0===e&&(e=!1),void 0===n&&(n=!1),this.context.renderingService.init(function(){r.inited=!0,e?(n?r.requestAnimationFrame(function(){r.dispatchEvent(new rE(j.READY))}):r.dispatchEvent(new rE(j.READY)),r.readyPromise&&r.resolveReadyPromise()):r.dispatchEvent(new rE(j.RENDERER_CHANGED)),e||r.getRoot().forEach(function(t){var e=t.renderable;e&&(e.renderBoundsDirty=!0,e.boundsDirty=!0,e.dirty=!0)}),r.mountChildren(r.getRoot()),t.getConfig().enableAutoRendering&&r.run()})},e.prototype.loadRendererContainerModule=function(t){var e=this;t.getPlugins().forEach(function(t){t.context=e.context,t.init(rG)})},e.prototype.setRenderer=function(t){var e=this.getConfig();if(e.renderer!==t){var n=e.renderer;e.renderer=t,this.destroy(!1,!0),(0,W.ev)([],(0,W.CR)(null==n?void 0:n.getPlugins()),!1).reverse().forEach(function(t){t.destroy(rG)}),this.initRenderer(t)}},e.prototype.setCursor=function(t){this.getConfig().cursor=t,this.getContextService().applyCursorStyle(t)},e.prototype.unmountChildren=function(t){var e=this;t.childNodes.forEach(function(t){e.unmountChildren(t)}),this.inited&&(t.isMutationObserved?t.dispatchEvent(iu):(iu.target=t,this.dispatchEvent(iu,!0)),t!==this.document.documentElement&&(t.ownerDocument=null),t.isConnected=!1),t.isCustomElement&&t.disconnectedCallback&&t.disconnectedCallback()},e.prototype.mountChildren=function(t){var e=this;this.inited?t.isConnected||(t.ownerDocument=this.document,t.isConnected=!0,t.isMutationObserved?t.dispatchEvent(ic):(ic.target=t,this.dispatchEvent(ic,!0))):console.warn("[g]: You are trying to call `canvas.appendChild` before canvas' initialization finished. You can either await `canvas.ready` or listen to `CanvasEvent.READY` manually.","appended child: ",t.nodeName),t.childNodes.forEach(function(t){e.mountChildren(t)}),t.isCustomElement&&t.connectedCallback&&t.connectedCallback()},e.prototype.client2Viewport=function(t){return this.getEventService().client2Viewport(t)},e.prototype.viewport2Client=function(t){return this.getEventService().viewport2Client(t)},e.prototype.viewport2Canvas=function(t){return this.getEventService().viewport2Canvas(t)},e.prototype.canvas2Viewport=function(t){return this.getEventService().canvas2Viewport(t)},e.prototype.getPointByClient=function(t,e){return this.client2Viewport({x:t,y:e})},e.prototype.getClientByPoint=function(t,e){return this.viewport2Client({x:t,y:e})},e}(rx)}}]); \ No newline at end of file diff --git a/pilot/server/static/_next/static/chunks/355a6ca7.e6035af22360251e.js b/pilot/server/static/_next/static/chunks/355a6ca7.e6035af22360251e.js new file mode 100644 index 000000000..49316754a --- /dev/null +++ b/pilot/server/static/_next/static/chunks/355a6ca7.e6035af22360251e.js @@ -0,0 +1 @@ +"use strict";(self.webpackChunk_N_E=self.webpackChunk_N_E||[]).push([[34],{4559:function(t,e,n){n.d(e,{$6:function(){return j},$p:function(){return nq},Aw:function(){return rx},Cd:function(){return r0},Cm:function(){return I},Dk:function(){return H},E9:function(){return tz},Ee:function(){return r4},F6:function(){return tw},G$:function(){return ns},G0:function(){return nI},GL:function(){return U},GZ:function(){return r_},I8:function(){return tM},L1:function(){return n0},N1:function(){return nb},NB:function(){return rT},O4:function(){return tI},Oi:function(){return nK},Pj:function(){return r2},R:function(){return eA},RV:function(){return rH},Rr:function(){return X},Rx:function(){return eb},UL:function(){return it},V1:function(){return tQ},Vl:function(){return tD},Xz:function(){return iy},YR:function(){return e8},ZA:function(){return r3},_O:function(){return tL},aH:function(){return r7},b_:function(){return r1},bn:function(){return M},gz:function(){return eq},h0:function(){return Y},iM:function(){return A},jU:function(){return nW},jd:function(){return rM},jf:function(){return tq},k9:function(){return r5},lu:function(){return eL},mN:function(){return tH},mg:function(){return r6},o6:function(){return eT},qA:function(){return eO},s$:function(){return r$},ux:function(){return rQ},x1:function(){return r9},xA:function(){return ry},xv:function(){return ie},y$:function(){return r8}});var r,i,o,a,s,l,c,u,h,p,f,d,v,y,g,m,E,x,b,T,P,S,N,C,w,M,k,R,A,O,L,I,D,G,_,F,B,U,Z,V,Y,X,H,j,W=n(97582),z=n(54146),K=n(77160),q=n(85975),J=n(35600),$=n(98333),Q=n(32945),tt=n(31437),te=n(68797),tn=n(6393),tr=n(37377),ti=n(4663),to=n(53984),ta=n(72888),ts=n(58133),tl=n(26380),tc=n(76703),tu=n(25995),th=n(28024),tp=n(75066),tf=n(10353),td=n(49958),tv=n(49908),ty=n(8699),tg=n(88154),tm=n(47427),tE=n(63725),tx=n(72614),tb=n(36522),tT=n(80431),tP=n(33439),tS=n(73743),tN=("undefined"!=typeof globalThis?globalThis:"undefined"!=typeof window?window:void 0!==n.g?n.g:"undefined"!=typeof self&&self,{exports:{}});tN.exports=function(){function t(t,e,n){var r=t[e];t[e]=t[n],t[n]=r}function e(t,e){return te?1:0}var n=function(t){void 0===t&&(t=9),this._maxEntries=Math.max(4,t),this._minEntries=Math.max(2,Math.ceil(.4*this._maxEntries)),this.clear()};function r(t,e){i(t,0,t.children.length,e,t)}function i(t,e,n,r,i){i||(i=p(null)),i.minX=1/0,i.minY=1/0,i.maxX=-1/0,i.maxY=-1/0;for(var a=e;a=t.minX&&e.maxY>=t.minY}function p(t){return{children:t,height:1,leaf:!0,minX:1/0,minY:1/0,maxX:-1/0,maxY:-1/0}}function f(n,r,i,o,a){for(var s=[r,i];s.length;)if(i=s.pop(),r=s.pop(),!(i-r<=o)){var l=r+Math.ceil((i-r)/o/2)*o;(function e(n,r,i,o,a){for(;o>i;){if(o-i>600){var s=o-i+1,l=r-i+1,c=Math.log(s),u=.5*Math.exp(2*c/3),h=.5*Math.sqrt(c*u*(s-u)/s)*(l-s/2<0?-1:1),p=Math.max(i,Math.floor(r-l*u/s+h)),f=Math.min(o,Math.floor(r+(s-l)*u/s+h));e(n,r,p,f,a)}var d=n[r],v=i,y=o;for(t(n,i,r),a(n[o],d)>0&&t(n,i,o);va(n[v],d);)v++;for(;a(n[y],d)>0;)y--}0===a(n[i],d)?t(n,i,y):t(n,++y,o),y<=r&&(i=y+1),r<=y&&(o=y-1)}})(n,l,r||0,i||n.length-1,a||e),s.push(r,l,l,i)}}return n.prototype.all=function(){return this._all(this.data,[])},n.prototype.search=function(t){var e=this.data,n=[];if(!h(t,e))return n;for(var r=this.toBBox,i=[];e;){for(var o=0;o=0;)if(i[e].children.length>this._maxEntries)this._split(i,e),e--;else break;this._adjustParentBBoxes(r,i,e)},n.prototype._split=function(t,e){var n=t[e],i=n.children.length,o=this._minEntries;this._chooseSplitAxis(n,o,i);var a=this._chooseSplitIndex(n,o,i),s=p(n.children.splice(a,n.children.length-a));s.height=n.height,s.leaf=n.leaf,r(n,this.toBBox),r(s,this.toBBox),e?t[e-1].children.push(s):this._splitRoot(n,s)},n.prototype._splitRoot=function(t,e){this.data=p([t,e]),this.data.height=t.height+1,this.data.leaf=!1,r(this.data,this.toBBox)},n.prototype._chooseSplitIndex=function(t,e,n){for(var r,o=1/0,a=1/0,s=e;s<=n-e;s++){var c=i(t,0,s,this.toBBox),u=i(t,s,n,this.toBBox),h=function(t,e){var n=Math.max(t.minX,e.minX),r=Math.max(t.minY,e.minY);return Math.max(0,Math.min(t.maxX,e.maxX)-n)*Math.max(0,Math.min(t.maxY,e.maxY)-r)}(c,u),p=l(c)+l(u);h=e;f--){var d=t.children[f];o(l,t.leaf?a(d):d),u+=c(l)}return u},n.prototype._adjustParentBBoxes=function(t,e,n){for(var r=n;r>=0;r--)o(e[r],t)},n.prototype._condense=function(t){for(var e=t.length-1,n=void 0;e>=0;e--)0===t[e].children.length?e>0?(n=t[e-1].children).splice(n.indexOf(t[e]),1):this.clear():r(t[e],this.toBBox)},n}();var tC=tN.exports;(r=M||(M={})).GROUP="g",r.CIRCLE="circle",r.ELLIPSE="ellipse",r.IMAGE="image",r.RECT="rect",r.LINE="line",r.POLYLINE="polyline",r.POLYGON="polygon",r.TEXT="text",r.PATH="path",r.HTML="html",r.MESH="mesh",(i=k||(k={}))[i.ZERO=0]="ZERO",i[i.NEGATIVE_ONE=1]="NEGATIVE_ONE";var tw=function(){function t(){this.plugins=[]}return t.prototype.addRenderingPlugin=function(t){this.plugins.push(t),this.context.renderingPlugins.push(t)},t.prototype.removeAllRenderingPlugins=function(){var t=this;this.plugins.forEach(function(e){var n=t.context.renderingPlugins.indexOf(e);n>=0&&t.context.renderingPlugins.splice(n,1)})},t}(),tM=function(){function t(t){this.clipSpaceNearZ=k.NEGATIVE_ONE,this.plugins=[],this.config=(0,W.pi)({enableDirtyCheck:!0,enableCulling:!1,enableAutoRendering:!0,enableDirtyRectangleRendering:!0,enableDirtyRectangleRenderingDebug:!1},t)}return t.prototype.registerPlugin=function(t){-1===this.plugins.findIndex(function(e){return e===t})&&this.plugins.push(t)},t.prototype.unregisterPlugin=function(t){var e=this.plugins.findIndex(function(e){return e===t});e>-1&&this.plugins.splice(e,1)},t.prototype.getPlugins=function(){return this.plugins},t.prototype.getPlugin=function(t){return this.plugins.find(function(e){return e.name===t})},t.prototype.getConfig=function(){return this.config},t.prototype.setConfig=function(t){Object.assign(this.config,t)},t}();function tk(t,e){return t[0]=e[0],t[1]=e[1],t[2]=e[2],t}function tR(t,e,n){return t[0]=e[0]-n[0],t[1]=e[1]-n[1],t[2]=e[2]-n[2],t}function tA(t,e,n){return t[0]=e[0]+n[0],t[1]=e[1]+n[1],t[2]=e[2]+n[2],t}function tO(t,e,n){return t[0]=e[0]*n,t[1]=e[1]*n,t[2]=e[2]*n,t}function tL(t){return void 0===t?0:t>360||t<-360?t%360:t}function tI(t,e,n){return(void 0===e&&(e=0),void 0===n&&(n=0),Array.isArray(t)&&3===t.length)?K.d9(t):(0,te.Z)(t)?K.al(t,e,n):K.al(t[0],t[1]||e,t[2]||n)}function tD(t){return t*(Math.PI/180)}function tG(t){return t*(180/Math.PI)}function t_(t,e){var n,r,i,o,a,s,l,c,u,h,p,f,d,v,y,g,m;return 16===e.length?(i=.5*Math.PI,a=(o=(0,W.CR)(q.getScaling(K.Ue(),e),3))[0],s=o[1],l=o[2],(c=Math.asin(-e[2]/a))-i?(n=Math.atan2(e[6]/s,e[10]/l),r=Math.atan2(e[1]/a,e[0]/a)):(r=0,n=-Math.atan2(e[4]/s,e[5]/s)):(r=0,n=Math.atan2(e[4]/s,e[5]/s)),t[0]=n,t[1]=c,t[2]=r,t):(u=e[0],h=e[1],p=e[2],f=e[3],g=u*u+(d=h*h)+(v=p*p)+(y=f*f),(m=u*f-h*p)>.499995*g?(t[0]=Math.PI/2,t[1]=2*Math.atan2(h,u),t[2]=0):m<-.499995*g?(t[0]=-Math.PI/2,t[1]=2*Math.atan2(h,u),t[2]=0):(t[0]=Math.asin(2*(u*p-f*h)),t[1]=Math.atan2(2*(u*f+h*p),1-2*(v+y)),t[2]=Math.atan2(2*(u*h+p*f),1-2*(d+v))),t)}function tF(t){var e=t[0],n=t[1],r=t[3],i=t[4],o=Math.sqrt(e*e+n*n),a=Math.sqrt(r*r+i*i);e*i-n*r<0&&(eh&&(h=N),Cf&&(f=w),Mv&&(v=k),n[0]=(u+h)*.5,n[1]=(p+f)*.5,n[2]=(d+v)*.5,a[0]=(h-u)*.5,a[1]=(f-p)*.5,a[2]=(v-d)*.5,this.min[0]=u,this.min[1]=p,this.min[2]=d,this.max[0]=h,this.max[1]=f,this.max[2]=v}},t.prototype.setFromTransformedAABB=function(t,e){var n=this.center,r=this.halfExtents,i=t.center,o=t.halfExtents,a=e[0],s=e[4],l=e[8],c=e[1],u=e[5],h=e[9],p=e[2],f=e[6],d=e[10],v=Math.abs(a),y=Math.abs(s),g=Math.abs(l),m=Math.abs(c),E=Math.abs(u),x=Math.abs(h),b=Math.abs(p),T=Math.abs(f),P=Math.abs(d);n[0]=e[12]+a*i[0]+s*i[1]+l*i[2],n[1]=e[13]+c*i[0]+u*i[1]+h*i[2],n[2]=e[14]+p*i[0]+f*i[1]+d*i[2],r[0]=v*o[0]+y*o[1]+g*o[2],r[1]=m*o[0]+E*o[1]+x*o[2],r[2]=b*o[0]+T*o[1]+P*o[2],tR(this.min,n,r),tA(this.max,n,r)},t.prototype.intersects=function(t){var e=this.getMax(),n=this.getMin(),r=t.getMax(),i=t.getMin();return n[0]<=r[0]&&e[0]>=i[0]&&n[1]<=r[1]&&e[1]>=i[1]&&n[2]<=r[2]&&e[2]>=i[2]},t.prototype.intersection=function(e){if(!this.intersects(e))return null;var n,r,i,o,a,s,l=new t,c=(n=[0,0,0],r=this.getMin(),i=e.getMin(),n[0]=Math.max(r[0],i[0]),n[1]=Math.max(r[1],i[1]),n[2]=Math.max(r[2],i[2]),n),u=(o=[0,0,0],a=this.getMax(),s=e.getMax(),o[0]=Math.min(a[0],s[0]),o[1]=Math.min(a[1],s[1]),o[2]=Math.min(a[2],s[2]),o);return l.setMinMax(c,u),l},t.prototype.getNegativeFarPoint=function(t){if(273===t.pnVertexFlag)return tk([0,0,0],this.min);if(272===t.pnVertexFlag)return[this.min[0],this.min[1],this.max[2]];if(257===t.pnVertexFlag)return[this.min[0],this.max[1],this.min[2]];if(256===t.pnVertexFlag)return[this.min[0],this.max[1],this.max[2]];if(17===t.pnVertexFlag)return[this.max[0],this.min[1],this.min[2]];if(16===t.pnVertexFlag)return[this.max[0],this.min[1],this.max[2]];if(1===t.pnVertexFlag)return[this.max[0],this.max[1],this.min[2]];else return[this.max[0],this.max[1],this.max[2]]},t.prototype.getPositiveFarPoint=function(t){if(273===t.pnVertexFlag)return tk([0,0,0],this.max);if(272===t.pnVertexFlag)return[this.max[0],this.max[1],this.min[2]];if(257===t.pnVertexFlag)return[this.max[0],this.min[1],this.max[2]];if(256===t.pnVertexFlag)return[this.max[0],this.min[1],this.min[2]];if(17===t.pnVertexFlag)return[this.min[0],this.max[1],this.max[2]];if(16===t.pnVertexFlag)return[this.min[0],this.max[1],this.min[2]];if(1===t.pnVertexFlag)return[this.min[0],this.min[1],this.max[2]];else return[this.min[0],this.min[1],this.min[2]]},t}(),tj=function(){function t(t,e){this.distance=t||0,this.normal=e||K.al(0,1,0),this.updatePNVertexFlag()}return t.prototype.updatePNVertexFlag=function(){this.pnVertexFlag=(Number(this.normal[0]>=0)<<8)+(Number(this.normal[1]>=0)<<4)+Number(this.normal[2]>=0)},t.prototype.distanceToPoint=function(t){return K.AK(t,this.normal)-this.distance},t.prototype.normalize=function(){var t=1/K.Zh(this.normal);K.bA(this.normal,this.normal,t),this.distance*=t},t.prototype.intersectsLine=function(t,e,n){var r=this.distanceToPoint(t),i=r/(r-this.distanceToPoint(e)),o=i>=0&&i<=1;return o&&n&&K.t7(n,t,e,i),o},t}();(o=R||(R={}))[o.OUTSIDE=4294967295]="OUTSIDE",o[o.INSIDE=0]="INSIDE",o[o.INDETERMINATE=2147483647]="INDETERMINATE";var tW=function(){function t(t){if(this.planes=[],t)this.planes=t;else for(var e=0;e<6;e++)this.planes.push(new tj)}return t.prototype.extractFromVPMatrix=function(t){var e=(0,W.CR)(t,16),n=e[0],r=e[1],i=e[2],o=e[3],a=e[4],s=e[5],l=e[6],c=e[7],u=e[8],h=e[9],p=e[10],f=e[11],d=e[12],v=e[13],y=e[14],g=e[15];K.t8(this.planes[0].normal,o-n,c-a,f-u),this.planes[0].distance=g-d,K.t8(this.planes[1].normal,o+n,c+a,f+u),this.planes[1].distance=g+d,K.t8(this.planes[2].normal,o+r,c+s,f+h),this.planes[2].distance=g+v,K.t8(this.planes[3].normal,o-r,c-s,f-h),this.planes[3].distance=g-v,K.t8(this.planes[4].normal,o-i,c-l,f-p),this.planes[4].distance=g-y,K.t8(this.planes[5].normal,o+i,c+l,f+p),this.planes[5].distance=g+y,this.planes.forEach(function(t){t.normalize(),t.updatePNVertexFlag()})},t}(),tz=function(){function t(t,e){void 0===t&&(t=0),void 0===e&&(e=0),this.x=0,this.y=0,this.x=t,this.y=e}return t.prototype.clone=function(){return new t(this.x,this.y)},t.prototype.copyFrom=function(t){this.x=t.x,this.y=t.y},t}(),tK=function(){function t(t,e,n,r){this.x=t,this.y=e,this.width=n,this.height=r,this.left=t,this.right=t+n,this.top=e,this.bottom=e+r}return t.prototype.toJSON=function(){},t}(),tq="Method not implemented.",tJ="Use document.documentElement instead.";(a=A||(A={}))[a.ORBITING=0]="ORBITING",a[a.EXPLORING=1]="EXPLORING",a[a.TRACKING=2]="TRACKING",(s=O||(O={}))[s.DEFAULT=0]="DEFAULT",s[s.ROTATIONAL=1]="ROTATIONAL",s[s.TRANSLATIONAL=2]="TRANSLATIONAL",s[s.CINEMATIC=3]="CINEMATIC",(l=L||(L={}))[l.ORTHOGRAPHIC=0]="ORTHOGRAPHIC",l[l.PERSPECTIVE=1]="PERSPECTIVE";var t$={UPDATED:"updated"},tQ=function(){function t(){this.clipSpaceNearZ=k.NEGATIVE_ONE,this.eventEmitter=new z.Z,this.matrix=q.create(),this.right=K.al(1,0,0),this.up=K.al(0,1,0),this.forward=K.al(0,0,1),this.position=K.al(0,0,1),this.focalPoint=K.al(0,0,0),this.distanceVector=K.al(0,0,-1),this.distance=1,this.azimuth=0,this.elevation=0,this.roll=0,this.relAzimuth=0,this.relElevation=0,this.relRoll=0,this.dollyingStep=0,this.maxDistance=1/0,this.minDistance=-1/0,this.zoom=1,this.rotateWorld=!1,this.fov=30,this.near=.1,this.far=1e3,this.aspect=1,this.projectionMatrix=q.create(),this.projectionMatrixInverse=q.create(),this.jitteredProjectionMatrix=void 0,this.enableUpdate=!0,this.type=A.EXPLORING,this.trackingMode=O.DEFAULT,this.projectionMode=L.PERSPECTIVE,this.frustum=new tW,this.orthoMatrix=q.create()}return t.prototype.isOrtho=function(){return this.projectionMode===L.ORTHOGRAPHIC},t.prototype.getProjectionMode=function(){return this.projectionMode},t.prototype.getPerspective=function(){return this.jitteredProjectionMatrix||this.projectionMatrix},t.prototype.getPerspectiveInverse=function(){return this.projectionMatrixInverse},t.prototype.getFrustum=function(){return this.frustum},t.prototype.getPosition=function(){return this.position},t.prototype.getFocalPoint=function(){return this.focalPoint},t.prototype.getDollyingStep=function(){return this.dollyingStep},t.prototype.getNear=function(){return this.near},t.prototype.getFar=function(){return this.far},t.prototype.getZoom=function(){return this.zoom},t.prototype.getOrthoMatrix=function(){return this.orthoMatrix},t.prototype.getView=function(){return this.view},t.prototype.setEnableUpdate=function(t){this.enableUpdate=t},t.prototype.setType=function(t,e){return this.type=t,this.type===A.EXPLORING?this.setWorldRotation(!0):this.setWorldRotation(!1),this._getAngles(),this.type===A.TRACKING&&void 0!==e&&this.setTrackingMode(e),this},t.prototype.setProjectionMode=function(t){return this.projectionMode=t,this},t.prototype.setTrackingMode=function(t){if(this.type!==A.TRACKING)throw Error("Impossible to set a tracking mode if the camera is not of tracking type");return this.trackingMode=t,this},t.prototype.setWorldRotation=function(t){return this.rotateWorld=t,this._getAngles(),this},t.prototype.getViewTransform=function(){return q.invert(q.create(),this.matrix)},t.prototype.getWorldTransform=function(){return this.matrix},t.prototype.jitterProjectionMatrix=function(t,e){var n=q.fromTranslation(q.create(),[t,e,0]);this.jitteredProjectionMatrix=q.multiply(q.create(),n,this.projectionMatrix)},t.prototype.clearJitterProjectionMatrix=function(){this.jitteredProjectionMatrix=void 0},t.prototype.setMatrix=function(t){return this.matrix=t,this._update(),this},t.prototype.setFov=function(t){return this.setPerspective(this.near,this.far,t,this.aspect),this},t.prototype.setAspect=function(t){return this.setPerspective(this.near,this.far,this.fov,t),this},t.prototype.setNear=function(t){return this.projectionMode===L.PERSPECTIVE?this.setPerspective(t,this.far,this.fov,this.aspect):this.setOrthographic(this.left,this.rright,this.top,this.bottom,t,this.far),this},t.prototype.setFar=function(t){return this.projectionMode===L.PERSPECTIVE?this.setPerspective(this.near,t,this.fov,this.aspect):this.setOrthographic(this.left,this.rright,this.top,this.bottom,this.near,t),this},t.prototype.setViewOffset=function(t,e,n,r,i,o){return this.aspect=t/e,void 0===this.view&&(this.view={enabled:!0,fullWidth:1,fullHeight:1,offsetX:0,offsetY:0,width:1,height:1}),this.view.enabled=!0,this.view.fullWidth=t,this.view.fullHeight=e,this.view.offsetX=n,this.view.offsetY=r,this.view.width=i,this.view.height=o,this.projectionMode===L.PERSPECTIVE?this.setPerspective(this.near,this.far,this.fov,this.aspect):this.setOrthographic(this.left,this.rright,this.top,this.bottom,this.near,this.far),this},t.prototype.clearViewOffset=function(){return void 0!==this.view&&(this.view.enabled=!1),this.projectionMode===L.PERSPECTIVE?this.setPerspective(this.near,this.far,this.fov,this.aspect):this.setOrthographic(this.left,this.rright,this.top,this.bottom,this.near,this.far),this},t.prototype.setZoom=function(t){return this.zoom=t,this.projectionMode===L.ORTHOGRAPHIC?this.setOrthographic(this.left,this.rright,this.top,this.bottom,this.near,this.far):this.projectionMode===L.PERSPECTIVE&&this.setPerspective(this.near,this.far,this.fov,this.aspect),this},t.prototype.setZoomByViewportPoint=function(t,e){var n=this.canvas.viewport2Canvas({x:e[0],y:e[1]}),r=n.x,i=n.y,o=this.roll;this.rotate(0,0,-o),this.setPosition(r,i),this.setFocalPoint(r,i),this.setZoom(t),this.rotate(0,0,o);var a=this.canvas.viewport2Canvas({x:e[0],y:e[1]}),s=a.x,l=a.y,c=K.al(s-r,l-i,0),u=K.AK(c,this.right)/K.kE(this.right),h=K.AK(c,this.up)/K.kE(this.up);return this.pan(-u,-h),this},t.prototype.setPerspective=function(t,e,n,r){this.projectionMode=L.PERSPECTIVE,this.fov=n,this.near=t,this.far=e,this.aspect=r;var i,o,a,s,l,c,u,h,p,f=this.near*Math.tan(tD(.5*this.fov))/this.zoom,d=2*f,v=this.aspect*d,y=-.5*v;if(null===(p=this.view)||void 0===p?void 0:p.enabled){var g=this.view.fullWidth,m=this.view.fullHeight;y+=this.view.offsetX*v/g,f-=this.view.offsetY*d/m,v*=this.view.width/g,d*=this.view.height/m}return i=this.projectionMatrix,o=y,a=y+v,s=f,l=f-d,c=this.far,this.clipSpaceNearZ===k.ZERO?(u=-c/(c-t),h=-c*t/(c-t)):(u=-(c+t)/(c-t),h=-2*c*t/(c-t)),i[0]=2*t/(a-o),i[1]=0,i[2]=0,i[3]=0,i[4]=0,i[5]=2*t/(s-l),i[6]=0,i[7]=0,i[8]=(a+o)/(a-o),i[9]=(s+l)/(s-l),i[10]=u,i[11]=-1,i[12]=0,i[13]=0,i[14]=h,i[15]=0,q.scale(this.projectionMatrix,this.projectionMatrix,K.al(1,-1,1)),q.invert(this.projectionMatrixInverse,this.projectionMatrix),this.triggerUpdate(),this},t.prototype.setOrthographic=function(t,e,n,r,i,o){this.projectionMode=L.ORTHOGRAPHIC,this.rright=e,this.left=t,this.top=n,this.bottom=r,this.near=i,this.far=o;var a,s=(this.rright-this.left)/(2*this.zoom),l=(this.top-this.bottom)/(2*this.zoom),c=(this.rright+this.left)/2,u=(this.top+this.bottom)/2,h=c-s,p=c+s,f=u+l,d=u-l;if(null===(a=this.view)||void 0===a?void 0:a.enabled){var v=(this.rright-this.left)/this.view.fullWidth/this.zoom,y=(this.top-this.bottom)/this.view.fullHeight/this.zoom;h+=v*this.view.offsetX,p=h+v*this.view.width,f-=y*this.view.offsetY,d=f-y*this.view.height}return this.clipSpaceNearZ===k.NEGATIVE_ONE?q.ortho(this.projectionMatrix,h,p,d,f,i,o):q.orthoZO(this.projectionMatrix,h,p,d,f,i,o),q.scale(this.projectionMatrix,this.projectionMatrix,K.al(1,-1,1)),q.invert(this.projectionMatrixInverse,this.projectionMatrix),this._getOrthoMatrix(),this.triggerUpdate(),this},t.prototype.setPosition=function(t,e,n){void 0===e&&(e=this.position[1]),void 0===n&&(n=this.position[2]);var r=tI(t,e,n);return this._setPosition(r),this.setFocalPoint(this.focalPoint),this.triggerUpdate(),this},t.prototype.setFocalPoint=function(t,e,n){void 0===e&&(e=this.focalPoint[1]),void 0===n&&(n=this.focalPoint[2]);var r=K.al(0,1,0);if(this.focalPoint=tI(t,e,n),this.trackingMode===O.CINEMATIC){var i=K.$X(K.Ue(),this.focalPoint,this.position);t=i[0],e=i[1],n=i[2];var o=tG(Math.asin(e/K.kE(i))),a=90+tG(Math.atan2(n,t)),s=q.create();q.rotateY(s,s,tD(a)),q.rotateX(s,s,tD(o)),r=K.fF(K.Ue(),[0,1,0],s)}return q.invert(this.matrix,q.lookAt(q.create(),this.position,this.focalPoint,r)),this._getAxes(),this._getDistance(),this._getAngles(),this.triggerUpdate(),this},t.prototype.getDistance=function(){return this.distance},t.prototype.getDistanceVector=function(){return this.distanceVector},t.prototype.setDistance=function(t){if(this.distance===t||t<0)return this;this.distance=t,this.distance<2e-4&&(this.distance=2e-4),this.dollyingStep=this.distance/100;var e=K.Ue();t=this.distance;var n=this.forward,r=this.focalPoint;return e[0]=t*n[0]+r[0],e[1]=t*n[1]+r[1],e[2]=t*n[2]+r[2],this._setPosition(e),this.triggerUpdate(),this},t.prototype.setMaxDistance=function(t){return this.maxDistance=t,this},t.prototype.setMinDistance=function(t){return this.minDistance=t,this},t.prototype.setAzimuth=function(t){return this.azimuth=tL(t),this.computeMatrix(),this._getAxes(),this.type===A.ORBITING||this.type===A.EXPLORING?this._getPosition():this.type===A.TRACKING&&this._getFocalPoint(),this.triggerUpdate(),this},t.prototype.getAzimuth=function(){return this.azimuth},t.prototype.setElevation=function(t){return this.elevation=tL(t),this.computeMatrix(),this._getAxes(),this.type===A.ORBITING||this.type===A.EXPLORING?this._getPosition():this.type===A.TRACKING&&this._getFocalPoint(),this.triggerUpdate(),this},t.prototype.getElevation=function(){return this.elevation},t.prototype.setRoll=function(t){return this.roll=tL(t),this.computeMatrix(),this._getAxes(),this.type===A.ORBITING||this.type===A.EXPLORING?this._getPosition():this.type===A.TRACKING&&this._getFocalPoint(),this.triggerUpdate(),this},t.prototype.getRoll=function(){return this.roll},t.prototype._update=function(){this._getAxes(),this._getPosition(),this._getDistance(),this._getAngles(),this._getOrthoMatrix(),this.triggerUpdate()},t.prototype.computeMatrix=function(){var t=Q.yY(Q.Ue(),[0,0,1],tD(this.roll));q.identity(this.matrix);var e=Q.yY(Q.Ue(),[1,0,0],tD((this.rotateWorld&&this.type!==A.TRACKING||this.type===A.TRACKING?1:-1)*this.elevation)),n=Q.yY(Q.Ue(),[0,1,0],tD((this.rotateWorld&&this.type!==A.TRACKING||this.type===A.TRACKING?1:-1)*this.azimuth)),r=Q.Jp(Q.Ue(),n,e);r=Q.Jp(Q.Ue(),r,t);var i=q.fromQuat(q.create(),r);this.type===A.ORBITING||this.type===A.EXPLORING?(q.translate(this.matrix,this.matrix,this.focalPoint),q.multiply(this.matrix,this.matrix,i),q.translate(this.matrix,this.matrix,[0,0,this.distance])):this.type===A.TRACKING&&(q.translate(this.matrix,this.matrix,this.position),q.multiply(this.matrix,this.matrix,i))},t.prototype._setPosition=function(t,e,n){this.position=tI(t,e,n);var r=this.matrix;r[12]=this.position[0],r[13]=this.position[1],r[14]=this.position[2],r[15]=1,this._getOrthoMatrix()},t.prototype._getAxes=function(){K.JG(this.right,tI($.fF($.Ue(),[1,0,0,0],this.matrix))),K.JG(this.up,tI($.fF($.Ue(),[0,1,0,0],this.matrix))),K.JG(this.forward,tI($.fF($.Ue(),[0,0,1,0],this.matrix))),K.Fv(this.right,this.right),K.Fv(this.up,this.up),K.Fv(this.forward,this.forward)},t.prototype._getAngles=function(){var t=this.distanceVector[0],e=this.distanceVector[1],n=this.distanceVector[2],r=K.kE(this.distanceVector);if(0===r){this.elevation=0,this.azimuth=0;return}this.type===A.TRACKING?(this.elevation=tG(Math.asin(e/r)),this.azimuth=tG(Math.atan2(-t,-n))):this.rotateWorld?(this.elevation=tG(Math.asin(e/r)),this.azimuth=tG(Math.atan2(-t,-n))):(this.elevation=-tG(Math.asin(e/r)),this.azimuth=-tG(Math.atan2(-t,-n)))},t.prototype._getPosition=function(){K.JG(this.position,tI($.fF($.Ue(),[0,0,0,1],this.matrix))),this._getDistance()},t.prototype._getFocalPoint=function(){K.kK(this.distanceVector,[0,0,-this.distance],J.xO(J.Ue(),this.matrix)),K.IH(this.focalPoint,this.position,this.distanceVector),this._getDistance()},t.prototype._getDistance=function(){this.distanceVector=K.$X(K.Ue(),this.focalPoint,this.position),this.distance=K.kE(this.distanceVector),this.dollyingStep=this.distance/100},t.prototype._getOrthoMatrix=function(){if(this.projectionMode===L.ORTHOGRAPHIC){var t=this.position,e=Q.yY(Q.Ue(),[0,0,1],-this.roll*Math.PI/180);q.fromRotationTranslationScaleOrigin(this.orthoMatrix,e,K.al((this.rright-this.left)/2-t[0],(this.top-this.bottom)/2-t[1],0),K.al(this.zoom,this.zoom,1),t)}},t.prototype.triggerUpdate=function(){if(this.enableUpdate){var t=this.getViewTransform(),e=q.multiply(q.create(),this.getPerspective(),t);this.getFrustum().extractFromVPMatrix(e),this.eventEmitter.emit(t$.UPDATED)}},t.prototype.rotate=function(t,e,n){throw Error(tq)},t.prototype.pan=function(t,e){throw Error(tq)},t.prototype.dolly=function(t){throw Error(tq)},t.prototype.createLandmark=function(t,e){throw Error(tq)},t.prototype.gotoLandmark=function(t,e){throw Error(tq)},t.prototype.cancelLandmarkAnimation=function(){throw Error(tq)},t}();function t0(t,e){if("function"!=typeof t||null!=e&&"function"!=typeof e)throw TypeError("Expected a function");var n=function(){for(var r=[],i=0;i=I.kEms&&t=B.kUnitType&&this.getType()<=B.kClampType},t}(),t8=function(t){function e(e){var n=t.call(this)||this;return n.colorSpace=e,n}return(0,W.ZT)(e,t),e.prototype.getType=function(){return B.kColorType},e.prototype.to=function(t){return this},e}(t9);(v=U||(U={}))[v.Constant=0]="Constant",v[v.LinearGradient=1]="LinearGradient",v[v.RadialGradient=2]="RadialGradient";var t6=function(t){function e(e,n){var r=t.call(this)||this;return r.type=e,r.value=n,r}return(0,W.ZT)(e,t),e.prototype.clone=function(){return new e(this.type,this.value)},e.prototype.buildCSSText=function(t,e,n){return n},e.prototype.getType=function(){return B.kColorType},e}(t9),t7=function(t){function e(e){var n=t.call(this)||this;return n.value=e,n}return(0,W.ZT)(e,t),e.prototype.clone=function(){return new e(this.value)},e.prototype.getType=function(){return B.kKeywordType},e.prototype.buildCSSText=function(t,e,n){return n+this.value},e}(t9),et=t0(function(t){return void 0===t&&(t=""),t.replace(/-([a-z])/g,function(t){return t[1].toUpperCase()})}),ee=function(t){return t.split("").map(function(t,e){return t.toUpperCase()===t?"".concat(0!==e?"-":"").concat(t.toLowerCase()):t}).join("")};function en(t){return"function"==typeof t}var er={d:{alias:"path"},strokeDasharray:{alias:"lineDash"},strokeWidth:{alias:"lineWidth"},textAnchor:{alias:"textAlign"},src:{alias:"img"}},ei=t0(function(t){var e=et(t),n=er[e];return(null==n?void 0:n.alias)||e}),eo=function(t,e){void 0===e&&(e="");var n="";return Number.isFinite(t)?(function(t){if(!t)throw Error()}(Number.isNaN(t)),n="NaN"):n=t>0?"infinity":"-infinity",n+e},ea=function(t){return t3(t2(t))},es=function(t){function e(e,n){void 0===n&&(n=I.kNumber);var r,i,o=t.call(this)||this;return i="string"==typeof n?(r=n)?"number"===r?I.kNumber:"percent"===r||"%"===r?I.kPercentage:t1.find(function(t){return t.name===r}).unit_type:I.kUnknown:n,o.unit=i,o.value=e,o}return(0,W.ZT)(e,t),e.prototype.clone=function(){return new e(this.value,this.unit)},e.prototype.equals=function(t){return this.value===t.value&&this.unit===t.unit},e.prototype.getType=function(){return B.kUnitType},e.prototype.convertTo=function(t){if(this.unit===t)return new e(this.value,this.unit);var n=ea(this.unit);if(n!==ea(t)||n===I.kUnknown)return null;var r=t5(this.unit)/t5(t);return new e(this.value*r,t)},e.prototype.buildCSSText=function(t,e,n){var r;switch(this.unit){case I.kUnknown:break;case I.kInteger:r=Number(this.value).toFixed(0);break;case I.kNumber:case I.kPercentage:case I.kEms:case I.kRems:case I.kPixels:case I.kDegrees:case I.kRadians:case I.kGradians:case I.kMilliseconds:case I.kSeconds:case I.kTurns:var i=this.value,o=t4(this.unit);if(i<-999999||i>999999){var a=t4(this.unit);r=!Number.isFinite(i)||Number.isNaN(i)?eo(i,a):i+(a||"")}else r="".concat(i).concat(o)}return n+r},e}(t9),el=new es(0,"px");new es(1,"px");var ec=new es(0,"deg"),eu=function(t){function e(e,n,r,i,o){void 0===i&&(i=1),void 0===o&&(o=!1);var a=t.call(this,"rgb")||this;return a.r=e,a.g=n,a.b=r,a.alpha=i,a.isNone=o,a}return(0,W.ZT)(e,t),e.prototype.clone=function(){return new e(this.r,this.g,this.b,this.alpha)},e.prototype.buildCSSText=function(t,e,n){return n+"rgba(".concat(this.r,",").concat(this.g,",").concat(this.b,",").concat(this.alpha,")")},e}(t8),eh=new t7("unset"),ep={"":eh,unset:eh,initial:new t7("initial"),inherit:new t7("inherit")},ef=function(t){return ep[t]||(ep[t]=new t7(t)),ep[t]},ed=new eu(0,0,0,0,!0),ev=new eu(0,0,0,0),ey=t0(function(t,e,n,r){return new eu(t,e,n,r)},function(t,e,n,r){return"rgba(".concat(t,",").concat(e,",").concat(n,",").concat(r,")")}),eg=function(t,e){return void 0===e&&(e=I.kNumber),new es(t,e)},em=new es(50,"%");(y=Z||(Z={}))[y.Standard=0]="Standard",(g=V||(V={}))[g.ADDED=0]="ADDED",g[g.REMOVED=1]="REMOVED",g[g.Z_INDEX_CHANGED=2]="Z_INDEX_CHANGED";var eE={absolutePath:[],hasArc:!1,segments:[],polygons:[],polylines:[],curve:null,totalLength:0,rect:new tK(0,0,0,0)};(m=Y||(Y={})).COORDINATE="",m.COLOR="",m.PAINT="",m.NUMBER="",m.ANGLE="",m.OPACITY_VALUE="",m.SHADOW_BLUR="",m.LENGTH="",m.PERCENTAGE="",m.LENGTH_PERCENTAGE=" | ",m.LENGTH_PERCENTAGE_12="[ | ]{1,2}",m.LENGTH_PERCENTAGE_14="[ | ]{1,4}",m.LIST_OF_POINTS="",m.PATH="",m.FILTER="",m.Z_INDEX="",m.OFFSET_DISTANCE="",m.DEFINED_PATH="",m.MARKER="",m.TRANSFORM="",m.TRANSFORM_ORIGIN="",m.TEXT="",m.TEXT_TRANSFORM="";var ex=function(){var t={linearGradient:/^(linear\-gradient)/i,repeatingLinearGradient:/^(repeating\-linear\-gradient)/i,radialGradient:/^(radial\-gradient)/i,repeatingRadialGradient:/^(repeating\-radial\-gradient)/i,conicGradient:/^(conic\-gradient)/i,sideOrCorner:/^to (left (top|bottom)|right (top|bottom)|top (left|right)|bottom (left|right)|left|right|top|bottom)/i,extentKeywords:/^(closest\-side|closest\-corner|farthest\-side|farthest\-corner|contain|cover)/,positionKeywords:/^(left|center|right|top|bottom)/i,pixelValue:/^(-?(([0-9]*\.[0-9]+)|([0-9]+\.?)))px/,percentageValue:/^(-?(([0-9]*\.[0-9]+)|([0-9]+\.?)))\%/,emValue:/^(-?(([0-9]*\.[0-9]+)|([0-9]+\.?)))em/,angleValue:/^(-?(([0-9]*\.[0-9]+)|([0-9]+\.?)))deg/,startCall:/^\(/,endCall:/^\)/,comma:/^,/,hexColor:/^\#([0-9a-fA-F]+)/,literalColor:/^([a-zA-Z]+)/,rgbColor:/^rgb/i,rgbaColor:/^rgba/i,number:/^(([0-9]*\.[0-9]+)|([0-9]+\.?))/},e="";function n(t){throw Error(e+": "+t)}function r(){return i("linear-gradient",t.linearGradient,a)||i("repeating-linear-gradient",t.repeatingLinearGradient,a)||i("radial-gradient",t.radialGradient,s)||i("repeating-radial-gradient",t.repeatingRadialGradient,s)||i("conic-gradient",t.conicGradient,s)}function i(e,r,i){return o(r,function(r){var o=i();return o&&!m(t.comma)&&n("Missing comma before color stops"),{type:e,orientation:o,colorStops:p(f)}})}function o(e,r){var i=m(e);if(i){m(t.startCall)||n("Missing (");var o=r(i);return m(t.endCall)||n("Missing )"),o}}function a(){return g("directional",t.sideOrCorner,1)||g("angular",t.angleValue,1)}function s(){var n,r,i=l();return i&&((n=[]).push(i),r=e,m(t.comma)&&((i=l())?n.push(i):e=r)),n}function l(){var t,e,n=((t=g("shape",/^(circle)/i,0))&&(t.style=y()||c()),t||((e=g("shape",/^(ellipse)/i,0))&&(e.style=v()||c()),e));if(n)n.at=u();else{var r=c();if(r){n=r;var i=u();i&&(n.at=i)}else{var o=h();o&&(n={type:"default-radial",at:o})}}return n}function c(){return g("extent-keyword",t.extentKeywords,1)}function u(){if(g("position",/^at/,0)){var t=h();return t||n("Missing positioning value"),t}}function h(){var t={x:v(),y:v()};if(t.x||t.y)return{type:"position",value:t}}function p(e){var r=e(),i=[];if(r)for(i.push(r);m(t.comma);)(r=e())?i.push(r):n("One extra comma");return i}function f(){var e=g("hex",t.hexColor,1)||o(t.rgbaColor,function(){return{type:"rgba",value:p(d)}})||o(t.rgbColor,function(){return{type:"rgb",value:p(d)}})||g("literal",t.literalColor,0);return e||n("Expected color definition"),e.length=v(),e}function d(){return m(t.number)[1]}function v(){return g("%",t.percentageValue,1)||g("position-keyword",t.positionKeywords,1)||y()}function y(){return g("px",t.pixelValue,1)||g("em",t.emValue,1)}function g(t,e,n){var r=m(e);if(r)return{type:t,value:r[n]}}function m(t){var n=/^[\n\r\t\s]+/.exec(e);n&&E(n[0].length);var r=t.exec(e);return r&&E(r[0].length),r}function E(t){e=e.substring(t)}return function(t){var i;return e=t,i=p(r),e.length>0&&n("Invalid input not EOF"),i}}();function eb(t,e,n){var r=tD(n.value),i=0+t/2,o=0+e/2,a=Math.abs(t*Math.cos(r))+Math.abs(e*Math.sin(r));return{x1:i-Math.cos(r)*a/2,y1:o-Math.sin(r)*a/2,x2:i+Math.cos(r)*a/2,y2:o+Math.sin(r)*a/2}}function eT(t,e,n,r,i){var o=n.value,a=r.value;n.unit===I.kPercentage&&(o=n.value/100*t),r.unit===I.kPercentage&&(a=r.value/100*e);var s=Math.max((0,tn.y)([0,0],[o,a]),(0,tn.y)([0,e],[o,a]),(0,tn.y)([t,e],[o,a]),(0,tn.y)([t,0],[o,a]));return i&&(i instanceof es?s=i.value:i instanceof t7&&("closest-side"===i.value?s=Math.min(o,t-o,a,e-a):"farthest-side"===i.value?s=Math.max(o,t-o,a,e-a):"closest-corner"===i.value&&(s=Math.min((0,tn.y)([0,0],[o,a]),(0,tn.y)([0,e],[o,a]),(0,tn.y)([t,e],[o,a]),(0,tn.y)([t,0],[o,a]))))),{x:o,y:a,r:s}}var eP=/^l\s*\(\s*([\d.]+)\s*\)\s*(.*)/i,eS=/^r\s*\(\s*([\d.]+)\s*,\s*([\d.]+)\s*,\s*([\d.]+)\s*\)\s*(.*)/i,eN=/^p\s*\(\s*([axyn])\s*\)\s*(.*)/i,eC=/[\d.]+:(#[^\s]+|[^\)]+\))/gi,ew={left:180,top:-90,bottom:90,right:0,"left top":225,"top left":225,"left bottom":135,"bottom left":135,"right top":-45,"top right":-45,"right bottom":45,"bottom right":45},eM=t0(function(t){return eg("angular"===t.type?Number(t.value):ew[t.value]||0,"deg")}),ek=t0(function(t){var e=50,n=50,r="%",i="%";if((null==t?void 0:t.type)==="position"){var o=t.value,a=o.x,s=o.y;(null==a?void 0:a.type)==="position-keyword"&&("left"===a.value?e=0:"center"===a.value?e=50:"right"===a.value?e=100:"top"===a.value?n=0:"bottom"===a.value&&(n=100)),(null==s?void 0:s.type)==="position-keyword"&&("left"===s.value?e=0:"center"===s.value?n=50:"right"===s.value?e=100:"top"===s.value?n=0:"bottom"===s.value&&(n=100)),((null==a?void 0:a.type)==="px"||(null==a?void 0:a.type)==="%"||(null==a?void 0:a.type)==="em")&&(r=null==a?void 0:a.type,e=Number(a.value)),((null==s?void 0:s.type)==="px"||(null==s?void 0:s.type)==="%"||(null==s?void 0:s.type)==="em")&&(i=null==s?void 0:s.type,n=Number(s.value))}return{cx:eg(e,r),cy:eg(n,i)}}),eR=t0(function(t){if(t.indexOf("linear")>-1||t.indexOf("radial")>-1){var e;return ex(t).map(function(t){var e=t.type,n=t.orientation,r=t.colorStops;!function(t){var e,n,r,i=t.length;t[i-1].length=null!==(e=t[i-1].length)&&void 0!==e?e:{type:"%",value:"100"},i>1&&(t[0].length=null!==(n=t[0].length)&&void 0!==n?n:{type:"%",value:"0"});for(var o=0,a=Number(t[0].length.value),s=1;s=0)return eg(Number(e),"px");if("deg".search(t)>=0)return eg(Number(e),"deg")}var n=[];e=e.replace(t,function(t){return n.push(t),"U"+t});var r="U("+t.source+")";return n.map(function(t){return eg(Number(e.replace(RegExp("U"+t,"g"),"").replace(RegExp(r,"g"),"*0")),t)})[0]}var eG=t0(function(t){return eD(/px/g,t)});t0(function(t){return eD(RegExp("%","g"),t)});var e_=function(t){return(0,te.Z)(t)||isFinite(Number(t))?eg(Number(t)||0,"px"):eD(RegExp("px|%|em|rem","g"),t)},eF=t0(function(t){return eD(RegExp("deg|rad|grad|turn","g"),t)});function eB(t){var e=0;return t.unit===I.kDegrees?e=t.value:t.unit===I.kRadians?e=tG(Number(t.value)):t.unit===I.kTurns&&(e=360*Number(t.value)),e}function eU(t,e){var n;return(Array.isArray(t)?n=t.map(function(t){return Number(t)}):(0,ti.Z)(t)?n=t.split(" ").map(function(t){return Number(t)}):(0,te.Z)(t)&&(n=[t]),2===e)?1===n.length?[n[0],n[0]]:[n[0],n[1]]:1===n.length?[n[0],n[0],n[0],n[0]]:2===n.length?[n[0],n[1],n[0],n[1]]:3===n.length?[n[0],n[1],n[2],n[1]]:[n[0],n[1],n[2],n[3]]}function eZ(t){return(0,ti.Z)(t)?t.split(" ").map(function(t){return e_(t)}):t.map(function(t){return e_(t.toString())})}function eV(t,e,n){if(0===t.value)return 0;if(t.unit===I.kPixels)return Number(t.value);if(t.unit===I.kPercentage&&n){var r=n.nodeName===M.GROUP?n.getLocalBounds():n.geometry.contentBounds;return t.value/100*r.halfExtents[e]*2}return 0}var eY=["blur","brightness","drop-shadow","contrast","grayscale","sepia","saturate","hue-rotate","invert"];function eX(t){if(void 0===t&&(t=""),"none"===(t=t.toLowerCase().trim()))return[];for(var e,n=/\s*([\w-]+)\(([^)]*)\)/g,r=[],i=0;(e=n.exec(t))&&e.index===i;)if(i=e.index+e[0].length,eY.indexOf(e[1])>-1&&r.push({name:e[1],params:e[2].split(" ").map(function(t){return eD(/deg|rad|grad|turn|px|%/g,t)||eL(t)})}),n.lastIndex===t.length)return r;return[]}function eH(t){return t.toString()}var ej=t0(function(t){return"number"==typeof t?eg(t):/^\s*[-+]?(\d*\.)?\d+\s*$/.test(t)?eg(Number(t)):eg(0)});function eW(t,e){return[t,e,eH]}function ez(t,e){return function(n,r){return[n,r,function(n){return eH((0,to.Z)(n,t,e))}]}}function eK(t,e){if(t.length===e.length)return[t,e,function(t){return t}]}function eq(t){return 0===t.parsedStyle.path.totalLength&&(t.parsedStyle.path.totalLength=(0,ta.D)(t.parsedStyle.path.absolutePath)),t.parsedStyle.path.totalLength}function eJ(t,e){return t[0]===e[0]&&t[1]===e[1]}function e$(t,e){var n=t.prePoint,r=t.currentPoint,i=t.nextPoint,o=Math.pow(r[0]-n[0],2)+Math.pow(r[1]-n[1],2),a=Math.pow(r[0]-i[0],2)+Math.pow(r[1]-i[1],2),s=Math.acos((o+a-(Math.pow(n[0]-i[0],2)+Math.pow(n[1]-i[1],2)))/(2*Math.sqrt(o)*Math.sqrt(a)));if(!s||0===Math.sin(s)||(0,tc.Z)(s,0))return{xExtra:0,yExtra:0};var l=Math.abs(Math.atan2(i[1]-r[1],i[0]-r[0])),c=Math.abs(Math.atan2(i[0]-r[0],i[1]-r[1]));return{xExtra:Math.cos(s/2-(l=l>Math.PI/2?Math.PI-l:l))*(e/2*(1/Math.sin(s/2)))-e/2||0,yExtra:Math.cos((c=c>Math.PI/2?Math.PI-c:c)-s/2)*(e/2*(1/Math.sin(s/2)))-e/2||0}}function eQ(t,e){return[e[0]+(e[0]-t[0]),e[1]+(e[1]-t[1])]}t0(function(t){return(0,ti.Z)(t)?t.split(" ").map(ej):t.map(ej)});var e0=function(t,e){var n=t.x*e.x+t.y*e.y,r=Math.sqrt((Math.pow(t.x,2)+Math.pow(t.y,2))*(Math.pow(e.x,2)+Math.pow(e.y,2)));return(t.x*e.y-t.y*e.x<0?-1:1)*Math.acos(n/r)},e1=function(t,e,n,r,i,o,a,s){e=Math.abs(e),n=Math.abs(n);var l=tD(r=(0,tu.Z)(r,360));if(t.x===a.x&&t.y===a.y)return{x:t.x,y:t.y,ellipticalArcAngle:0};if(0===e||0===n)return{x:0,y:0,ellipticalArcAngle:0};var c=(t.x-a.x)/2,u=(t.y-a.y)/2,h={x:Math.cos(l)*c+Math.sin(l)*u,y:-Math.sin(l)*c+Math.cos(l)*u},p=Math.pow(h.x,2)/Math.pow(e,2)+Math.pow(h.y,2)/Math.pow(n,2);p>1&&(e=Math.sqrt(p)*e,n=Math.sqrt(p)*n);var f=(Math.pow(e,2)*Math.pow(n,2)-Math.pow(e,2)*Math.pow(h.y,2)-Math.pow(n,2)*Math.pow(h.x,2))/(Math.pow(e,2)*Math.pow(h.y,2)+Math.pow(n,2)*Math.pow(h.x,2)),d=(i!==o?1:-1)*Math.sqrt(f=f<0?0:f),v={x:d*(e*h.y/n),y:d*(-(n*h.x)/e)},y={x:Math.cos(l)*v.x-Math.sin(l)*v.y+(t.x+a.x)/2,y:Math.sin(l)*v.x+Math.cos(l)*v.y+(t.y+a.y)/2},g={x:(h.x-v.x)/e,y:(h.y-v.y)/n},m=e0({x:1,y:0},g),E=e0(g,{x:(-h.x-v.x)/e,y:(-h.y-v.y)/n});!o&&E>0?E-=2*Math.PI:o&&E<0&&(E+=2*Math.PI);var x=m+(E%=2*Math.PI)*s,b=e*Math.cos(x),T=n*Math.sin(x);return{x:Math.cos(l)*b-Math.sin(l)*T+y.x,y:Math.sin(l)*b+Math.cos(l)*T+y.y,ellipticalArcStartAngle:m,ellipticalArcEndAngle:m+E,ellipticalArcAngle:x,ellipticalArcCenter:y,resultantRx:e,resultantRy:n}};function e2(t,e,n){void 0===n&&(n=!0);var r=t.arcParams,i=r.rx,o=void 0===i?0:i,a=r.ry,s=void 0===a?0:a,l=r.xRotation,c=r.arcFlag,u=r.sweepFlag,h=e1({x:t.prePoint[0],y:t.prePoint[1]},o,s,l,!!c,!!u,{x:t.currentPoint[0],y:t.currentPoint[1]},e),p=e1({x:t.prePoint[0],y:t.prePoint[1]},o,s,l,!!c,!!u,{x:t.currentPoint[0],y:t.currentPoint[1]},n?e+.005:e-.005),f=p.x-h.x,d=p.y-h.y,v=Math.sqrt(f*f+d*d);return{x:-f/v,y:-d/v}}function e3(t){return Math.sqrt(t[0]*t[0]+t[1]*t[1])}function e5(t,e){return e3(t)*e3(e)?(t[0]*e[0]+t[1]*e[1])/(e3(t)*e3(e)):1}function e4(t,e){return(t[0]*e[1]0?1:-1,h=e>0?1:-1,p=u+h!==0?1:0;return[["M",u*a+n,r],["L",t-u*s+n,r],s?["A",s,s,0,0,p,t+n,h*s+r]:null,["L",t+n,e-h*l+r],l?["A",l,l,0,0,p,t+n-u*l,e+r]:null,["L",n+u*c,e+r],c?["A",c,c,0,0,p,n,e+r-h*c]:null,["L",n,h*a+r],a?["A",a,a,0,0,p,u*a+n,r]:null,["Z"]].filter(function(t){return t})}return[["M",n,r],["L",n+t,r],["L",n+t,r+e],["L",n,r+e],["Z"]]}(D,_,B,Z,V&&V.some(function(t){return 0!==t})&&V.map(function(t){return(0,to.Z)(t,0,Math.min(Math.abs(D)/2,Math.abs(_)/2))}));break;case M.PATH:var Y=t.parsedStyle.path.absolutePath;p=(0,W.ev)([],(0,W.CR)(Y),!1)}if(p.length)return o=p,a=e,c=void 0===(l=(s=t.parsedStyle).defX)?0:l,h=void 0===(u=s.defY)?0:u,o.reduce(function(t,e){var n="";if("M"===e[0]||"L"===e[0]){var r=K.al(e[1]-c,e[2]-h,0);a&&K.fF(r,r,a),n="".concat(e[0]).concat(r[0],",").concat(r[1])}else if("Z"===e[0])n=e[0];else if("C"===e[0]){var i=K.al(e[1]-c,e[2]-h,0),o=K.al(e[3]-c,e[4]-h,0),s=K.al(e[5]-c,e[6]-h,0);a&&(K.fF(i,i,a),K.fF(o,o,a),K.fF(s,s,a)),n="".concat(e[0]).concat(i[0],",").concat(i[1],",").concat(o[0],",").concat(o[1],",").concat(s[0],",").concat(s[1])}else if("A"===e[0]){var l=K.al(e[6]-c,e[7]-h,0);a&&K.fF(l,l,a),n="".concat(e[0]).concat(e[1],",").concat(e[2],",").concat(e[3],",").concat(e[4],",").concat(e[5],",").concat(l[0],",").concat(l[1])}else if("Q"===e[0]){var i=K.al(e[1]-c,e[2]-h,0),o=K.al(e[3]-c,e[4]-h,0);a&&(K.fF(i,i,a),K.fF(o,o,a)),n="".concat(e[0]).concat(e[1],",").concat(e[2],",").concat(e[3],",").concat(e[4],"}")}return t+n},"")}var e6=function(t){if(""===t||Array.isArray(t)&&0===t.length)return{absolutePath:[],hasArc:!1,segments:[],polygons:[],polylines:[],curve:null,totalLength:0,rect:{x:0,y:0,width:0,height:0}};try{e=(0,th.A)(t)}catch(n){e=(0,th.A)(""),console.error("[g]: Invalid SVG Path definition: ".concat(t))}!function(t){for(var e=0;e0&&n.push(r),{polygons:e,polylines:n}}(e),i=r.polygons,o=r.polylines,a=function(t){for(var e=[],n=null,r=null,i=null,o=0,a=t.length,s=0;s1&&(n*=Math.sqrt(f),r*=Math.sqrt(f));var d=n*n*(p*p)+r*r*(h*h),v=d?Math.sqrt((n*n*(r*r)-d)/d):1;o===a&&(v*=-1),isNaN(v)&&(v=0);var y=r?v*n*p/r:0,g=n?-(v*r)*h/n:0,m=(s+c)/2+Math.cos(i)*y-Math.sin(i)*g,E=(l+u)/2+Math.sin(i)*y+Math.cos(i)*g,x=[(h-y)/n,(p-g)/r],b=[(-1*h-y)/n,(-1*p-g)/r],T=e4([1,0],x),P=e4(x,b);return -1>=e5(x,b)&&(P=Math.PI),e5(x,b)>=1&&(P=0),0===a&&P>0&&(P-=2*Math.PI),1===a&&P<0&&(P+=2*Math.PI),{cx:m,cy:E,rx:eJ(t,[c,u])?0:n,ry:eJ(t,[c,u])?0:r,startAngle:T,endAngle:T+P,xRotation:i,arcFlag:o,sweepFlag:a}}(n,l);u.arcParams=h}if("Z"===c)n=i,r=t[o+1];else{var p=l.length;n=[l[p-2],l[p-1]]}r&&"Z"===r[0]&&(r=t[o],e[o]&&(e[o].prePoint=n)),u.currentPoint=n,e[o]&&eJ(n,e[o].currentPoint)&&(e[o].prePoint=u.prePoint);var f=r?[r[r.length-2],r[r.length-1]]:null;u.nextPoint=f;var d=u.prePoint;if(["L","H","V"].includes(c))u.startTangent=[d[0]-n[0],d[1]-n[1]],u.endTangent=[n[0]-d[0],n[1]-d[1]];else if("Q"===c){var v=[l[1],l[2]];u.startTangent=[d[0]-v[0],d[1]-v[1]],u.endTangent=[n[0]-v[0],n[1]-v[1]]}else if("T"===c){var y=e[s-1],v=eQ(y.currentPoint,d);"Q"===y.command?(u.command="Q",u.startTangent=[d[0]-v[0],d[1]-v[1]],u.endTangent=[n[0]-v[0],n[1]-v[1]]):(u.command="TL",u.startTangent=[d[0]-n[0],d[1]-n[1]],u.endTangent=[n[0]-d[0],n[1]-d[1]])}else if("C"===c){var g=[l[1],l[2]],m=[l[3],l[4]];u.startTangent=[d[0]-g[0],d[1]-g[1]],u.endTangent=[n[0]-m[0],n[1]-m[1]],0===u.startTangent[0]&&0===u.startTangent[1]&&(u.startTangent=[g[0]-m[0],g[1]-m[1]]),0===u.endTangent[0]&&0===u.endTangent[1]&&(u.endTangent=[m[0]-g[0],m[1]-g[1]])}else if("S"===c){var y=e[s-1],g=eQ(y.currentPoint,d),m=[l[1],l[2]];"C"===y.command?(u.command="C",u.startTangent=[d[0]-g[0],d[1]-g[1]],u.endTangent=[n[0]-m[0],n[1]-m[1]]):(u.command="SQ",u.startTangent=[d[0]-m[0],d[1]-m[1]],u.endTangent=[n[0]-m[0],n[1]-m[1]])}else if("A"===c){var E=e2(u,0),x=E.x,b=E.y,T=e2(u,1,!1),P=T.x,S=T.y;u.startTangent=[x,b],u.endTangent=[P,S]}e.push(u)}return e}(e),s=function(t,e){for(var n=[],r=[],i=[],o=0;oMath.abs(q.determinant(tU))))){var a=tB[3],s=tB[7],l=tB[11],c=tB[12],u=tB[13],h=tB[14],p=tB[15];if(0!==a||0!==s||0!==l){if(tZ[0]=a,tZ[1]=s,tZ[2]=l,tZ[3]=p,!q.invert(tU,tU))return;q.transpose(tU,tU),$.fF(i,tZ,tU)}else i[0]=i[1]=i[2]=0,i[3]=1;if(e[0]=c,e[1]=u,e[2]=h,tV[0][0]=tB[0],tV[0][1]=tB[1],tV[0][2]=tB[2],tV[1][0]=tB[4],tV[1][1]=tB[5],tV[1][2]=tB[6],tV[2][0]=tB[8],tV[2][1]=tB[9],tV[2][2]=tB[10],n[0]=K.kE(tV[0]),K.Fv(tV[0],tV[0]),r[0]=K.AK(tV[0],tV[1]),tX(tV[1],tV[1],tV[0],1,-r[0]),n[1]=K.kE(tV[1]),K.Fv(tV[1],tV[1]),r[0]/=n[1],r[1]=K.AK(tV[0],tV[2]),tX(tV[2],tV[2],tV[0],1,-r[1]),r[2]=K.AK(tV[1],tV[2]),tX(tV[2],tV[2],tV[1],1,-r[2]),n[2]=K.kE(tV[2]),K.Fv(tV[2],tV[2]),r[1]/=n[2],r[2]/=n[2],K.kC(tY,tV[1],tV[2]),0>K.AK(tV[0],tY))for(var f=0;f<3;f++)n[f]*=-1,tV[f][0]*=-1,tV[f][1]*=-1,tV[f][2]*=-1;o[0]=.5*Math.sqrt(Math.max(1+tV[0][0]-tV[1][1]-tV[2][2],0)),o[1]=.5*Math.sqrt(Math.max(1-tV[0][0]+tV[1][1]-tV[2][2],0)),o[2]=.5*Math.sqrt(Math.max(1-tV[0][0]-tV[1][1]+tV[2][2],0)),o[3]=.5*Math.sqrt(Math.max(1+tV[0][0]+tV[1][1]+tV[2][2],0)),tV[2][1]>tV[1][2]&&(o[0]=-o[0]),tV[0][2]>tV[2][0]&&(o[1]=-o[1]),tV[1][0]>tV[0][1]&&(o[2]=-o[2])}}(0===t.length?[1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1]:t.map(nl).reduce(nc),e,n,r,i,o),[[e,n,r,o,i]]}var nh=function(){function t(t,e){for(var n=[[0,0,0,0],[0,0,0,0],[0,0,0,0],[0,0,0,0]],r=0;r<4;r++)for(var i=0;i<4;i++)for(var o=0;o<4;o++)n[r][i]+=e[r][o]*t[o][i];return n}return function(e,n,r,i,o){for(var a,s=[[1,0,0,0],[0,1,0,0],[0,0,1,0],[0,0,0,1]],l=0;l<4;l++)s[l][3]=o[l];for(var l=0;l<3;l++)for(var c=0;c<3;c++)s[3][l]+=e[c]*s[c][l];var u=i[0],h=i[1],p=i[2],f=i[3],d=[[1,0,0,0],[0,1,0,0],[0,0,1,0],[0,0,0,1]];d[0][0]=1-2*(h*h+p*p),d[0][1]=2*(u*h-p*f),d[0][2]=2*(u*p+h*f),d[1][0]=2*(u*h+p*f),d[1][1]=1-2*(u*u+p*p),d[1][2]=2*(h*p-u*f),d[2][0]=2*(u*p-h*f),d[2][1]=2*(h*p+u*f),d[2][2]=1-2*(u*u+h*h),s=t(s,d);var v=[[1,0,0,0],[0,1,0,0],[0,0,1,0],[0,0,0,1]];r[2]&&(v[2][1]=r[2],s=t(s,v)),r[1]&&(v[2][1]=0,v[2][0]=r[0],s=t(s,v)),r[0]&&(v[2][0]=0,v[1][0]=r[0],s=t(s,v));for(var l=0;l<3;l++)for(var c=0;c<3;c++)s[l][c]*=n[l];return 0==(a=s)[0][2]&&0==a[0][3]&&0==a[1][2]&&0==a[1][3]&&0==a[2][0]&&0==a[2][1]&&1==a[2][2]&&0==a[2][3]&&0==a[3][2]&&1==a[3][3]?[s[0][0],s[0][1],s[1][0],s[1][1],s[3][0],s[3][1]]:s[0].concat(s[1],s[2],s[3])}}();function np(t){return t.toFixed(6).replace(".000000","")}function nf(t,e){var n,r;return(t.decompositionPair!==e&&(t.decompositionPair=e,n=nu(t)),e.decompositionPair!==t&&(e.decompositionPair=t,r=nu(e)),null===n[0]||null===r[0])?[[!1],[!0],function(n){return n?e[0].d:t[0].d}]:(n[0].push(0),r[0].push(1),[n,r,function(t){var e=function(t,e,n){var r=function(t,e){for(var n=0,r=0;r"].calculator(null,null,{value:e.textTransform},t,null),e.clipPath&&this.runtime.CSSPropertySyntaxFactory[""].calculator("clipPath",o,e.clipPath,t,this.runtime),e.offsetPath&&this.runtime.CSSPropertySyntaxFactory[""].calculator("offsetPath",a,e.offsetPath,t,this.runtime),e.anchor&&(t.parsedStyle.anchor=eU(e.anchor,2)),e.transform&&(t.parsedStyle.transform=ns(e.transform)),e.transformOrigin&&(t.parsedStyle.transformOrigin=ng(e.transformOrigin)),e.markerStart&&(t.parsedStyle.markerStart=this.runtime.CSSPropertySyntaxFactory[""].calculator(null,e.markerStart,e.markerStart,null,null)),e.markerEnd&&(t.parsedStyle.markerEnd=this.runtime.CSSPropertySyntaxFactory[""].calculator(null,e.markerEnd,e.markerEnd,null,null)),e.markerMid&&(t.parsedStyle.markerMid=this.runtime.CSSPropertySyntaxFactory[""].calculator("",e.markerMid,e.markerMid,null,null)),(t.nodeName!==M.CIRCLE&&t.nodeName!==M.ELLIPSE||(0,tr.Z)(e.cx)&&(0,tr.Z)(e.cy))&&(t.nodeName!==M.RECT&&t.nodeName!==M.IMAGE&&t.nodeName!==M.GROUP&&t.nodeName!==M.HTML&&t.nodeName!==M.TEXT&&t.nodeName!==M.MESH||(0,tr.Z)(e.x)&&(0,tr.Z)(e.y)&&(0,tr.Z)(e.z))&&(t.nodeName!==M.LINE||(0,tr.Z)(e.x1)&&(0,tr.Z)(e.y1)&&(0,tr.Z)(e.z1)&&(0,tr.Z)(e.x2)&&(0,tr.Z)(e.y2)&&(0,tr.Z)(e.z2))||this.runtime.CSSPropertySyntaxFactory[""].postProcessor(t,i),(0,tr.Z)(e.zIndex)||this.runtime.CSSPropertySyntaxFactory[""].postProcessor(t,i),e.path&&this.runtime.CSSPropertySyntaxFactory[""].postProcessor(t,i),e.points&&this.runtime.CSSPropertySyntaxFactory[""].postProcessor(t,i),(0,tr.Z)(e.offsetDistance)||this.runtime.CSSPropertySyntaxFactory[""].postProcessor(t,i),e.transform&&this.runtime.CSSPropertySyntaxFactory[""].postProcessor(t,i),s&&this.updateGeometry(t);return}var c=n.skipUpdateAttribute,u=n.skipParse,h=n.forceUpdateGeometry,p=n.usedAttributes,f=h,d=Object.keys(e);d.forEach(function(n){var r;c||(t.attributes[n]=e[n]),!f&&(null===(r=nb[n])||void 0===r?void 0:r.l)&&(f=!0)}),u||d.forEach(function(e){t.computedStyle[e]=r.parseProperty(e,t.attributes[e],t)}),(null==p?void 0:p.length)&&(d=Array.from(new Set(d.concat(p)))),d.forEach(function(e){e in t.computedStyle&&(t.parsedStyle[e]=r.computeProperty(e,t.computedStyle[e],t))}),f&&this.updateGeometry(t),d.forEach(function(e){e in t.parsedStyle&&r.postProcessProperty(e,t,d)}),this.runtime.enableCSSParsing&&t.children.length&&d.forEach(function(e){e in t.parsedStyle&&r.isPropertyInheritable(e)&&t.children.forEach(function(t){t.internalSetAttribute(e,null,{skipUpdateAttribute:!0,skipParse:!0})})})},t.prototype.parseProperty=function(t,e,n){var r=nb[t],i=e;if((""===e||(0,tr.Z)(e))&&(e="unset"),"unset"===e||"initial"===e||"inherit"===e)i=ef(e);else if(r){var o=r.k,a=r.syntax,s=a&&this.getPropertySyntax(a);o&&o.indexOf(e)>-1?i=ef(e):s&&s.parser&&(i=s.parser(e,n))}return i},t.prototype.computeProperty=function(t,e,n){var r=nb[t],i="g-root"===n.id,o=e;if(r){var a=r.syntax,s=r.inh,l=r.d;if(e instanceof t7){var c=e.value;if("unset"===c&&(c=s&&!i?"inherit":"initial"),"initial"===c)(0,tr.Z)(l)||(e=this.parseProperty(t,en(l)?l(n.nodeName):l,n));else if("inherit"===c){var u=this.tryToResolveProperty(n,t,{inherited:!0});return(0,tr.Z)(u)?void this.addUnresolveProperty(n,t):u}}var h=a&&this.getPropertySyntax(a);if(h&&h.calculator){var p=n.parsedStyle[t];o=h.calculator(t,p,e,n,this.runtime)}else o=e instanceof t7?e.value:e}return o},t.prototype.postProcessProperty=function(t,e,n){var r=nb[t];if(r&&r.syntax){var i=r.syntax&&this.getPropertySyntax(r.syntax);i&&i.postProcessor&&i.postProcessor(e,n)}},t.prototype.addUnresolveProperty=function(t,e){var n=nT.get(t);n||(nT.set(t,[]),n=nT.get(t)),-1===n.indexOf(e)&&n.push(e)},t.prototype.tryToResolveProperty=function(t,e,n){if(void 0===n&&(n={}),n.inherited&&t.parentElement&&nP(t.parentElement,e)){var r=t.parentElement.parsedStyle[e];if("unset"!==r&&"initial"!==r&&"inherit"!==r)return r}},t.prototype.recalc=function(t){var e=nT.get(t);if(e&&e.length){var n={};e.forEach(function(e){n[e]=t.attributes[e]}),this.processProperties(t,n),nT.delete(t)}},t.prototype.updateGeometry=function(t){var e=t.nodeName,n=this.runtime.geometryUpdaterFactory[e];if(n){var r=t.geometry;r.contentBounds||(r.contentBounds=new tH),r.renderBounds||(r.renderBounds=new tH);var i=t.parsedStyle,o=n.update(i,t),a=o.width,s=o.height,l=o.depth,c=o.offsetX,u=o.offsetY,h=o.offsetZ,p=[Math.abs(a)/2,Math.abs(s)/2,(void 0===l?0:l)/2],f=i.stroke,d=i.lineWidth,v=i.increasedLineWidthForHitTesting,y=i.shadowType,g=i.shadowColor,m=i.filter,E=i.transformOrigin,x=i.anchor;e===M.TEXT?delete i.anchor:e===M.MESH&&(i.anchor[2]=.5);var b=[(1-2*(x&&x[0]||0))*a/2+(void 0===c?0:c),(1-2*(x&&x[1]||0))*s/2+(void 0===u?0:u),(1-2*(x&&x[2]||0))*p[2]+(void 0===h?0:h)];r.contentBounds.update(b,p);var T=e===M.POLYLINE||e===M.POLYGON||e===M.PATH?Math.SQRT2:.5;if(f&&!f.isNone){var P=((d||0)+(v||0))*T;p[0]+=P,p[1]+=P}if(r.renderBounds.update(b,p),g&&y&&"inner"!==y){var S=r.renderBounds,N=S.min,C=S.max,w=i.shadowBlur,k=i.shadowOffsetX,R=i.shadowOffsetY,A=w||0,O=k||0,L=R||0,I=N[0]-A+O,D=C[0]+A+O,G=N[1]-A+L,_=C[1]+A+L;N[0]=Math.min(N[0],I),C[0]=Math.max(C[0],D),N[1]=Math.min(N[1],G),C[1]=Math.max(C[1],_),r.renderBounds.setMinMax(N,C)}(void 0===m?[]:m).forEach(function(t){var e=t.name,n=t.params;if("blur"===e){var i=n[0].value;r.renderBounds.update(r.renderBounds.center,tA(r.renderBounds.halfExtents,r.renderBounds.halfExtents,[i,i,0]))}else if("drop-shadow"===e){var o=n[0].value,a=n[1].value,s=n[2].value,l=r.renderBounds,c=l.min,u=l.max,h=c[0]-s+o,p=u[0]+s+o,f=c[1]-s+a,d=u[1]+s+a;c[0]=Math.min(c[0],h),u[0]=Math.max(u[0],p),c[1]=Math.min(c[1],f),u[1]=Math.max(u[1],d),r.renderBounds.setMinMax(c,u)}}),x=i.anchor;var F=a<0,B=s<0,U=(F?-1:1)*(E?eV(E[0],0,t):0),Z=(B?-1:1)*(E?eV(E[1],1,t):0);U-=(F?-1:1)*(x&&x[0]||0)*r.contentBounds.halfExtents[0]*2,Z-=(B?-1:1)*(x&&x[1]||0)*r.contentBounds.halfExtents[1]*2,t.setOrigin(U,Z),this.runtime.sceneGraphService.dirtifyToRoot(t)}},t.prototype.isPropertyInheritable=function(t){var e=nb[t];return!!e&&e.inh},t}(),nN=function(){function t(){this.parser=eF,this.parserWithCSSDisabled=null,this.mixer=eW}return t.prototype.calculator=function(t,e,n,r){return eB(n)},t}(),nC=function(){function t(){}return t.prototype.calculator=function(t,e,n,r,i){return n instanceof t7&&(n=null),i.sceneGraphService.updateDisplayObjectDependency(t,e,n,r),"clipPath"===t&&r.forEach(function(t){0===t.childNodes.length&&i.sceneGraphService.dirtifyToRoot(t)}),n},t}(),nw=function(){function t(){this.parser=eL,this.parserWithCSSDisabled=eL,this.mixer=eI}return t.prototype.calculator=function(t,e,n,r){return n instanceof t7?"none"===n.value?ed:ev:n},t}(),nM=function(){function t(){this.parser=eX}return t.prototype.calculator=function(t,e,n){return n instanceof t7?[]:n},t}();function nk(t){var e=t.parsedStyle.fontSize;return(0,tr.Z)(e)?null:e}var nR=function(){function t(){this.parser=e_,this.parserWithCSSDisabled=null,this.mixer=eW}return t.prototype.calculator=function(t,e,n,r,i){if((0,te.Z)(n))return n;if(!es.isRelativeUnit(n.unit))return n.value;var o,a=i.styleValueRegistry;if(n.unit===I.kPercentage)return 0;if(n.unit===I.kEms){if(r.parentNode){var s=nk(r.parentNode);if(s)return s*n.value;a.addUnresolveProperty(r,t)}else a.addUnresolveProperty(r,t);return 0}if(n.unit===I.kRems){if(null===(o=null==r?void 0:r.ownerDocument)||void 0===o?void 0:o.documentElement){var s=nk(r.ownerDocument.documentElement);if(s)return s*n.value;a.addUnresolveProperty(r,t)}else a.addUnresolveProperty(r,t);return 0}},t}(),nA=function(){function t(){this.mixer=eK}return t.prototype.parser=function(t){var e=eZ((0,te.Z)(t)?[t]:t);return 1===e.length?[e[0],e[0]]:[e[0],e[1]]},t.prototype.calculator=function(t,e,n){return n.map(function(t){return t.value})},t}(),nO=function(){function t(){this.mixer=eK}return t.prototype.parser=function(t){var e=eZ((0,te.Z)(t)?[t]:t);return 1===e.length?[e[0],e[0],e[0],e[0]]:2===e.length?[e[0],e[1],e[0],e[1]]:3===e.length?[e[0],e[1],e[2],e[1]]:[e[0],e[1],e[2],e[3]]},t.prototype.calculator=function(t,e,n){return n.map(function(t){return t.value})},t}(),nL=q.create();function nI(t,e){var n=e.parsedStyle.defX||0,r=e.parsedStyle.defY||0;return e.resetLocalTransform(),e.setLocalPosition(n,r),t.forEach(function(t){var i=t.t,o=t.d;if("scale"===i){var a=(null==o?void 0:o.map(function(t){return t.value}))||[1,1];e.scaleLocal(a[0],a[1],1)}else if("scalex"===i){var a=(null==o?void 0:o.map(function(t){return t.value}))||[1];e.scaleLocal(a[0],1,1)}else if("scaley"===i){var a=(null==o?void 0:o.map(function(t){return t.value}))||[1];e.scaleLocal(1,a[0],1)}else if("scalez"===i){var a=(null==o?void 0:o.map(function(t){return t.value}))||[1];e.scaleLocal(1,1,a[0])}else if("scale3d"===i){var a=(null==o?void 0:o.map(function(t){return t.value}))||[1,1,1];e.scaleLocal(a[0],a[1],a[2])}else if("translate"===i){var s=o||[el,el];e.translateLocal(s[0].value,s[1].value,0)}else if("translatex"===i){var s=o||[el];e.translateLocal(s[0].value,0,0)}else if("translatey"===i){var s=o||[el];e.translateLocal(0,s[0].value,0)}else if("translatez"===i){var s=o||[el];e.translateLocal(0,0,s[0].value)}else if("translate3d"===i){var s=o||[el,el,el];e.translateLocal(s[0].value,s[1].value,s[2].value)}else if("rotate"===i){var l=o||[ec];e.rotateLocal(0,0,eB(l[0]))}else if("rotatex"===i){var l=o||[ec];e.rotateLocal(eB(l[0]),0,0)}else if("rotatey"===i){var l=o||[ec];e.rotateLocal(0,eB(l[0]),0)}else if("rotatez"===i){var l=o||[ec];e.rotateLocal(0,0,eB(l[0]))}else if("rotate3d"===i);else if("skew"===i){var c=(null==o?void 0:o.map(function(t){return t.value}))||[0,0];e.setLocalSkew(tD(c[0]),tD(c[1]))}else if("skewx"===i){var c=(null==o?void 0:o.map(function(t){return t.value}))||[0];e.setLocalSkew(tD(c[0]),e.getLocalSkew()[1])}else if("skewy"===i){var c=(null==o?void 0:o.map(function(t){return t.value}))||[0];e.setLocalSkew(e.getLocalSkew()[0],tD(c[0]))}else if("matrix"===i){var u=(0,W.CR)(o.map(function(t){return t.value}),6),h=u[0],p=u[1],f=u[2],d=u[3],v=u[4],y=u[5];e.setLocalTransform(q.set(nL,h,p,0,0,f,d,0,0,0,0,1,0,v+n,y+r,0,1))}else"matrix3d"===i&&(q.set.apply(q,(0,W.ev)([nL],(0,W.CR)(o.map(function(t){return t.value})),!1)),nL[12]+=n,nL[13]+=r,e.setLocalTransform(nL))}),e.getLocalTransform()}var nD=function(t){function e(){return null!==t&&t.apply(this,arguments)||this}return(0,W.ZT)(e,t),e.prototype.postProcessor=function(t,e){switch(t.nodeName){case M.CIRCLE:case M.ELLIPSE:var n,r,i,o=t.parsedStyle,a=o.cx,s=o.cy,l=o.cz;(0,tr.Z)(a)||(n=a),(0,tr.Z)(s)||(r=s),(0,tr.Z)(l)||(i=l);break;case M.LINE:var c=t.parsedStyle,u=c.x1,h=c.x2,p=Math.min(c.y1,c.y2);n=Math.min(u,h),r=p,i=0;break;case M.RECT:case M.IMAGE:case M.GROUP:case M.HTML:case M.TEXT:case M.MESH:(0,tr.Z)(t.parsedStyle.x)||(n=t.parsedStyle.x),(0,tr.Z)(t.parsedStyle.y)||(r=t.parsedStyle.y),(0,tr.Z)(t.parsedStyle.z)||(i=t.parsedStyle.z)}if(t.nodeName!==M.PATH&&t.nodeName!==M.POLYLINE&&t.nodeName!==M.POLYGON&&(t.parsedStyle.defX=n||0,t.parsedStyle.defY=r||0),(!(0,tr.Z)(n)||!(0,tr.Z)(r)||!(0,tr.Z)(i))&&-1===e.indexOf("transform")){var f=t.parsedStyle.transform;if(f&&f.length)nI(f,t);else{var d=(0,W.CR)(t.getLocalPosition(),3),v=d[0],y=d[1],g=d[2];t.setLocalPosition((0,tr.Z)(n)?v:n,(0,tr.Z)(r)?y:r,(0,tr.Z)(i)?g:i)}}},e}(nR),nG=function(){function t(){}return t.prototype.calculator=function(t,e,n,r){n instanceof t7&&(n=null);var i=null==n?void 0:n.cloneNode(!0);return i&&(i.style.isMarker=!0),i},t}(),n_=function(){function t(){this.mixer=eW,this.parser=ej,this.parserWithCSSDisabled=null}return t.prototype.calculator=function(t,e,n){return n.value},t}(),nF=function(){function t(){this.parser=ej,this.parserWithCSSDisabled=null,this.mixer=ez(0,1)}return t.prototype.calculator=function(t,e,n){return n.value},t.prototype.postProcessor=function(t){var e=t.parsedStyle,n=e.offsetPath,r=e.offsetDistance;if(n){var i=n.nodeName;if(i===M.LINE||i===M.PATH||i===M.POLYLINE){var o=n.getPoint(r);o&&(t.parsedStyle.defX=o.x,t.parsedStyle.defY=o.y,t.setLocalPosition(o.x,o.y))}}},t}(),nB=function(){function t(){this.parser=ej,this.parserWithCSSDisabled=null,this.mixer=ez(0,1)}return t.prototype.calculator=function(t,e,n){return n.value},t}(),nU=function(){function t(){this.parser=nt,this.parserWithCSSDisabled=nt,this.mixer=ne}return t.prototype.calculator=function(t,e,n){return n instanceof t7&&"unset"===n.value?{absolutePath:[],hasArc:!1,segments:[],polygons:[],polylines:[],curve:null,totalLength:0,rect:new tK(0,0,0,0)}:n},t.prototype.postProcessor=function(t,e){if(t.parsedStyle.defX=t.parsedStyle.path.rect.x,t.parsedStyle.defY=t.parsedStyle.path.rect.y,t.nodeName===M.PATH&&-1===e.indexOf("transform")){var n=t.parsedStyle,r=n.defX,i=void 0===r?0:r,o=n.defY,a=void 0===o?0:o;t.setLocalPosition(i,a)}},t}(),nZ=function(){function t(){this.parser=nn,this.mixer=nr}return t.prototype.postProcessor=function(t,e){if((t.nodeName===M.POLYGON||t.nodeName===M.POLYLINE)&&-1===e.indexOf("transform")){var n=t.parsedStyle,r=n.defX,i=n.defY;t.setLocalPosition(r,i)}},t}(),nV=function(t){function e(){var e=null!==t&&t.apply(this,arguments)||this;return e.mixer=ez(0,1/0),e}return(0,W.ZT)(e,t),e}(nR),nY=function(){function t(){}return t.prototype.calculator=function(t,e,n,r){return n instanceof t7?"unset"===n.value?"":n.value:"".concat(n)},t.prototype.postProcessor=function(t){t.nodeValue="".concat(t.parsedStyle.text)||""},t}(),nX=function(){function t(){}return t.prototype.calculator=function(t,e,n,r){var i=r.getAttribute("text");if(i){var o=i;"capitalize"===n.value?o=i.charAt(0).toUpperCase()+i.slice(1):"lowercase"===n.value?o=i.toLowerCase():"uppercase"===n.value&&(o=i.toUpperCase()),r.parsedStyle.text=o}return n.value},t}(),nH={},nj=0,nW="undefined"!=typeof window&&void 0!==window.document;function nz(t,e){var n=Number(t.parsedStyle.zIndex),r=Number(e.parsedStyle.zIndex);if(n===r){var i=t.parentNode;if(i){var o=i.childNodes||[];return o.indexOf(t)-o.indexOf(e)}}return n-r}function nK(t){var e,n=t;do{if(null===(e=n.parsedStyle)||void 0===e?void 0:e.clipPath)return n;n=n.parentElement}while(null!==n);return null}function nq(t,e,n){nW&&t.style&&(t.style.width=e+"px",t.style.height=n+"px")}function nJ(t,e){if(nW)return document.defaultView.getComputedStyle(t,null).getPropertyValue(e)}var n$={touchstart:"pointerdown",touchend:"pointerup",touchendoutside:"pointerupoutside",touchmove:"pointermove",touchcancel:"pointercancel"},nQ="object"==typeof performance&&performance.now?performance:Date;function n0(t,e,n){var r=!1,i=!1,o=!!e&&!e.isNone,a=!!n&&!n.isNone;return"visiblepainted"===t||"painted"===t||"auto"===t?(r=o,i=a):"visiblefill"===t||"fill"===t?r=!0:"visiblestroke"===t||"stroke"===t?i=!0:("visible"===t||"all"===t)&&(r=!0,i=!0),[r,i]}var n1=1,n2="object"==typeof self&&self.self==self?self:"object"==typeof n.g&&n.g.global==n.g?n.g:{},n3=Date.now(),n5={},n4=Date.now(),n9=function(t){if("function"!=typeof t)throw TypeError(t+" is not a function");var e=Date.now(),n=e-n4,r=n1++;return n5[r]=t,Object.keys(n5).length>1||setTimeout(function(){n4=e;var t=n5;n5={},Object.keys(t).forEach(function(e){return t[e](n2.performance&&"function"==typeof n2.performance.now?n2.performance.now():Date.now()-n3)})},n>16?0:16-n),r},n8=function(t){return"string"!=typeof t?n9:""===t?n2.requestAnimationFrame:n2[t+"RequestAnimationFrame"]},n6=function(t,e){for(var n=0;void 0!==t[n];){if(e(t[n]))return t[n];n+=1}}(["","webkit","moz","ms","o"],function(t){return!!n8(t)}),n7=n8(n6),rt="string"!=typeof n6?function(t){delete n5[t]}:""===n6?n2.cancelAnimationFrame:n2[n6+"CancelAnimationFrame"]||n2[n6+"CancelRequestAnimationFrame"];n2.requestAnimationFrame=n7,n2.cancelAnimationFrame=rt;var re=function(){function t(){this.callbacks=[]}return t.prototype.getCallbacksNum=function(){return this.callbacks.length},t.prototype.tapPromise=function(t,e){this.callbacks.push(e)},t.prototype.promise=function(){for(var t=[],e=0;e-1){var l=(0,W.CR)(t.split(":"),2),c=l[0];t=l[1],s=c,a=!0}if(t=r?"".concat(t,"capture"):t,e=en(e)?e:e.handleEvent,a){var u=e;e=function(){for(var t,e=[],n=0;n0},e.prototype.isDefaultNamespace=function(t){throw Error(tq)},e.prototype.lookupNamespaceURI=function(t){throw Error(tq)},e.prototype.lookupPrefix=function(t){throw Error(tq)},e.prototype.normalize=function(){throw Error(tq)},e.prototype.isEqualNode=function(t){return this===t},e.prototype.isSameNode=function(t){return this.isEqualNode(t)},Object.defineProperty(e.prototype,"parent",{get:function(){return this.parentNode},enumerable:!1,configurable:!0}),Object.defineProperty(e.prototype,"parentElement",{get:function(){return null},enumerable:!1,configurable:!0}),Object.defineProperty(e.prototype,"nextSibling",{get:function(){return null},enumerable:!1,configurable:!0}),Object.defineProperty(e.prototype,"previousSibling",{get:function(){return null},enumerable:!1,configurable:!0}),Object.defineProperty(e.prototype,"firstChild",{get:function(){return this.childNodes.length>0?this.childNodes[0]:null},enumerable:!1,configurable:!0}),Object.defineProperty(e.prototype,"lastChild",{get:function(){return this.childNodes.length>0?this.childNodes[this.childNodes.length-1]:null},enumerable:!1,configurable:!0}),e.prototype.compareDocumentPosition=function(t){if(t===this)return 0;for(var n,r=t,i=this,o=[r],a=[i];null!==(n=r.parentNode)&&void 0!==n?n:i.parentNode;)r=r.parentNode?(o.push(r.parentNode),r.parentNode):r,i=i.parentNode?(a.push(i.parentNode),i.parentNode):i;if(r!==i)return e.DOCUMENT_POSITION_DISCONNECTED|e.DOCUMENT_POSITION_IMPLEMENTATION_SPECIFIC|e.DOCUMENT_POSITION_PRECEDING;var s=o.length>a.length?o:a,l=s===o?a:o;if(s[s.length-l.length]===l[0])return s===o?e.DOCUMENT_POSITION_CONTAINED_BY|e.DOCUMENT_POSITION_FOLLOWING:e.DOCUMENT_POSITION_CONTAINS|e.DOCUMENT_POSITION_PRECEDING;for(var c=s.length-l.length,u=l.length-1;u>=0;u--){var h=l[u],p=s[c+u];if(p!==h){var f=h.parentNode.childNodes;if(f.indexOf(h)0&&e;)e=e.parentNode,t--;return e},e.prototype.forEach=function(t,e){void 0===e&&(e=!1),t(this)||(e?this.childNodes.slice():this.childNodes).forEach(function(e){e.forEach(t)})},e.DOCUMENT_POSITION_DISCONNECTED=1,e.DOCUMENT_POSITION_PRECEDING=2,e.DOCUMENT_POSITION_FOLLOWING=4,e.DOCUMENT_POSITION_CONTAINS=8,e.DOCUMENT_POSITION_CONTAINED_BY=16,e.DOCUMENT_POSITION_IMPLEMENTATION_SPECIFIC=32,e}(rb),rP=function(){function t(t,e){var n=this;this.globalRuntime=t,this.context=e,this.emitter=new z.Z,this.cursor="default",this.mappingTable={},this.mappingState={trackingData:{}},this.eventPool=new Map,this.tmpMatrix=q.create(),this.tmpVec3=K.Ue(),this.onPointerDown=function(t){var e=n.createPointerEvent(t);if(n.dispatchEvent(e,"pointerdown"),"touch"===e.pointerType)n.dispatchEvent(e,"touchstart");else if("mouse"===e.pointerType||"pen"===e.pointerType){var r=2===e.button;n.dispatchEvent(e,r?"rightdown":"mousedown")}n.trackingData(t.pointerId).pressTargetsByButton[t.button]=e.composedPath(),n.freeEvent(e)},this.onPointerUp=function(t){var e,r=nQ.now(),i=n.createPointerEvent(t,void 0,void 0,n.context.config.alwaysTriggerPointerEventOnCanvas?n.rootTarget:void 0);if(n.dispatchEvent(i,"pointerup"),"touch"===i.pointerType)n.dispatchEvent(i,"touchend");else if("mouse"===i.pointerType||"pen"===i.pointerType){var o=2===i.button;n.dispatchEvent(i,o?"rightup":"mouseup")}var a=n.trackingData(t.pointerId),s=n.findMountedTarget(a.pressTargetsByButton[t.button]),l=s;if(s&&!i.composedPath().includes(s)){for(var c=s;c&&!i.composedPath().includes(c);){if(i.currentTarget=c,n.notifyTarget(i,"pointerupoutside"),"touch"===i.pointerType)n.notifyTarget(i,"touchendoutside");else if("mouse"===i.pointerType||"pen"===i.pointerType){var o=2===i.button;n.notifyTarget(i,o?"rightupoutside":"mouseupoutside")}rT.isNode(c)&&(c=c.parentNode)}delete a.pressTargetsByButton[t.button],l=c}if(l){var u=n.clonePointerEvent(i,"click");u.target=l,u.path=[],a.clicksByButton[t.button]||(a.clicksByButton[t.button]={clickCount:0,target:u.target,timeStamp:r});var h=a.clicksByButton[t.button];h.target===u.target&&r-h.timeStamp<200?++h.clickCount:h.clickCount=1,h.target=u.target,h.timeStamp=r,u.detail=h.clickCount,(null===(e=i.detail)||void 0===e?void 0:e.preventClick)||(n.context.config.useNativeClickEvent||"mouse"!==u.pointerType&&"touch"!==u.pointerType||n.dispatchEvent(u,"click"),n.dispatchEvent(u,"pointertap")),n.freeEvent(u)}n.freeEvent(i)},this.onPointerMove=function(t){var e=n.createPointerEvent(t,void 0,void 0,n.context.config.alwaysTriggerPointerEventOnCanvas?n.rootTarget:void 0),r="mouse"===e.pointerType||"pen"===e.pointerType,i=n.trackingData(t.pointerId),o=n.findMountedTarget(i.overTargets);if(i.overTargets&&o!==e.target){var a="mousemove"===t.type?"mouseout":"pointerout",s=n.createPointerEvent(t,a,o||void 0);if(n.dispatchEvent(s,"pointerout"),r&&n.dispatchEvent(s,"mouseout"),!e.composedPath().includes(o)){var l=n.createPointerEvent(t,"pointerleave",o||void 0);for(l.eventPhase=l.AT_TARGET;l.target&&!e.composedPath().includes(l.target);)l.currentTarget=l.target,n.notifyTarget(l),r&&n.notifyTarget(l,"mouseleave"),rT.isNode(l.target)&&(l.target=l.target.parentNode);n.freeEvent(l)}n.freeEvent(s)}if(o!==e.target){var c="mousemove"===t.type?"mouseover":"pointerover",u=n.clonePointerEvent(e,c);n.dispatchEvent(u,"pointerover"),r&&n.dispatchEvent(u,"mouseover");for(var h=o&&rT.isNode(o)&&o.parentNode;h&&h!==(rT.isNode(n.rootTarget)&&n.rootTarget.parentNode)&&h!==e.target;)h=h.parentNode;if(!h||h===(rT.isNode(n.rootTarget)&&n.rootTarget.parentNode)){var p=n.clonePointerEvent(e,"pointerenter");for(p.eventPhase=p.AT_TARGET;p.target&&p.target!==o&&p.target!==(rT.isNode(n.rootTarget)&&n.rootTarget.parentNode);)p.currentTarget=p.target,n.notifyTarget(p),r&&n.notifyTarget(p,"mouseenter"),rT.isNode(p.target)&&(p.target=p.target.parentNode);n.freeEvent(p)}n.freeEvent(u)}n.dispatchEvent(e,"pointermove"),"touch"===e.pointerType&&n.dispatchEvent(e,"touchmove"),r&&(n.dispatchEvent(e,"mousemove"),n.cursor=n.getCursor(e.target)),i.overTargets=e.composedPath(),n.freeEvent(e)},this.onPointerOut=function(t){var e=n.trackingData(t.pointerId);if(e.overTargets){var r="mouse"===t.pointerType||"pen"===t.pointerType,i=n.findMountedTarget(e.overTargets),o=n.createPointerEvent(t,"pointerout",i||void 0);n.dispatchEvent(o),r&&n.dispatchEvent(o,"mouseout");var a=n.createPointerEvent(t,"pointerleave",i||void 0);for(a.eventPhase=a.AT_TARGET;a.target&&a.target!==(rT.isNode(n.rootTarget)&&n.rootTarget.parentNode);)a.currentTarget=a.target,n.notifyTarget(a),r&&n.notifyTarget(a,"mouseleave"),rT.isNode(a.target)&&(a.target=a.target.parentNode);e.overTargets=null,n.freeEvent(o),n.freeEvent(a)}n.cursor=null},this.onPointerOver=function(t){var e=n.trackingData(t.pointerId),r=n.createPointerEvent(t),i="mouse"===r.pointerType||"pen"===r.pointerType;n.dispatchEvent(r,"pointerover"),i&&n.dispatchEvent(r,"mouseover"),"mouse"===r.pointerType&&(n.cursor=n.getCursor(r.target));var o=n.clonePointerEvent(r,"pointerenter");for(o.eventPhase=o.AT_TARGET;o.target&&o.target!==(rT.isNode(n.rootTarget)&&n.rootTarget.parentNode);)o.currentTarget=o.target,n.notifyTarget(o),i&&n.notifyTarget(o,"mouseenter"),rT.isNode(o.target)&&(o.target=o.target.parentNode);e.overTargets=r.composedPath(),n.freeEvent(r),n.freeEvent(o)},this.onPointerUpOutside=function(t){var e=n.trackingData(t.pointerId),r=n.findMountedTarget(e.pressTargetsByButton[t.button]),i=n.createPointerEvent(t);if(r){for(var o=r;o;)i.currentTarget=o,n.notifyTarget(i,"pointerupoutside"),"touch"===i.pointerType||("mouse"===i.pointerType||"pen"===i.pointerType)&&n.notifyTarget(i,2===i.button?"rightupoutside":"mouseupoutside"),rT.isNode(o)&&(o=o.parentNode);delete e.pressTargetsByButton[t.button]}n.freeEvent(i)},this.onWheel=function(t){var e=n.createWheelEvent(t);n.dispatchEvent(e),n.freeEvent(e)},this.onClick=function(t){if(n.context.config.useNativeClickEvent){var e=n.createPointerEvent(t);n.dispatchEvent(e),n.freeEvent(e)}},this.onPointerCancel=function(t){var e=n.createPointerEvent(t,void 0,void 0,n.context.config.alwaysTriggerPointerEventOnCanvas?n.rootTarget:void 0);n.dispatchEvent(e),n.freeEvent(e)}}return t.prototype.init=function(){this.rootTarget=this.context.renderingContext.root.parentNode,this.addEventMapping("pointerdown",this.onPointerDown),this.addEventMapping("pointerup",this.onPointerUp),this.addEventMapping("pointermove",this.onPointerMove),this.addEventMapping("pointerout",this.onPointerOut),this.addEventMapping("pointerleave",this.onPointerOut),this.addEventMapping("pointercancel",this.onPointerCancel),this.addEventMapping("pointerover",this.onPointerOver),this.addEventMapping("pointerupoutside",this.onPointerUpOutside),this.addEventMapping("wheel",this.onWheel),this.addEventMapping("click",this.onClick)},t.prototype.destroy=function(){this.emitter.removeAllListeners(),this.mappingTable={},this.mappingState={},this.eventPool.clear()},t.prototype.client2Viewport=function(t){var e=this.context.contextService.getBoundingClientRect();return new tz(t.x-((null==e?void 0:e.left)||0),t.y-((null==e?void 0:e.top)||0))},t.prototype.viewport2Client=function(t){var e=this.context.contextService.getBoundingClientRect();return new tz(t.x+((null==e?void 0:e.left)||0),t.y+((null==e?void 0:e.top)||0))},t.prototype.viewport2Canvas=function(t){var e=t.x,n=t.y,r=this.rootTarget.defaultView.getCamera(),i=this.context.config,o=i.width,a=i.height,s=r.getPerspectiveInverse(),l=r.getWorldTransform(),c=q.multiply(this.tmpMatrix,l,s),u=K.t8(this.tmpVec3,e/o*2-1,(1-n/a)*2-1,0);return K.fF(u,u,c),new tz(u[0],u[1])},t.prototype.canvas2Viewport=function(t){var e=this.rootTarget.defaultView.getCamera(),n=e.getPerspective(),r=e.getViewTransform(),i=q.multiply(this.tmpMatrix,n,r),o=K.t8(this.tmpVec3,t.x,t.y,0);K.fF(this.tmpVec3,this.tmpVec3,i);var a=this.context.config,s=a.width,l=a.height;return new tz((o[0]+1)/2*s,(1-(o[1]+1)/2)*l)},t.prototype.setPickHandler=function(t){this.pickHandler=t},t.prototype.addEventMapping=function(t,e){this.mappingTable[t]||(this.mappingTable[t]=[]),this.mappingTable[t].push({fn:e,priority:0}),this.mappingTable[t].sort(function(t,e){return t.priority-e.priority})},t.prototype.mapEvent=function(t){if(this.rootTarget){var e=this.mappingTable[t.type];if(e)for(var n=0,r=e.length;n=1;r--)if(t.currentTarget=n[r],this.notifyTarget(t,e),t.propagationStopped||t.propagationImmediatelyStopped)return;if(t.eventPhase=t.AT_TARGET,t.currentTarget=t.target,this.notifyTarget(t,e),!t.propagationStopped&&!t.propagationImmediatelyStopped){var i=n.indexOf(t.currentTarget);t.eventPhase=t.BUBBLING_PHASE;for(var r=i+1;ri||n>o?null:!a&&this.pickHandler(t)||this.rootTarget||null},t.prototype.isNativeEventFromCanvas=function(t){var e,n=this.context.contextService.getDomElement(),r=null===(e=t.nativeEvent)||void 0===e?void 0:e.target;if(r){if(r===n)return!0;if(n&&n.contains)return n.contains(r)}return!!t.nativeEvent.composedPath&&t.nativeEvent.composedPath().indexOf(n)>-1},t.prototype.getExistedHTML=function(t){var e,n;if(t.nativeEvent.composedPath)try{for(var r=(0,W.XA)(t.nativeEvent.composedPath()),i=r.next();!i.done;i=r.next()){var o=i.value,a=this.globalRuntime.nativeHTMLMap.get(o);if(a)return a}}catch(t){e={error:t}}finally{try{i&&!i.done&&(n=r.return)&&n.call(r)}finally{if(e)throw e.error}}return null},t.prototype.pickTarget=function(t){return this.hitTest({clientX:t.clientX,clientY:t.clientY,viewportX:t.viewportX,viewportY:t.viewportY,x:t.canvasX,y:t.canvasY})},t.prototype.createPointerEvent=function(t,e,n,r){var i=this.allocateEvent(rm);this.copyPointerData(t,i),this.copyMouseData(t,i),this.copyData(t,i),i.nativeEvent=t.nativeEvent,i.originalEvent=t;var o=this.getExistedHTML(i);return i.target=null!=n?n:o||this.isNativeEventFromCanvas(i)&&this.pickTarget(i)||r,"string"==typeof e&&(i.type=e),i},t.prototype.createWheelEvent=function(t){var e=this.allocateEvent(rE);this.copyWheelData(t,e),this.copyMouseData(t,e),this.copyData(t,e),e.nativeEvent=t.nativeEvent,e.originalEvent=t;var n=this.getExistedHTML(e);return e.target=n||this.isNativeEventFromCanvas(e)&&this.pickTarget(e),e},t.prototype.trackingData=function(t){return this.mappingState.trackingData[t]||(this.mappingState.trackingData[t]={pressTargetsByButton:{},clicksByButton:{},overTarget:null}),this.mappingState.trackingData[t]},t.prototype.cloneWheelEvent=function(t){var e=this.allocateEvent(rE);return e.nativeEvent=t.nativeEvent,e.originalEvent=t.originalEvent,this.copyWheelData(t,e),this.copyMouseData(t,e),this.copyData(t,e),e.target=t.target,e.path=t.composedPath().slice(),e.type=t.type,e},t.prototype.clonePointerEvent=function(t,e){var n=this.allocateEvent(rm);return n.nativeEvent=t.nativeEvent,n.originalEvent=t.originalEvent,this.copyPointerData(t,n),this.copyMouseData(t,n),this.copyData(t,n),n.target=t.target,n.path=t.composedPath().slice(),n.type=null!=e?e:n.type,n},t.prototype.copyPointerData=function(t,e){e.pointerId=t.pointerId,e.width=t.width,e.height=t.height,e.isPrimary=t.isPrimary,e.pointerType=t.pointerType,e.pressure=t.pressure,e.tangentialPressure=t.tangentialPressure,e.tiltX=t.tiltX,e.tiltY=t.tiltY,e.twist=t.twist},t.prototype.copyMouseData=function(t,e){e.altKey=t.altKey,e.button=t.button,e.buttons=t.buttons,e.ctrlKey=t.ctrlKey,e.metaKey=t.metaKey,e.shiftKey=t.shiftKey,e.client.copyFrom(t.client),e.movement.copyFrom(t.movement),e.canvas.copyFrom(t.canvas),e.screen.copyFrom(t.screen),e.global.copyFrom(t.global),e.offset.copyFrom(t.offset)},t.prototype.copyWheelData=function(t,e){e.deltaMode=t.deltaMode,e.deltaX=t.deltaX,e.deltaY=t.deltaY,e.deltaZ=t.deltaZ},t.prototype.copyData=function(t,e){e.isTrusted=t.isTrusted,e.timeStamp=nQ.now(),e.type=t.type,e.detail=t.detail,e.view=t.view,e.page.copyFrom(t.page),e.viewport.copyFrom(t.viewport)},t.prototype.allocateEvent=function(t){this.eventPool.has(t)||this.eventPool.set(t,[]);var e=this.eventPool.get(t).pop()||new t(this);return e.eventPhase=e.NONE,e.currentTarget=null,e.path=[],e.target=null,e},t.prototype.freeEvent=function(t){if(t.manager!==this)throw Error("It is illegal to free an event not managed by this EventBoundary!");var e=t.constructor;this.eventPool.has(e)||this.eventPool.set(e,[]),this.eventPool.get(e).push(t)},t.prototype.notifyTarget=function(t,e){e=null!=e?e:t.type;var n=t.eventPhase===t.CAPTURING_PHASE||t.eventPhase===t.AT_TARGET?"".concat(e,"capture"):e;this.notifyListeners(t,n),t.eventPhase===t.AT_TARGET&&this.notifyListeners(t,e)},t.prototype.notifyListeners=function(t,e){var n=t.currentTarget.emitter,r=n._events[e];if(r){if("fn"in r)r.once&&n.removeListener(e,r.fn,void 0,!0),r.fn.call(t.currentTarget||r.context,t);else for(var i=0;i=0;n--){var r=t[n];if(r===this.rootTarget||rT.isNode(r)&&r.parentNode===e)e=t[n];else break}return e},t.prototype.getCursor=function(t){for(var e=t;e;){var n=!!e.getAttribute&&e.getAttribute("cursor");if(n)return n;e=rT.isNode(e)&&e.parentNode}},t}(),rS=function(){function t(){}return t.prototype.getOrCreateCanvas=function(t,e){if(this.canvas)return this.canvas;if(t||r_.offscreenCanvas)this.canvas=t||r_.offscreenCanvas,this.context=this.canvas.getContext("2d",e);else try{this.canvas=new window.OffscreenCanvas(0,0),this.context=this.canvas.getContext("2d",e),this.context&&this.context.measureText||(this.canvas=document.createElement("canvas"),this.context=this.canvas.getContext("2d"))}catch(t){this.canvas=document.createElement("canvas"),this.context=this.canvas.getContext("2d",e)}return this.canvas.width=10,this.canvas.height=10,this.canvas},t.prototype.getOrCreateContext=function(t,e){return this.context||this.getOrCreateCanvas(t,e),this.context},t}();(E=X||(X={}))[E.CAMERA_CHANGED=0]="CAMERA_CHANGED",E[E.DISPLAY_OBJECT_CHANGED=1]="DISPLAY_OBJECT_CHANGED",E[E.NONE=2]="NONE";var rN=function(){function t(t,e){this.globalRuntime=t,this.context=e,this.inited=!1,this.stats={total:0,rendered:0},this.zIndexCounter=0,this.hooks={init:new rr,initAsync:new re,dirtycheck:new ri,cull:new ri,beginFrame:new rr,beforeRender:new rr,render:new rr,afterRender:new rr,endFrame:new rr,destroy:new rr,pick:new rn,pickSync:new ri,pointerDown:new rr,pointerUp:new rr,pointerMove:new rr,pointerOut:new rr,pointerOver:new rr,pointerWheel:new rr,pointerCancel:new rr,click:new rr}}return t.prototype.init=function(t){var e=this,n=(0,W.pi)((0,W.pi)({},this.globalRuntime),this.context);this.context.renderingPlugins.forEach(function(t){t.apply(n,e.globalRuntime)}),this.hooks.init.call(),0===this.hooks.initAsync.getCallbacksNum()?(this.inited=!0,t()):this.hooks.initAsync.promise().then(function(){e.inited=!0,t()})},t.prototype.getStats=function(){return this.stats},t.prototype.disableDirtyRectangleRendering=function(){return!this.context.config.renderer.getConfig().enableDirtyRectangleRendering||this.context.renderingContext.renderReasons.has(X.CAMERA_CHANGED)},t.prototype.render=function(t,e){var n=this;this.stats.total=0,this.stats.rendered=0,this.zIndexCounter=0;var r=this.context.renderingContext;if(this.globalRuntime.sceneGraphService.syncHierarchy(r.root),this.globalRuntime.sceneGraphService.triggerPendingEvents(),r.renderReasons.size&&this.inited){r.dirtyRectangleRenderingDisabled=this.disableDirtyRectangleRendering();var i=1===r.renderReasons.size&&r.renderReasons.has(X.CAMERA_CHANGED),o=!t.disableRenderHooks||!(t.disableRenderHooks&&i);o&&this.renderDisplayObject(r.root,t,r),this.hooks.beginFrame.call(),o&&r.renderListCurrentFrame.forEach(function(t){n.hooks.beforeRender.call(t),n.hooks.render.call(t),n.hooks.afterRender.call(t)}),this.hooks.endFrame.call(),r.renderListCurrentFrame=[],r.renderReasons.clear(),e()}},t.prototype.renderDisplayObject=function(t,e,n){var r=this,i=e.renderer.getConfig(),o=i.enableDirtyCheck,a=i.enableCulling;this.globalRuntime.enableCSSParsing&&this.globalRuntime.styleValueRegistry.recalc(t);var s=t.renderable,l=o?s.dirty||n.dirtyRectangleRenderingDisabled?t:null:t;if(l){var c=a?this.hooks.cull.call(l,this.context.camera):l;c&&(this.stats.rendered++,n.renderListCurrentFrame.push(c))}t.renderable.dirty=!1,t.sortable.renderOrder=this.zIndexCounter++,this.stats.total++;var u=t.sortable;u.dirty&&(this.sort(t,u),u.dirty=!1,u.dirtyChildren=[],u.dirtyReason=void 0),(u.sorted||t.childNodes).forEach(function(t){r.renderDisplayObject(t,e,n)})},t.prototype.sort=function(t,e){e.sorted&&e.dirtyReason!==V.Z_INDEX_CHANGED?e.dirtyChildren.forEach(function(n){if(-1===t.childNodes.indexOf(n)){var r=e.sorted.indexOf(n);r>=0&&e.sorted.splice(r,1)}else if(0===e.sorted.length)e.sorted.push(n);else{var i=function(t,e){for(var n=0,r=t.length;n>>1;0>nz(t[i],e)?n=i+1:r=i}return n}(e.sorted,n);e.sorted.splice(i,0,n)}}):e.sorted=t.childNodes.slice().sort(nz)},t.prototype.destroy=function(){this.inited=!1,this.hooks.destroy.call(),this.globalRuntime.sceneGraphService.clearPendingEvents()},t.prototype.dirtify=function(){this.context.renderingContext.renderReasons.add(X.DISPLAY_OBJECT_CHANGED)},t}(),rC=/\[\s*(.*)=(.*)\s*\]/,rw=function(){function t(){}return t.prototype.selectOne=function(t,e){var n=this;if(t.startsWith("."))return e.find(function(e){return((null==e?void 0:e.classList)||[]).indexOf(n.getIdOrClassname(t))>-1});if(t.startsWith("#"))return e.find(function(e){return e.id===n.getIdOrClassname(t)});if(!t.startsWith("["))return e.find(function(n){return e!==n&&n.nodeName===t});var r=this.getAttribute(t),i=r.name,o=r.value;return i?e.find(function(t){return e!==t&&("name"===i?t.name===o:n.attributeToString(t,i)===o)}):null},t.prototype.selectAll=function(t,e){var n=this;if(t.startsWith("."))return e.findAll(function(r){return e!==r&&((null==r?void 0:r.classList)||[]).indexOf(n.getIdOrClassname(t))>-1});if(t.startsWith("#"))return e.findAll(function(r){return e!==r&&r.id===n.getIdOrClassname(t)});if(!t.startsWith("["))return e.findAll(function(n){return e!==n&&n.nodeName===t});var r=this.getAttribute(t),i=r.name,o=r.value;return i?e.findAll(function(t){return e!==t&&("name"===i?t.name===o:n.attributeToString(t,i)===o)}):[]},t.prototype.is=function(t,e){if(t.startsWith("."))return e.className===this.getIdOrClassname(t);if(t.startsWith("#"))return e.id===this.getIdOrClassname(t);if(!t.startsWith("["))return e.nodeName===t;var n=this.getAttribute(t),r=n.name,i=n.value;return"name"===r?e.name===i:this.attributeToString(e,r)===i},t.prototype.getIdOrClassname=function(t){return t.substring(1)},t.prototype.getAttribute=function(t){var e=t.match(rC),n="",r="";return e&&e.length>2&&(n=e[1].replace(/"/g,""),r=e[2].replace(/"/g,"")),{name:n,value:r}},t.prototype.attributeToString=function(t,e){if(!t.getAttribute)return"";var n=t.getAttribute(e);return(0,tr.Z)(n)?"":n.toString?n.toString():""},t}(),rM=function(t){function e(e,n,r,i,o,a,s,l){var c=t.call(this,null)||this;return c.relatedNode=n,c.prevValue=r,c.newValue=i,c.attrName=o,c.attrChange=a,c.prevParsedValue=s,c.newParsedValue=l,c.type=e,c}return(0,W.ZT)(e,t),e.ADDITION=2,e.MODIFICATION=1,e.REMOVAL=3,e}(ry);function rk(t){var e=t.renderable;e&&(e.renderBoundsDirty=!0,e.boundsDirty=!0)}(x=H||(H={})).REPARENT="reparent",x.DESTROY="destroy",x.ATTR_MODIFIED="DOMAttrModified",x.INSERTED="DOMNodeInserted",x.REMOVED="removed",x.MOUNTED="DOMNodeInsertedIntoDocument",x.UNMOUNTED="DOMNodeRemovedFromDocument",x.BOUNDS_CHANGED="bounds-changed",x.CULLED="culled";var rR=new rM(H.REPARENT,null,"","","",0,"",""),rA=function(){function t(t){var e,n,r,i,o,a,s,l,c,u,h,p,f=this;this.runtime=t,this.pendingEvents=[],this.boundsChangedEvent=new rx(H.BOUNDS_CHANGED),this.rotate=(e=Q.Ue(),function(t,n,r,i){void 0===r&&(r=0),void 0===i&&(i=0),"number"==typeof n&&(n=K.al(n,r,i));var o=t.transformable;if(null!==t.parentNode&&t.parentNode.transformable){var a=Q.Ue();Q.Su(a,n[0],n[1],n[2]);var s=f.getRotation(t),l=f.getRotation(t.parentNode);Q.JG(e,l),Q.U_(e,e),Q.Jp(a,e,a),Q.Jp(o.localRotation,a,s),Q.Fv(o.localRotation,o.localRotation),f.dirtifyLocal(t,o)}else f.rotateLocal(t,n)}),this.rotateLocal=(n=Q.Ue(),function(t,e,r,i){void 0===r&&(r=0),void 0===i&&(i=0),"number"==typeof e&&(e=K.al(e,r,i));var o=t.transformable;Q.Su(n,e[0],e[1],e[2]),Q.dC(o.localRotation,o.localRotation,n),f.dirtifyLocal(t,o)}),this.setEulerAngles=(r=Q.Ue(),function(t,e,n,i){void 0===n&&(n=0),void 0===i&&(i=0),"number"==typeof e&&(e=K.al(e,n,i));var o=t.transformable;if(null!==t.parentNode&&t.parentNode.transformable){Q.Su(o.localRotation,e[0],e[1],e[2]);var a=f.getRotation(t.parentNode);Q.JG(r,Q.U_(Q.Ue(),a)),Q.dC(o.localRotation,o.localRotation,r),f.dirtifyLocal(t,o)}else f.setLocalEulerAngles(t,e)}),this.translateLocal=function(t,e,n,r){void 0===n&&(n=0),void 0===r&&(r=0),"number"==typeof e&&(e=K.al(e,n,r));var i=t.transformable;K.fS(e,K.Ue())||(K.VC(e,e,i.localRotation),K.IH(i.localPosition,i.localPosition,e),f.dirtifyLocal(t,i))},this.setPosition=(i=q.create(),o=K.Ue(),function(t,e){var n=t.transformable;if(o[0]=e[0],o[1]=e[1],o[2]=e[2]||0,!K.fS(f.getPosition(t),o)){if(K.JG(n.position,o),null!==t.parentNode&&t.parentNode.transformable){var r=t.parentNode.transformable;q.copy(i,r.worldTransform),q.invert(i,i),K.fF(n.localPosition,o,i)}else K.JG(n.localPosition,o);f.dirtifyLocal(t,n)}}),this.setLocalPosition=(a=K.Ue(),function(t,e){var n=t.transformable;a[0]=e[0],a[1]=e[1],a[2]=e[2]||0,K.fS(n.localPosition,a)||(K.JG(n.localPosition,a),f.dirtifyLocal(t,n))}),this.translate=(s=K.Ue(),l=K.Ue(),c=K.Ue(),function(t,e,n,r){void 0===n&&(n=0),void 0===r&&(r=0),"number"==typeof e&&(e=K.t8(l,e,n,r)),K.fS(e,s)||(K.IH(c,f.getPosition(t),e),f.setPosition(t,c))}),this.setRotation=function(){var t=Q.Ue();return function(e,n,r,i,o){var a=e.transformable;if("number"==typeof n&&(n=Q.al(n,r,i,o)),null!==e.parentNode&&e.parentNode.transformable){var s=f.getRotation(e.parentNode);Q.JG(t,s),Q.U_(t,t),Q.Jp(a.localRotation,t,n),Q.Fv(a.localRotation,a.localRotation),f.dirtifyLocal(e,a)}else f.setLocalRotation(e,n)}},this.displayObjectDependencyMap=new WeakMap,this.calcLocalTransform=(u=q.create(),h=K.Ue(),p=Q.al(0,0,0,1),function(t){if(0!==t.localSkew[0]||0!==t.localSkew[1]){if(q.fromRotationTranslationScaleOrigin(t.localTransform,t.localRotation,t.localPosition,K.al(1,1,1),t.origin),0!==t.localSkew[0]||0!==t.localSkew[1]){var e=q.identity(u);e[4]=Math.tan(t.localSkew[0]),e[1]=Math.tan(t.localSkew[1]),q.multiply(t.localTransform,t.localTransform,e)}var n=q.fromRotationTranslationScaleOrigin(u,p,h,t.localScale,t.origin);q.multiply(t.localTransform,t.localTransform,n)}else q.fromRotationTranslationScaleOrigin(t.localTransform,t.localRotation,t.localPosition,t.localScale,t.origin)})}return t.prototype.matches=function(t,e){return this.runtime.sceneGraphSelector.is(t,e)},t.prototype.querySelector=function(t,e){return this.runtime.sceneGraphSelector.selectOne(t,e)},t.prototype.querySelectorAll=function(t,e){return this.runtime.sceneGraphSelector.selectAll(t,e)},t.prototype.attach=function(t,e,n){var r,i,o=!1;t.parentNode&&(o=t.parentNode!==e,this.detach(t)),t.parentNode=e,(0,tr.Z)(n)?t.parentNode.childNodes.push(t):t.parentNode.childNodes.splice(n,0,t);var a=e.sortable;((null===(r=null==a?void 0:a.sorted)||void 0===r?void 0:r.length)||(null===(i=t.style)||void 0===i?void 0:i.zIndex))&&(-1===a.dirtyChildren.indexOf(t)&&a.dirtyChildren.push(t),a.dirty=!0,a.dirtyReason=V.ADDED);var s=t.transformable;s&&this.dirtifyWorld(t,s),s.frozen&&this.unfreezeParentToRoot(t),o&&t.dispatchEvent(rR)},t.prototype.detach=function(t){var e,n;if(t.parentNode){var r=t.transformable,i=t.parentNode.sortable;((null===(e=null==i?void 0:i.sorted)||void 0===e?void 0:e.length)||(null===(n=t.style)||void 0===n?void 0:n.zIndex))&&(-1===i.dirtyChildren.indexOf(t)&&i.dirtyChildren.push(t),i.dirty=!0,i.dirtyReason=V.REMOVED);var o=t.parentNode.childNodes.indexOf(t);o>-1&&t.parentNode.childNodes.splice(o,1),r&&this.dirtifyWorld(t,r),t.parentNode=null}},t.prototype.getOrigin=function(t){return t.transformable.origin},t.prototype.setOrigin=function(t,e,n,r){void 0===n&&(n=0),void 0===r&&(r=0),"number"==typeof e&&(e=[e,n,r]);var i=t.transformable;if(e[0]!==i.origin[0]||e[1]!==i.origin[1]||e[2]!==i.origin[2]){var o=i.origin;o[0]=e[0],o[1]=e[1],o[2]=e[2]||0,this.dirtifyLocal(t,i)}},t.prototype.setLocalEulerAngles=function(t,e,n,r){void 0===n&&(n=0),void 0===r&&(r=0),"number"==typeof e&&(e=K.al(e,n,r));var i=t.transformable;Q.Su(i.localRotation,e[0],e[1],e[2]),this.dirtifyLocal(t,i)},t.prototype.scaleLocal=function(t,e){var n=t.transformable;K.Jp(n.localScale,n.localScale,K.al(e[0],e[1],e[2]||1)),this.dirtifyLocal(t,n)},t.prototype.setLocalScale=function(t,e){var n=t.transformable,r=K.al(e[0],e[1],e[2]||n.localScale[2]);K.fS(r,n.localScale)||(K.JG(n.localScale,r),this.dirtifyLocal(t,n))},t.prototype.setLocalRotation=function(t,e,n,r,i){"number"==typeof e&&(e=Q.al(e,n,r,i));var o=t.transformable;Q.JG(o.localRotation,e),this.dirtifyLocal(t,o)},t.prototype.setLocalSkew=function(t,e,n){"number"==typeof e&&(e=tt.al(e,n));var r=t.transformable;tt.JG(r.localSkew,e),this.dirtifyLocal(t,r)},t.prototype.dirtifyLocal=function(t,e){e.localDirtyFlag||(e.localDirtyFlag=!0,e.dirtyFlag||this.dirtifyWorld(t,e))},t.prototype.dirtifyWorld=function(t,e){e.dirtyFlag||this.unfreezeParentToRoot(t),this.dirtifyWorldInternal(t,e),this.dirtifyToRoot(t,!0)},t.prototype.triggerPendingEvents=function(){var t=this,e=new Set,n=function(n,r){n.isConnected&&!e.has(n.entity)&&(t.boundsChangedEvent.detail=r,t.boundsChangedEvent.target=n,n.isMutationObserved?n.dispatchEvent(t.boundsChangedEvent):n.ownerDocument.defaultView.dispatchEvent(t.boundsChangedEvent,!0),e.add(n.entity))};this.pendingEvents.forEach(function(t){var e=(0,W.CR)(t,2),r=e[0],i=e[1];i.affectChildren?r.forEach(function(t){n(t,i)}):n(r,i)}),this.clearPendingEvents(),e.clear()},t.prototype.clearPendingEvents=function(){this.pendingEvents=[]},t.prototype.dirtifyToRoot=function(t,e){void 0===e&&(e=!1);var n=t;for(n.renderable&&(n.renderable.dirty=!0);n;)rk(n),n=n.parentNode;e&&t.forEach(function(t){rk(t)}),this.informDependentDisplayObjects(t),this.pendingEvents.push([t,{affectChildren:e}])},t.prototype.updateDisplayObjectDependency=function(t,e,n,r){if(e&&e!==n){var i=this.displayObjectDependencyMap.get(e);if(i&&i[t]){var o=i[t].indexOf(r);i[t].splice(o,1)}}if(n){var a=this.displayObjectDependencyMap.get(n);a||(this.displayObjectDependencyMap.set(n,{}),a=this.displayObjectDependencyMap.get(n)),a[t]||(a[t]=[]),a[t].push(r)}},t.prototype.informDependentDisplayObjects=function(t){var e=this,n=this.displayObjectDependencyMap.get(t);n&&Object.keys(n).forEach(function(t){n[t].forEach(function(n){e.dirtifyToRoot(n,!0),n.dispatchEvent(new rM(H.ATTR_MODIFIED,n,e,e,t,rM.MODIFICATION,e,e)),n.isCustomElement&&n.isConnected&&n.attributeChangedCallback&&n.attributeChangedCallback(t,e,e)})})},t.prototype.getPosition=function(t){var e=t.transformable;return q.getTranslation(e.position,this.getWorldTransform(t,e))},t.prototype.getRotation=function(t){var e=t.transformable;return q.getRotation(e.rotation,this.getWorldTransform(t,e))},t.prototype.getScale=function(t){var e=t.transformable;return q.getScaling(e.scaling,this.getWorldTransform(t,e))},t.prototype.getWorldTransform=function(t,e){return void 0===e&&(e=t.transformable),(e.localDirtyFlag||e.dirtyFlag)&&(t.parentNode&&t.parentNode.transformable&&this.getWorldTransform(t.parentNode),this.sync(t,e)),e.worldTransform},t.prototype.getLocalPosition=function(t){return t.transformable.localPosition},t.prototype.getLocalRotation=function(t){return t.transformable.localRotation},t.prototype.getLocalScale=function(t){return t.transformable.localScale},t.prototype.getLocalSkew=function(t){return t.transformable.localSkew},t.prototype.getLocalTransform=function(t){var e=t.transformable;return e.localDirtyFlag&&(this.calcLocalTransform(e),e.localDirtyFlag=!1),e.localTransform},t.prototype.setLocalTransform=function(t,e){var n=q.getTranslation(K.Ue(),e),r=q.getRotation(Q.Ue(),e),i=q.getScaling(K.Ue(),e);this.setLocalScale(t,i),this.setLocalPosition(t,n),this.setLocalRotation(t,r)},t.prototype.resetLocalTransform=function(t){this.setLocalScale(t,[1,1,1]),this.setLocalPosition(t,[0,0,0]),this.setLocalEulerAngles(t,[0,0,0]),this.setLocalSkew(t,[0,0])},t.prototype.getTransformedGeometryBounds=function(t,e,n){void 0===e&&(e=!1);var r=this.getGeometryBounds(t,e);if(tH.isEmpty(r))return null;var i=n||new tH;return i.setFromTransformedAABB(r,this.getWorldTransform(t)),i},t.prototype.getGeometryBounds=function(t,e){void 0===e&&(e=!1);var n=t.geometry;return(e?n.renderBounds:n.contentBounds||null)||new tH},t.prototype.getBounds=function(t,e){var n=this;void 0===e&&(e=!1);var r=t.renderable;if(!r.boundsDirty&&!e&&r.bounds)return r.bounds;if(!r.renderBoundsDirty&&e&&r.renderBounds)return r.renderBounds;var i=e?r.renderBounds:r.bounds,o=this.getTransformedGeometryBounds(t,e,i);if(t.childNodes.forEach(function(t){var r=n.getBounds(t,e);r&&(o?o.add(r):(o=i||new tH).update(r.center,r.halfExtents))}),e){var a=nK(t);if(a){var s=a.parsedStyle.clipPath.getBounds(e);o?s&&(o=s.intersection(o)):o=s}}return o||(o=new tH),o&&(e?r.renderBounds=o:r.bounds=o),e?r.renderBoundsDirty=!1:r.boundsDirty=!1,o},t.prototype.getLocalBounds=function(t){if(t.parentNode){var e=q.create();t.parentNode.transformable&&(e=q.invert(q.create(),this.getWorldTransform(t.parentNode)));var n=this.getBounds(t);if(!tH.isEmpty(n)){var r=new tH;return r.setFromTransformedAABB(n,e),r}}return this.getBounds(t)},t.prototype.getBoundingClientRect=function(t){var e,n,r,i=this.getGeometryBounds(t);tH.isEmpty(i)||(r=new tH).setFromTransformedAABB(i,this.getWorldTransform(t));var o=null===(n=null===(e=t.ownerDocument)||void 0===e?void 0:e.defaultView)||void 0===n?void 0:n.getContextService().getBoundingClientRect();if(r){var a=(0,W.CR)(r.getMin(),2),s=a[0],l=a[1],c=(0,W.CR)(r.getMax(),2),u=c[0],h=c[1];return new tK(s+((null==o?void 0:o.left)||0),l+((null==o?void 0:o.top)||0),u-s,h-l)}return new tK((null==o?void 0:o.left)||0,(null==o?void 0:o.top)||0,0,0)},t.prototype.dirtifyWorldInternal=function(t,e){var n=this;if(!e.dirtyFlag){e.dirtyFlag=!0,e.frozen=!1,t.childNodes.forEach(function(t){var e=t.transformable;e.dirtyFlag||n.dirtifyWorldInternal(t,e)});var r=t.renderable;r&&(r.renderBoundsDirty=!0,r.boundsDirty=!0,r.dirty=!0)}},t.prototype.syncHierarchy=function(t){var e=t.transformable;if(!e.frozen){e.frozen=!0,(e.localDirtyFlag||e.dirtyFlag)&&this.sync(t,e);for(var n=t.childNodes,r=0;rs;--p){for(var v=0;v=0;l--){var c=s[l].trim();!ra.test(c)&&0>ro.indexOf(c)&&(c='"'.concat(c,'"')),s[l]=c}return"".concat(r," ").concat(i," ").concat(o," ").concat(a," ").concat(s.join(","))}(e),d=this.measureFont(f,n);0===d.fontSize&&(d.fontSize=r,d.ascent=r);var v=this.runtime.offscreenCanvasCreator.getOrCreateContext(n);v.font=f,e.isOverflowing=!1;var y=(i?this.wordWrap(t,e,n):t).split(/(?:\r\n|\r|\n)/),g=Array(y.length),m=0;if(u){u.getTotalLength();for(var E=0;E=s){e.isOverflowing=!0;break}d=0,p[f]="";continue}if(d>0&&d+P>u){if(f+1>=s){if(e.isOverflowing=!0,g>0&&g<=u){for(var S=p[f].length,N=0,C=S,w=0;wu){C=w;break}N+=M}p[f]=(p[f]||"").slice(0,C)+h}break}if(d=0,p[++f]="",this.isBreakingSpace(x))continue;this.canBreakInLastChar(x)||(p=this.trimToBreakable(p),d=this.sumTextWidthByCache(p[f]||"",v)),this.shouldBreakByKinsokuShorui(x,T)&&(p=this.trimByKinsokuShorui(p),d+=y(b||""))}d+=P,p[f]=(p[f]||"")+x}return p.join("\n")},t.prototype.isBreakingSpace=function(t){return"string"==typeof t&&rO.BreakingSpaces.indexOf(t.charCodeAt(0))>=0},t.prototype.isNewline=function(t){return"string"==typeof t&&rO.Newlines.indexOf(t.charCodeAt(0))>=0},t.prototype.trimToBreakable=function(t){var e=(0,W.ev)([],(0,W.CR)(t),!1),n=e[e.length-2],r=this.findBreakableIndex(n);if(-1===r||!n)return e;var i=n.slice(r,r+1),o=this.isBreakingSpace(i),a=r+1,s=r+(o?0:1);return e[e.length-1]+=n.slice(a,n.length),e[e.length-2]=n.slice(0,s),e},t.prototype.canBreakInLastChar=function(t){return!(t&&rL.test(t))},t.prototype.sumTextWidthByCache=function(t,e){return t.split("").reduce(function(t,n){if(!e[n])throw Error("cannot count the word without cache");return t+e[n]},0)},t.prototype.findBreakableIndex=function(t){for(var e=t.length-1;e>=0;e--)if(!rL.test(t[e]))return e;return -1},t.prototype.getFromCache=function(t,e,n,r){var i=n[t];if("number"!=typeof i){var o=t.length*e;i=r.measureText(t).width+o,n[t]=i}return i},t}(),r_={},rF=(T=new rd,P=new rf,(b={})[M.CIRCLE]=new rc,b[M.ELLIPSE]=new ru,b[M.RECT]=T,b[M.IMAGE]=T,b[M.GROUP]=T,b[M.LINE]=new rh,b[M.TEXT]=new rv(r_),b[M.POLYLINE]=P,b[M.POLYGON]=P,b[M.PATH]=new rp,b[M.HTML]=null,b[M.MESH]=null,b),rB=(N=new nw,C=new nR,(S={})[Y.PERCENTAGE]=null,S[Y.NUMBER]=new n_,S[Y.ANGLE]=new nN,S[Y.DEFINED_PATH]=new nC,S[Y.PAINT]=N,S[Y.COLOR]=N,S[Y.FILTER]=new nM,S[Y.LENGTH]=C,S[Y.LENGTH_PERCENTAGE]=C,S[Y.LENGTH_PERCENTAGE_12]=new nA,S[Y.LENGTH_PERCENTAGE_14]=new nO,S[Y.COORDINATE]=new nD,S[Y.OFFSET_DISTANCE]=new nF,S[Y.OPACITY_VALUE]=new nB,S[Y.PATH]=new nU,S[Y.LIST_OF_POINTS]=new nZ,S[Y.SHADOW_BLUR]=new nV,S[Y.TEXT]=new nY,S[Y.TEXT_TRANSFORM]=new nX,S[Y.TRANSFORM]=new rs,S[Y.TRANSFORM_ORIGIN]=new function(){this.parser=ng},S[Y.Z_INDEX]=new rl,S[Y.MARKER]=new nG,S);r_.CameraContribution=tQ,r_.AnimationTimeline=null,r_.EasingFunction=null,r_.offscreenCanvasCreator=new rS,r_.nativeHTMLMap=new WeakMap,r_.sceneGraphSelector=new rw,r_.sceneGraphService=new rA(r_),r_.textService=new rG(r_),r_.geometryUpdaterFactory=rF,r_.CSSPropertySyntaxFactory=rB,r_.styleValueRegistry=new nS(r_),r_.layoutRegistry=null,r_.globalThis="undefined"!=typeof globalThis?globalThis:"undefined"!=typeof self?self:"undefined"!=typeof window?window:void 0!==n.g?n.g:{},r_.enableCSSParsing=!0,r_.enableDataset=!1,r_.enableStyleSyntax=!0;var rU=0,rZ=new rM(H.INSERTED,null,"","","",0,"",""),rV=new rM(H.REMOVED,null,"","","",0,"",""),rY=new rx(H.DESTROY),rX=function(t){function e(){var e=null!==t&&t.apply(this,arguments)||this;return e.entity=rU++,e.renderable={bounds:void 0,boundsDirty:!0,renderBounds:void 0,renderBoundsDirty:!0,dirtyRenderBounds:void 0,dirty:!1},e.cullable={strategy:Z.Standard,visibilityPlaneMask:-1,visible:!0,enable:!0},e.transformable={dirtyFlag:!1,localDirtyFlag:!1,frozen:!1,localPosition:[0,0,0],localRotation:[0,0,0,1],localScale:[1,1,1],localTransform:[1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1],localSkew:[0,0],position:[0,0,0],rotation:[0,0,0,1],scaling:[1,1,1],worldTransform:[1,0,0,0,0,1,0,0,0,0,1,0,0,0,0,1],origin:[0,0,0]},e.sortable={dirty:!1,sorted:void 0,renderOrder:0,dirtyChildren:[],dirtyReason:void 0},e.geometry={contentBounds:void 0,renderBounds:void 0},e.rBushNode={aabb:void 0},e.namespaceURI="g",e.scrollLeft=0,e.scrollTop=0,e.clientTop=0,e.clientLeft=0,e.destroyed=!1,e.style={},e.computedStyle=r_.enableCSSParsing?{anchor:eh,opacity:eh,fillOpacity:eh,strokeOpacity:eh,fill:eh,stroke:eh,transform:eh,transformOrigin:eh,visibility:eh,pointerEvents:eh,lineWidth:eh,lineCap:eh,lineJoin:eh,increasedLineWidthForHitTesting:eh,fontSize:eh,fontFamily:eh,fontStyle:eh,fontWeight:eh,fontVariant:eh,textAlign:eh,textBaseline:eh,textTransform:eh,zIndex:eh,filter:eh,shadowType:eh}:null,e.parsedStyle={},e.attributes={},e}return(0,W.ZT)(e,t),Object.defineProperty(e.prototype,"className",{get:function(){return this.getAttribute("class")||""},set:function(t){this.setAttribute("class",t)},enumerable:!1,configurable:!0}),Object.defineProperty(e.prototype,"classList",{get:function(){return this.className.split(" ").filter(function(t){return""!==t})},enumerable:!1,configurable:!0}),Object.defineProperty(e.prototype,"tagName",{get:function(){return this.nodeName},enumerable:!1,configurable:!0}),Object.defineProperty(e.prototype,"children",{get:function(){return this.childNodes},enumerable:!1,configurable:!0}),Object.defineProperty(e.prototype,"childElementCount",{get:function(){return this.childNodes.length},enumerable:!1,configurable:!0}),Object.defineProperty(e.prototype,"firstElementChild",{get:function(){return this.firstChild},enumerable:!1,configurable:!0}),Object.defineProperty(e.prototype,"lastElementChild",{get:function(){return this.lastChild},enumerable:!1,configurable:!0}),Object.defineProperty(e.prototype,"parentElement",{get:function(){return this.parentNode},enumerable:!1,configurable:!0}),Object.defineProperty(e.prototype,"nextSibling",{get:function(){if(this.parentNode){var t=this.parentNode.childNodes.indexOf(this);return this.parentNode.childNodes[t+1]||null}return null},enumerable:!1,configurable:!0}),Object.defineProperty(e.prototype,"previousSibling",{get:function(){if(this.parentNode){var t=this.parentNode.childNodes.indexOf(this);return this.parentNode.childNodes[t-1]||null}return null},enumerable:!1,configurable:!0}),e.prototype.cloneNode=function(t){throw Error(tq)},e.prototype.appendChild=function(t,e){var n;if(t.destroyed)throw Error("Cannot append a destroyed element.");return r_.sceneGraphService.attach(t,this,e),(null===(n=this.ownerDocument)||void 0===n?void 0:n.defaultView)&&this.ownerDocument.defaultView.mountChildren(t),rZ.relatedNode=this,t.dispatchEvent(rZ),t},e.prototype.insertBefore=function(t,e){if(e){t.parentElement&&t.parentElement.removeChild(t);var n=this.childNodes.indexOf(e);-1===n?this.appendChild(t):this.appendChild(t,n)}else this.appendChild(t);return t},e.prototype.replaceChild=function(t,e){var n=this.childNodes.indexOf(e);return this.removeChild(e),this.appendChild(t,n),e},e.prototype.removeChild=function(t){var e;return rV.relatedNode=this,t.dispatchEvent(rV),(null===(e=t.ownerDocument)||void 0===e?void 0:e.defaultView)&&t.ownerDocument.defaultView.unmountChildren(t),r_.sceneGraphService.detach(t),t},e.prototype.removeChildren=function(){for(var t=this.childNodes.length-1;t>=0;t--){var e=this.childNodes[t];this.removeChild(e)}},e.prototype.destroyChildren=function(){for(var t=this.childNodes.length-1;t>=0;t--){var e=this.childNodes[t];e.childNodes.length&&e.destroyChildren(),e.destroy()}},e.prototype.matches=function(t){return r_.sceneGraphService.matches(t,this)},e.prototype.getElementById=function(t){return r_.sceneGraphService.querySelector("#".concat(t),this)},e.prototype.getElementsByName=function(t){return r_.sceneGraphService.querySelectorAll('[name="'.concat(t,'"]'),this)},e.prototype.getElementsByClassName=function(t){return r_.sceneGraphService.querySelectorAll(".".concat(t),this)},e.prototype.getElementsByTagName=function(t){return r_.sceneGraphService.querySelectorAll(t,this)},e.prototype.querySelector=function(t){return r_.sceneGraphService.querySelector(t,this)},e.prototype.querySelectorAll=function(t){return r_.sceneGraphService.querySelectorAll(t,this)},e.prototype.closest=function(t){var e=this;do{if(r_.sceneGraphService.matches(t,e))return e;e=e.parentElement}while(null!==e);return null},e.prototype.find=function(t){var e=this,n=null;return this.forEach(function(r){return!!(r!==e&&t(r))&&(n=r,!0)}),n},e.prototype.findAll=function(t){var e=this,n=[];return this.forEach(function(r){r!==e&&t(r)&&n.push(r)}),n},e.prototype.after=function(){for(var t=this,e=[],n=0;n1){var n=t[0].currentPoint,r=t[1].currentPoint,i=t[1].startTangent;e=[],i?(e.push([n[0]-i[0],n[1]-i[1]]),e.push([n[0],n[1]])):(e.push([r[0],r[1]]),e.push([n[0],n[1]]))}return e},e.prototype.getEndTangent=function(){var t=this.parsedStyle.path.segments,e=t.length,n=[];if(e>1){var r=t[e-2].currentPoint,i=t[e-1].currentPoint,o=t[e-1].endTangent;n=[],o?(n.push([i[0]-o[0],i[1]-o[1]]),n.push([i[0],i[1]])):(n.push([r[0],r[1]]),n.push([i[0],i[1]]))}return n},e}(r$),r6=function(t){function e(e){var n=this;void 0===e&&(e={});var r=e.style,i=(0,W._T)(e,["style"]);(n=t.call(this,(0,W.pi)({type:M.POLYGON,style:r_.enableCSSParsing?(0,W.pi)({points:"",miterLimit:"",isClosed:!0},r):(0,W.pi)({},r),initialParsedStyle:r_.enableCSSParsing?null:{points:{points:[],totalLength:0,segments:[]},miterLimit:4,isClosed:!0}},i))||this).markerStartAngle=0,n.markerEndAngle=0,n.markerMidList=[];var o=n.parsedStyle,a=o.markerStart,s=o.markerEnd,l=o.markerMid;return a&&rH(a)&&(n.markerStartAngle=a.getLocalEulerAngles(),n.appendChild(a)),l&&rH(l)&&n.placeMarkerMid(l),s&&rH(s)&&(n.markerEndAngle=s.getLocalEulerAngles(),n.appendChild(s)),n.transformMarker(!0),n.transformMarker(!1),n}return(0,W.ZT)(e,t),e.prototype.attributeChangedCallback=function(t,e,n,r,i){"points"===t?(this.transformMarker(!0),this.transformMarker(!1),this.placeMarkerMid(this.parsedStyle.markerMid)):"markerStartOffset"===t||"markerEndOffset"===t?(this.transformMarker(!0),this.transformMarker(!1)):"markerStart"===t?(r&&rH(r)&&(this.markerStartAngle=0,r.remove()),i&&rH(i)&&(this.markerStartAngle=i.getLocalEulerAngles(),this.appendChild(i),this.transformMarker(!0))):"markerEnd"===t?(r&&rH(r)&&(this.markerEndAngle=0,r.remove()),i&&rH(i)&&(this.markerEndAngle=i.getLocalEulerAngles(),this.appendChild(i),this.transformMarker(!1))):"markerMid"===t&&this.placeMarkerMid(i)},e.prototype.transformMarker=function(t){var e,n,r,i,o,a,s=this.parsedStyle,l=s.markerStart,c=s.markerEnd,u=s.markerStartOffset,h=s.markerEndOffset,p=s.points,f=s.defX,d=s.defY,v=(p||{}).points,y=t?l:c;if(y&&rH(y)&&v){var g=0;if(r=v[0][0]-f,i=v[0][1]-d,t)e=v[1][0]-v[0][0],n=v[1][1]-v[0][1],o=u||0,a=this.markerStartAngle;else{var m=v.length;this.parsedStyle.isClosed?(e=v[m-1][0]-v[0][0],n=v[m-1][1]-v[0][1]):(r=v[m-1][0]-f,i=v[m-1][1]-d,e=v[m-2][0]-v[m-1][0],n=v[m-2][1]-v[m-1][1]),o=h||0,a=this.markerEndAngle}g=Math.atan2(n,e),y.setLocalEulerAngles(180*g/Math.PI+a),y.setLocalPosition(r+Math.cos(g)*o,i+Math.sin(g)*o)}},e.prototype.placeMarkerMid=function(t){var e=this.parsedStyle,n=e.points,r=e.defX,i=e.defY,o=(n||{}).points;if(this.markerMidList.forEach(function(t){t.remove()}),this.markerMidList=[],t&&rH(t)&&o)for(var a=1;a<(this.parsedStyle.isClosed?o.length:o.length-1);a++){var s=o[a][0]-r,l=o[a][1]-i,c=1===a?t:t.cloneNode(!0);this.markerMidList.push(c),this.appendChild(c),c.setLocalPosition(s,l)}},e}(r$),r7=function(t){function e(e){void 0===e&&(e={});var n=e.style,r=(0,W._T)(e,["style"]);return t.call(this,(0,W.pi)({type:M.POLYLINE,style:r_.enableCSSParsing?(0,W.pi)({points:"",miterLimit:"",isClosed:!1},n):(0,W.pi)({},n),initialParsedStyle:r_.enableCSSParsing?null:{points:{points:[],totalLength:0,segments:[]},miterLimit:4,isClosed:!1}},r))||this}return(0,W.ZT)(e,t),e.prototype.getTotalLength=function(){return this.parsedStyle.points.totalLength},e.prototype.getPointAtLength=function(t,e){return void 0===e&&(e=!1),this.getPoint(t/this.getTotalLength(),e)},e.prototype.getPoint=function(t,e){void 0===e&&(e=!1);var n=this.parsedStyle,r=n.defX,i=n.defY,o=n.points,a=o.points,s=o.segments,l=0,c=0;s.forEach(function(e,n){t>=e[0]&&t<=e[1]&&(l=(t-e[0])/(e[1]-e[0]),c=n)});var u=(0,tS.U4)(a[c][0],a[c][1],a[c+1][0],a[c+1][1],l),h=u.x,p=u.y,f=K.fF(K.Ue(),K.al(h-r,p-i,0),e?this.getWorldTransform():this.getLocalTransform());return new tz(f[0],f[1])},e.prototype.getStartTangent=function(){var t=this.parsedStyle.points.points,e=[];return e.push([t[1][0],t[1][1]]),e.push([t[0][0],t[0][1]]),e},e.prototype.getEndTangent=function(){var t=this.parsedStyle.points.points,e=t.length-1,n=[];return n.push([t[e-1][0],t[e-1][1]]),n.push([t[e][0],t[e][1]]),n},e}(r6),it=function(t){function e(e){void 0===e&&(e={});var n=e.style,r=(0,W._T)(e,["style"]);return t.call(this,(0,W.pi)({type:M.RECT,style:r_.enableCSSParsing?(0,W.pi)({x:"",y:"",width:"",height:"",radius:""},n):(0,W.pi)({},n)},r))||this}return(0,W.ZT)(e,t),e}(r$),ie=function(t){function e(e){void 0===e&&(e={});var n=e.style,r=(0,W._T)(e,["style"]);return t.call(this,(0,W.pi)({type:M.TEXT,style:r_.enableCSSParsing?(0,W.pi)({x:"",y:"",text:"",fontSize:"",fontFamily:"",fontStyle:"",fontWeight:"",fontVariant:"",textAlign:"",textBaseline:"",textTransform:"",fill:"black",letterSpacing:"",lineHeight:"",miterLimit:"",wordWrap:!1,wordWrapWidth:0,leading:0,dx:"",dy:""},n):(0,W.pi)({fill:"black"},n),initialParsedStyle:r_.enableCSSParsing?{}:{x:0,y:0,fontSize:16,fontFamily:"sans-serif",fontStyle:"normal",fontWeight:"normal",fontVariant:"normal",lineHeight:0,letterSpacing:0,textBaseline:"alphabetic",textAlign:"start",wordWrap:!1,wordWrapWidth:0,leading:0,dx:0,dy:0}},r))||this}return(0,W.ZT)(e,t),e.prototype.getComputedTextLength=function(){var t;return(null===(t=this.parsedStyle.metrics)||void 0===t?void 0:t.maxLineWidth)||0},e.prototype.getLineBoundingRects=function(){var t;return(null===(t=this.parsedStyle.metrics)||void 0===t?void 0:t.lineMetrics)||[]},e.prototype.isOverflowing=function(){return!!this.parsedStyle.isOverflowing},e}(r$),ir=function(){function t(){this.registry={},this.define(M.CIRCLE,r0),this.define(M.ELLIPSE,r2),this.define(M.RECT,it),this.define(M.IMAGE,r4),this.define(M.LINE,r9),this.define(M.GROUP,r3),this.define(M.PATH,r8),this.define(M.POLYGON,r6),this.define(M.POLYLINE,r7),this.define(M.TEXT,ie),this.define(M.HTML,r5)}return t.prototype.define=function(t,e){this.registry[t]=e},t.prototype.get=function(t){return this.registry[t]},t}(),ii=function(t){function e(){var e=t.call(this)||this;e.defaultView=null,e.ownerDocument=null,e.nodeName="document";try{e.timeline=new r_.AnimationTimeline(e)}catch(t){}var n={};return nE.forEach(function(t){var e=t.n,r=t.inh,i=t.d;r&&i&&(n[e]=en(i)?i(M.GROUP):i)}),e.documentElement=new r3({id:"g-root",style:n}),e.documentElement.ownerDocument=e,e.documentElement.parentNode=e,e.childNodes=[e.documentElement],e}return(0,W.ZT)(e,t),Object.defineProperty(e.prototype,"children",{get:function(){return this.childNodes},enumerable:!1,configurable:!0}),Object.defineProperty(e.prototype,"childElementCount",{get:function(){return this.childNodes.length},enumerable:!1,configurable:!0}),Object.defineProperty(e.prototype,"firstElementChild",{get:function(){return this.firstChild},enumerable:!1,configurable:!0}),Object.defineProperty(e.prototype,"lastElementChild",{get:function(){return this.lastChild},enumerable:!1,configurable:!0}),e.prototype.createElement=function(t,e){if("svg"===t)return this.documentElement;var n=this.defaultView.customElements.get(t);n||(console.warn("Unsupported tagName: ",t),n="tspan"===t?ie:r3);var r=new n(e);return r.ownerDocument=this,r},e.prototype.createElementNS=function(t,e,n){return this.createElement(e,n)},e.prototype.cloneNode=function(t){throw Error(tq)},e.prototype.destroy=function(){try{this.documentElement.destroyChildren(),this.timeline.destroy()}catch(t){}},e.prototype.elementsFromBBox=function(t,e,n,r){var i=this.defaultView.context.rBushRoot.search({minX:t,minY:e,maxX:n,maxY:r}),o=[];return i.forEach(function(t){var e=t.displayObject,n=["auto","visiblepainted","visiblefill","visiblestroke","visible"].includes(e.parsedStyle.pointerEvents);(!n||n&&e.isVisible())&&!e.isCulled()&&e.isInteractive()&&o.push(e)}),o.sort(function(t,e){return e.sortable.renderOrder-t.sortable.renderOrder}),o},e.prototype.elementFromPointSync=function(t,e){var n=this.defaultView.canvas2Viewport({x:t,y:e}),r=n.x,i=n.y,o=this.defaultView.getConfig(),a=o.width,s=o.height;if(r<0||i<0||r>a||i>s)return null;var l=this.defaultView.viewport2Client({x:r,y:i}),c=l.x,u=l.y,h=this.defaultView.getRenderingService().hooks.pickSync.call({topmost:!0,position:{x:t,y:e,viewportX:r,viewportY:i,clientX:c,clientY:u},picked:[]}).picked;return h&&h[0]||this.documentElement},e.prototype.elementFromPoint=function(t,e){return(0,W.mG)(this,void 0,void 0,function(){var n,r,i,o,a,s,l,c,u,h;return(0,W.Jh)(this,function(p){switch(p.label){case 0:if(r=(n=this.defaultView.canvas2Viewport({x:t,y:e})).x,i=n.y,a=(o=this.defaultView.getConfig()).width,s=o.height,r<0||i<0||r>a||i>s)return[2,null];return c=(l=this.defaultView.viewport2Client({x:r,y:i})).x,u=l.y,[4,this.defaultView.getRenderingService().hooks.pick.promise({topmost:!0,position:{x:t,y:e,viewportX:r,viewportY:i,clientX:c,clientY:u},picked:[]})];case 1:return[2,(h=p.sent().picked)&&h[0]||this.documentElement]}})})},e.prototype.elementsFromPointSync=function(t,e){var n=this.defaultView.canvas2Viewport({x:t,y:e}),r=n.x,i=n.y,o=this.defaultView.getConfig(),a=o.width,s=o.height;if(r<0||i<0||r>a||i>s)return[];var l=this.defaultView.viewport2Client({x:r,y:i}),c=l.x,u=l.y,h=this.defaultView.getRenderingService().hooks.pickSync.call({topmost:!1,position:{x:t,y:e,viewportX:r,viewportY:i,clientX:c,clientY:u},picked:[]}).picked;return h[h.length-1]!==this.documentElement&&h.push(this.documentElement),h},e.prototype.elementsFromPoint=function(t,e){return(0,W.mG)(this,void 0,void 0,function(){var n,r,i,o,a,s,l,c,u,h;return(0,W.Jh)(this,function(p){switch(p.label){case 0:if(r=(n=this.defaultView.canvas2Viewport({x:t,y:e})).x,i=n.y,a=(o=this.defaultView.getConfig()).width,s=o.height,r<0||i<0||r>a||i>s)return[2,[]];return c=(l=this.defaultView.viewport2Client({x:r,y:i})).x,u=l.y,[4,this.defaultView.getRenderingService().hooks.pick.promise({topmost:!1,position:{x:t,y:e,viewportX:r,viewportY:i,clientX:c,clientY:u},picked:[]})];case 1:return(h=p.sent().picked)[h.length-1]!==this.documentElement&&h.push(this.documentElement),[2,h]}})})},e.prototype.appendChild=function(t,e){throw Error(tJ)},e.prototype.insertBefore=function(t,e){throw Error(tJ)},e.prototype.removeChild=function(t,e){throw Error(tJ)},e.prototype.replaceChild=function(t,e,n){throw Error(tJ)},e.prototype.append=function(){throw Error(tJ)},e.prototype.prepend=function(){throw Error(tJ)},e.prototype.getElementById=function(t){return this.documentElement.getElementById(t)},e.prototype.getElementsByName=function(t){return this.documentElement.getElementsByName(t)},e.prototype.getElementsByTagName=function(t){return this.documentElement.getElementsByTagName(t)},e.prototype.getElementsByClassName=function(t){return this.documentElement.getElementsByClassName(t)},e.prototype.querySelector=function(t){return this.documentElement.querySelector(t)},e.prototype.querySelectorAll=function(t){return this.documentElement.querySelectorAll(t)},e.prototype.find=function(t){return this.documentElement.find(t)},e.prototype.findAll=function(t){return this.documentElement.findAll(t)},e}(rT),io=function(){function t(t){this.strategies=t}return t.prototype.apply=function(e){var n=e.camera,r=e.renderingService,i=e.renderingContext,o=this.strategies;r.hooks.cull.tap(t.tag,function(t){if(t){var e=t.cullable;return(0===o.length?e.visible=i.unculledEntities.indexOf(t.entity)>-1:e.visible=o.every(function(e){return e.isVisible(n,t)}),!t.isCulled()&&t.isVisible())?t:(t.dispatchEvent(new rx(H.CULLED)),null)}return t}),r.hooks.afterRender.tap(t.tag,function(t){t.cullable.visibilityPlaneMask=-1})},t.tag="Culling",t}(),ia=function(){function t(){var t=this;this.autoPreventDefault=!1,this.rootPointerEvent=new rm(null),this.rootWheelEvent=new rE(null),this.onPointerMove=function(e){var n,r,i,o,a=null===(o=null===(i=t.context.renderingContext.root)||void 0===i?void 0:i.ownerDocument)||void 0===o?void 0:o.defaultView;if(!a.supportsTouchEvents||"touch"!==e.pointerType){var s=t.normalizeToPointerEvent(e,a);try{for(var l=(0,W.XA)(s),c=l.next();!c.done;c=l.next()){var u=c.value,h=t.bootstrapEvent(t.rootPointerEvent,u,a,e);t.context.eventService.mapEvent(h)}}catch(t){n={error:t}}finally{try{c&&!c.done&&(r=l.return)&&r.call(l)}finally{if(n)throw n.error}}t.setCursor(t.context.eventService.cursor)}},this.onClick=function(e){var n,r,i,o,a=null===(o=null===(i=t.context.renderingContext.root)||void 0===i?void 0:i.ownerDocument)||void 0===o?void 0:o.defaultView,s=t.normalizeToPointerEvent(e,a);try{for(var l=(0,W.XA)(s),c=l.next();!c.done;c=l.next()){var u=c.value,h=t.bootstrapEvent(t.rootPointerEvent,u,a,e);t.context.eventService.mapEvent(h)}}catch(t){n={error:t}}finally{try{c&&!c.done&&(r=l.return)&&r.call(l)}finally{if(n)throw n.error}}t.setCursor(t.context.eventService.cursor)}}return t.prototype.apply=function(e){var n=this;this.context=e;var r=e.renderingService,i=this.context.renderingContext.root.ownerDocument.defaultView;this.context.eventService.setPickHandler(function(t){return n.context.renderingService.hooks.pickSync.call({position:t,picked:[],topmost:!0}).picked[0]||null}),r.hooks.pointerWheel.tap(t.tag,function(t){var e=n.normalizeWheelEvent(t);n.context.eventService.mapEvent(e)}),r.hooks.pointerDown.tap(t.tag,function(t){if(!i.supportsTouchEvents||"touch"!==t.pointerType){var e,r,o=n.normalizeToPointerEvent(t,i);n.autoPreventDefault&&o[0].isNormalized&&(t.cancelable||!("cancelable"in t))&&t.preventDefault();try{for(var a=(0,W.XA)(o),s=a.next();!s.done;s=a.next()){var l=s.value,c=n.bootstrapEvent(n.rootPointerEvent,l,i,t);n.context.eventService.mapEvent(c)}}catch(t){e={error:t}}finally{try{s&&!s.done&&(r=a.return)&&r.call(a)}finally{if(e)throw e.error}}n.setCursor(n.context.eventService.cursor)}}),r.hooks.pointerUp.tap(t.tag,function(t){if(!i.supportsTouchEvents||"touch"!==t.pointerType){var e,r,o=n.context.contextService.getDomElement(),a="outside";try{a=o&&t.target&&t.target!==o&&o.contains&&!o.contains(t.target)?"outside":""}catch(t){}var s=n.normalizeToPointerEvent(t,i);try{for(var l=(0,W.XA)(s),c=l.next();!c.done;c=l.next()){var u=c.value,h=n.bootstrapEvent(n.rootPointerEvent,u,i,t);h.type+=a,n.context.eventService.mapEvent(h)}}catch(t){e={error:t}}finally{try{c&&!c.done&&(r=l.return)&&r.call(l)}finally{if(e)throw e.error}}n.setCursor(n.context.eventService.cursor)}}),r.hooks.pointerMove.tap(t.tag,this.onPointerMove),r.hooks.pointerOver.tap(t.tag,this.onPointerMove),r.hooks.pointerOut.tap(t.tag,this.onPointerMove),r.hooks.click.tap(t.tag,this.onClick),r.hooks.pointerCancel.tap(t.tag,function(t){var e,r,o=n.normalizeToPointerEvent(t,i);try{for(var a=(0,W.XA)(o),s=a.next();!s.done;s=a.next()){var l=s.value,c=n.bootstrapEvent(n.rootPointerEvent,l,i,t);n.context.eventService.mapEvent(c)}}catch(t){e={error:t}}finally{try{s&&!s.done&&(r=a.return)&&r.call(a)}finally{if(e)throw e.error}}n.setCursor(n.context.eventService.cursor)})},t.prototype.getViewportXY=function(t){var e,n,r=t.offsetX,i=t.offsetY,o=t.clientX,a=t.clientY;if(!this.context.config.supportsCSSTransform||(0,tr.Z)(r)||(0,tr.Z)(i)){var s=this.context.eventService.client2Viewport(new tz(o,a));e=s.x,n=s.y}else e=r,n=i;return{x:e,y:n}},t.prototype.bootstrapEvent=function(t,e,n,r){t.view=n,t.originalEvent=null,t.nativeEvent=r,t.pointerId=e.pointerId,t.width=e.width,t.height=e.height,t.isPrimary=e.isPrimary,t.pointerType=e.pointerType,t.pressure=e.pressure,t.tangentialPressure=e.tangentialPressure,t.tiltX=e.tiltX,t.tiltY=e.tiltY,t.twist=e.twist,this.transferMouseData(t,e);var i=this.getViewportXY(e),o=i.x,a=i.y;t.viewport.x=o,t.viewport.y=a;var s=this.context.eventService.viewport2Canvas(t.viewport),l=s.x,c=s.y;return t.canvas.x=l,t.canvas.y=c,t.global.copyFrom(t.canvas),t.offset.copyFrom(t.canvas),t.isTrusted=r.isTrusted,"pointerleave"===t.type&&(t.type="pointerout"),t.type.startsWith("mouse")&&(t.type=t.type.replace("mouse","pointer")),t.type.startsWith("touch")&&(t.type=n$[t.type]||t.type),t},t.prototype.normalizeWheelEvent=function(t){var e=this.rootWheelEvent;this.transferMouseData(e,t),e.deltaMode=t.deltaMode,e.deltaX=t.deltaX,e.deltaY=t.deltaY,e.deltaZ=t.deltaZ;var n=this.getViewportXY(t),r=n.x,i=n.y;e.viewport.x=r,e.viewport.y=i;var o=this.context.eventService.viewport2Canvas(e.viewport),a=o.x,s=o.y;return e.canvas.x=a,e.canvas.y=s,e.global.copyFrom(e.canvas),e.offset.copyFrom(e.canvas),e.nativeEvent=t,e.type=t.type,e},t.prototype.transferMouseData=function(t,e){t.isTrusted=e.isTrusted,t.srcElement=e.srcElement,t.timeStamp=nQ.now(),t.type=e.type,t.altKey=e.altKey,t.metaKey=e.metaKey,t.shiftKey=e.shiftKey,t.ctrlKey=e.ctrlKey,t.button=e.button,t.buttons=e.buttons,t.client.x=e.clientX,t.client.y=e.clientY,t.movement.x=e.movementX,t.movement.y=e.movementY,t.page.x=e.pageX,t.page.y=e.pageY,t.screen.x=e.screenX,t.screen.y=e.screenY,t.relatedTarget=null},t.prototype.setCursor=function(t){this.context.contextService.applyCursorStyle(t||this.context.config.cursor||"default")},t.prototype.normalizeToPointerEvent=function(t,e){var n=[];if(e.isTouchEvent(t))for(var r=0;r-1,a=0,s=r.length;a=1?Math.ceil(M):1,C=l||("auto"===(n=nJ(a,"width"))?a.offsetWidth:parseFloat(n))||a.width/M,w=c||("auto"===(r=nJ(a,"height"))?a.offsetHeight:parseFloat(r))||a.height/M),s&&(r_.offscreenCanvas=s),i.devicePixelRatio=M,i.requestAnimationFrame=null!=v?v:n7.bind(r_.globalThis),i.cancelAnimationFrame=null!=y?y:rt.bind(r_.globalThis),i.supportsTouchEvents=null!=E?E:"ontouchstart"in r_.globalThis,i.supportsPointerEvents=null!=m?m:!!r_.globalThis.PointerEvent,i.isTouchEvent=null!=S?S:function(t){return i.supportsTouchEvents&&t instanceof r_.globalThis.TouchEvent},i.isMouseEvent=null!=N?N:function(t){return!r_.globalThis.MouseEvent||t instanceof r_.globalThis.MouseEvent&&(!i.supportsPointerEvents||!(t instanceof r_.globalThis.PointerEvent))},i.initRenderingContext({container:o,canvas:a,width:C,height:w,renderer:h,offscreenCanvas:s,devicePixelRatio:M,cursor:f||"default",background:p||"transparent",createImage:g,document:d,supportsCSSTransform:x,useNativeClickEvent:T,alwaysTriggerPointerEventOnCanvas:P}),i.initDefaultCamera(C,w,h.clipSpaceNearZ),i.initRenderer(h,!0),i}return(0,W.ZT)(e,t),e.prototype.initRenderingContext=function(t){this.context.config=t,this.context.renderingContext={root:this.document.documentElement,renderListCurrentFrame:[],unculledEntities:[],renderReasons:new Set,force:!1,dirty:!1}},e.prototype.initDefaultCamera=function(t,e,n){var r=this,i=new r_.CameraContribution;i.clipSpaceNearZ=n,i.setType(A.EXPLORING,O.DEFAULT).setPosition(t/2,e/2,500).setFocalPoint(t/2,e/2,0).setOrthographic(-(t/2),t/2,e/2,-(e/2),.1,1e3),i.canvas=this,i.eventEmitter.on(t$.UPDATED,function(){r.context.renderingContext.renderReasons.add(X.CAMERA_CHANGED)}),this.context.camera=i},e.prototype.getConfig=function(){return this.context.config},e.prototype.getRoot=function(){return this.document.documentElement},e.prototype.getCamera=function(){return this.context.camera},e.prototype.getContextService=function(){return this.context.contextService},e.prototype.getEventService=function(){return this.context.eventService},e.prototype.getRenderingService=function(){return this.context.renderingService},e.prototype.getRenderingContext=function(){return this.context.renderingContext},e.prototype.getStats=function(){return this.getRenderingService().getStats()},Object.defineProperty(e.prototype,"ready",{get:function(){var t=this;return!this.readyPromise&&(this.readyPromise=new Promise(function(e){t.resolveReadyPromise=function(){e(t)}}),this.inited&&this.resolveReadyPromise()),this.readyPromise},enumerable:!1,configurable:!0}),e.prototype.destroy=function(t,e){void 0===t&&(t=!0),void 0===e&&(e=!1),e||this.dispatchEvent(new rx(j.BEFORE_DESTROY)),this.frameId&&(this.getConfig().cancelAnimationFrame||cancelAnimationFrame)(this.frameId);var n=this.getRoot();this.unmountChildren(n),t&&(this.document.destroy(),this.getEventService().destroy()),this.getRenderingService().destroy(),this.getContextService().destroy(),t&&this.context.rBushRoot&&(this.context.rBushRoot.clear(),this.context.rBushRoot=null,this.context.renderingContext.root=null),e||this.dispatchEvent(new rx(j.AFTER_DESTROY))},e.prototype.changeSize=function(t,e){this.resize(t,e)},e.prototype.resize=function(t,e){var n=this.context.config;n.width=t,n.height=e,this.getContextService().resize(t,e);var r=this.context.camera,i=r.getProjectionMode();r.setPosition(t/2,e/2,500).setFocalPoint(t/2,e/2,0),i===L.ORTHOGRAPHIC?r.setOrthographic(-(t/2),t/2,e/2,-(e/2),r.getNear(),r.getFar()):r.setAspect(t/e),this.dispatchEvent(new rx(j.RESIZE,{width:t,height:e}))},e.prototype.appendChild=function(t,e){return this.document.documentElement.appendChild(t,e)},e.prototype.insertBefore=function(t,e){return this.document.documentElement.insertBefore(t,e)},e.prototype.removeChild=function(t){return this.document.documentElement.removeChild(t)},e.prototype.removeChildren=function(){this.document.documentElement.removeChildren()},e.prototype.destroyChildren=function(){this.document.documentElement.destroyChildren()},e.prototype.render=function(){var t=this;this.dispatchEvent(ip),this.getRenderingService().render(this.getConfig(),function(){t.dispatchEvent(id)}),this.dispatchEvent(iv)},e.prototype.run=function(){var t=this,e=function(){t.render(),t.frameId=t.requestAnimationFrame(e)};e()},e.prototype.initRenderer=function(t,e){var n=this;if(void 0===e&&(e=!1),!t)throw Error("Renderer is required.");this.inited=!1,this.readyPromise=void 0,this.context.rBushRoot=new tC,this.context.renderingPlugins=[],this.context.renderingPlugins.push(new ia,new ic,new io([new il])),this.loadRendererContainerModule(t),this.context.contextService=new this.context.ContextService((0,W.pi)((0,W.pi)({},r_),this.context)),this.context.renderingService=new rN(r_,this.context),this.context.eventService=new rP(r_,this.context),this.context.eventService.init(),this.context.contextService.init?(this.context.contextService.init(),this.initRenderingService(t,e,!0)):this.context.contextService.initAsync().then(function(){n.initRenderingService(t,e)})},e.prototype.initRenderingService=function(t,e,n){var r=this;void 0===e&&(e=!1),void 0===n&&(n=!1),this.context.renderingService.init(function(){r.inited=!0,e?(n?r.requestAnimationFrame(function(){r.dispatchEvent(new rx(j.READY))}):r.dispatchEvent(new rx(j.READY)),r.readyPromise&&r.resolveReadyPromise()):r.dispatchEvent(new rx(j.RENDERER_CHANGED)),e||r.getRoot().forEach(function(t){var e=t.renderable;e&&(e.renderBoundsDirty=!0,e.boundsDirty=!0,e.dirty=!0)}),r.mountChildren(r.getRoot()),t.getConfig().enableAutoRendering&&r.run()})},e.prototype.loadRendererContainerModule=function(t){var e=this;t.getPlugins().forEach(function(t){t.context=e.context,t.init(r_)})},e.prototype.setRenderer=function(t){var e=this.getConfig();if(e.renderer!==t){var n=e.renderer;e.renderer=t,this.destroy(!1,!0),(0,W.ev)([],(0,W.CR)(null==n?void 0:n.getPlugins()),!1).reverse().forEach(function(t){t.destroy(r_)}),this.initRenderer(t)}},e.prototype.setCursor=function(t){this.getConfig().cursor=t,this.getContextService().applyCursorStyle(t)},e.prototype.unmountChildren=function(t){var e=this;t.childNodes.forEach(function(t){e.unmountChildren(t)}),this.inited&&(t.isMutationObserved?t.dispatchEvent(ih):(ih.target=t,this.dispatchEvent(ih,!0)),t!==this.document.documentElement&&(t.ownerDocument=null),t.isConnected=!1),t.isCustomElement&&t.disconnectedCallback&&t.disconnectedCallback()},e.prototype.mountChildren=function(t){var e=this;this.inited?t.isConnected||(t.ownerDocument=this.document,t.isConnected=!0,t.isMutationObserved?t.dispatchEvent(iu):(iu.target=t,this.dispatchEvent(iu,!0))):console.warn("[g]: You are trying to call `canvas.appendChild` before canvas' initialization finished. You can either await `canvas.ready` or listen to `CanvasEvent.READY` manually.","appended child: ",t.nodeName),t.childNodes.forEach(function(t){e.mountChildren(t)}),t.isCustomElement&&t.connectedCallback&&t.connectedCallback()},e.prototype.client2Viewport=function(t){return this.getEventService().client2Viewport(t)},e.prototype.viewport2Client=function(t){return this.getEventService().viewport2Client(t)},e.prototype.viewport2Canvas=function(t){return this.getEventService().viewport2Canvas(t)},e.prototype.canvas2Viewport=function(t){return this.getEventService().canvas2Viewport(t)},e.prototype.getPointByClient=function(t,e){return this.client2Viewport({x:t,y:e})},e.prototype.getClientByPoint=function(t,e){return this.viewport2Client({x:t,y:e})},e}(rb)}}]); \ No newline at end of file diff --git a/pilot/server/static/_next/static/chunks/365-2cad3676ccbb1b1a.js b/pilot/server/static/_next/static/chunks/365-2cad3676ccbb1b1a.js deleted file mode 100644 index 63206c284..000000000 --- a/pilot/server/static/_next/static/chunks/365-2cad3676ccbb1b1a.js +++ /dev/null @@ -1,14 +0,0 @@ -"use strict";(self.webpackChunk_N_E=self.webpackChunk_N_E||[]).push([[365],{23430:function(e,t,r){r.d(t,{Z:function(){return l}});var n=r(87462),o=r(67294),i={icon:{tag:"svg",attrs:{viewBox:"64 64 896 896",focusable:"false"},children:[{tag:"path",attrs:{d:"M505.7 661a8 8 0 0012.6 0l112-141.7c4.1-5.2.4-12.9-6.3-12.9h-74.1V168c0-4.4-3.6-8-8-8h-60c-4.4 0-8 3.6-8 8v338.3H400c-6.7 0-10.4 7.7-6.3 12.9l112 141.8zM878 626h-60c-4.4 0-8 3.6-8 8v154H214V634c0-4.4-3.6-8-8-8h-60c-4.4 0-8 3.6-8 8v198c0 17.7 14.3 32 32 32h684c17.7 0 32-14.3 32-32V634c0-4.4-3.6-8-8-8z"}}]},name:"download",theme:"outlined"},a=r(84089),l=o.forwardRef(function(e,t){return o.createElement(a.Z,(0,n.Z)({},e,{ref:t,icon:i}))})},57838:function(e,t,r){r.d(t,{Z:function(){return o}});var n=r(67294);function o(){let[,e]=n.useReducer(e=>e+1,0);return e}},69814:function(e,t,r){r.d(t,{Z:function(){return et}});var n=r(89739),o=r(63606),i=r(4340),a=r(97937),l=r(94184),s=r.n(l),c=r(98423),u=r(67294),d=r(53124),p=r(87462),f=r(1413),m=r(45987),g={percent:0,prefixCls:"rc-progress",strokeColor:"#2db7f5",strokeLinecap:"round",strokeWidth:1,trailColor:"#D9D9D9",trailWidth:1,gapPosition:"bottom"},h=function(){var e=(0,u.useRef)([]),t=(0,u.useRef)(null);return(0,u.useEffect)(function(){var r=Date.now(),n=!1;e.current.forEach(function(e){if(e){n=!0;var o=e.style;o.transitionDuration=".3s, .3s, .3s, .06s",t.current&&r-t.current<100&&(o.transitionDuration="0s, 0s")}}),n&&(t.current=Date.now())}),e.current},b=r(71002),v=r(97685),$=r(98924),y=0,w=(0,$.Z)(),k=function(e){var t=u.useState(),r=(0,v.Z)(t,2),n=r[0],o=r[1];return u.useEffect(function(){var e;o("rc_progress_".concat((w?(e=y,y+=1):e="TEST_OR_SSR",e)))},[]),e||n},E=["id","prefixCls","steps","strokeWidth","trailWidth","gapDegree","gapPosition","trailColor","strokeLinecap","style","className","strokeColor","percent"];function x(e){return+e.replace("%","")}function S(e){var t=null!=e?e:[];return Array.isArray(t)?t:[t]}var C=function(e,t,r,n,o,i,a,l,s,c){var u=arguments.length>10&&void 0!==arguments[10]?arguments[10]:0,d=(100-n)/100*t;return"round"===s&&100!==n&&(d+=c/2)>=t&&(d=t-.01),{stroke:"string"==typeof l?l:void 0,strokeDasharray:"".concat(t,"px ").concat(e),strokeDashoffset:d+u,transform:"rotate(".concat(o+r/100*360*((360-i)/360)+(0===i?0:({bottom:0,top:180,left:90,right:-90})[a]),"deg)"),transformOrigin:"0 0",transition:"stroke-dashoffset .3s ease 0s, stroke-dasharray .3s ease 0s, stroke .3s, stroke-width .06s ease .3s, opacity .3s ease 0s",fillOpacity:0}},O=function(e){var t,r,n,o,i=(0,f.Z)((0,f.Z)({},g),e),a=i.id,l=i.prefixCls,c=i.steps,d=i.strokeWidth,v=i.trailWidth,$=i.gapDegree,y=void 0===$?0:$,w=i.gapPosition,O=i.trailColor,j=i.strokeLinecap,I=i.style,D=i.className,Z=i.strokeColor,R=i.percent,N=(0,m.Z)(i,E),P=k(a),M="".concat(P,"-gradient"),F=50-d/2,z=2*Math.PI*F,A=y>0?90+y/2:-90,L=z*((360-y)/360),T="object"===(0,b.Z)(c)?c:{count:c,space:2},X=T.count,_=T.space,U=C(z,L,0,100,A,y,w,O,j,d),H=S(R),W=S(Z),B=W.find(function(e){return e&&"object"===(0,b.Z)(e)}),q=h();return u.createElement("svg",(0,p.Z)({className:s()("".concat(l,"-circle"),D),viewBox:"".concat(-50," ").concat(-50," ").concat(100," ").concat(100),style:I,id:a,role:"presentation"},N),B&&u.createElement("defs",null,u.createElement("linearGradient",{id:M,x1:"100%",y1:"0%",x2:"0%",y2:"0%"},Object.keys(B).sort(function(e,t){return x(e)-x(t)}).map(function(e,t){return u.createElement("stop",{key:t,offset:e,stopColor:B[e]})}))),!X&&u.createElement("circle",{className:"".concat(l,"-circle-trail"),r:F,cx:0,cy:0,stroke:O,strokeLinecap:j,strokeWidth:v||d,style:U}),X?(t=Math.round(X*(H[0]/100)),r=100/X,n=0,Array(X).fill(null).map(function(e,o){var i=o<=t-1?W[0]:O,a=i&&"object"===(0,b.Z)(i)?"url(#".concat(M,")"):void 0,s=C(z,L,n,r,A,y,w,i,"butt",d,_);return n+=(L-s.strokeDashoffset+_)*100/L,u.createElement("circle",{key:o,className:"".concat(l,"-circle-path"),r:F,cx:0,cy:0,stroke:a,strokeWidth:d,opacity:1,style:s,ref:function(e){q[o]=e}})})):(o=0,H.map(function(e,t){var r=W[t]||W[W.length-1],n=r&&"object"===(0,b.Z)(r)?"url(#".concat(M,")"):void 0,i=C(z,L,o,e,A,y,w,r,j,d);return o+=e,u.createElement("circle",{key:t,className:"".concat(l,"-circle-path"),r:F,cx:0,cy:0,stroke:n,strokeLinecap:j,strokeWidth:d,opacity:0===e?0:1,style:i,ref:function(e){q[t]=e}})}).reverse()))},j=r(83062),I=r(16397);function D(e){return!e||e<0?0:e>100?100:e}function Z(e){let{success:t,successPercent:r}=e,n=r;return t&&"progress"in t&&(n=t.progress),t&&"percent"in t&&(n=t.percent),n}let R=e=>{let{percent:t,success:r,successPercent:n}=e,o=D(Z({success:r,successPercent:n}));return[o,D(D(t)-o)]},N=e=>{let{success:t={},strokeColor:r}=e,{strokeColor:n}=t;return[n||I.ez.green,r||null]},P=(e,t,r)=>{var n,o,i,a;let l=-1,s=-1;if("step"===t){let t=r.steps,n=r.strokeWidth;"string"==typeof e||void 0===e?(l="small"===e?2:14,s=null!=n?n:8):"number"==typeof e?[l,s]=[e,e]:[l=14,s=8]=e,l*=t}else if("line"===t){let t=null==r?void 0:r.strokeWidth;"string"==typeof e||void 0===e?s=t||("small"===e?6:8):"number"==typeof e?[l,s]=[e,e]:[l=-1,s=8]=e}else("circle"===t||"dashboard"===t)&&("string"==typeof e||void 0===e?[l,s]="small"===e?[60,60]:[120,120]:"number"==typeof e?[l,s]=[e,e]:(l=null!==(o=null!==(n=e[0])&&void 0!==n?n:e[1])&&void 0!==o?o:120,s=null!==(a=null!==(i=e[0])&&void 0!==i?i:e[1])&&void 0!==a?a:120));return[l,s]},M=e=>3/e*100;var F=e=>{let{prefixCls:t,trailColor:r=null,strokeLinecap:n="round",gapPosition:o,gapDegree:i,width:a=120,type:l,children:c,success:d,size:p=a}=e,[f,m]=P(p,"circle"),{strokeWidth:g}=e;void 0===g&&(g=Math.max(M(f),6));let h=u.useMemo(()=>i||0===i?i:"dashboard"===l?75:void 0,[i,l]),b=o||"dashboard"===l&&"bottom"||void 0,v="[object Object]"===Object.prototype.toString.call(e.strokeColor),$=N({success:d,strokeColor:e.strokeColor}),y=s()(`${t}-inner`,{[`${t}-circle-gradient`]:v}),w=u.createElement(O,{percent:R(e),strokeWidth:g,trailWidth:g,strokeColor:$,strokeLinecap:n,trailColor:r,prefixCls:t,gapDegree:h,gapPosition:b});return u.createElement("div",{className:y,style:{width:f,height:m,fontSize:.15*f+6}},f<=20?u.createElement(j.Z,{title:c},u.createElement("span",null,w)):u.createElement(u.Fragment,null,w,c))},z=function(e,t){var r={};for(var n in e)Object.prototype.hasOwnProperty.call(e,n)&&0>t.indexOf(n)&&(r[n]=e[n]);if(null!=e&&"function"==typeof Object.getOwnPropertySymbols)for(var o=0,n=Object.getOwnPropertySymbols(e);ot.indexOf(n[o])&&Object.prototype.propertyIsEnumerable.call(e,n[o])&&(r[n[o]]=e[n[o]]);return r};let A=e=>{let t=[];return Object.keys(e).forEach(r=>{let n=parseFloat(r.replace(/%/g,""));isNaN(n)||t.push({key:n,value:e[r]})}),(t=t.sort((e,t)=>e.key-t.key)).map(e=>{let{key:t,value:r}=e;return`${r} ${t}%`}).join(", ")},L=(e,t)=>{let{from:r=I.ez.blue,to:n=I.ez.blue,direction:o="rtl"===t?"to left":"to right"}=e,i=z(e,["from","to","direction"]);if(0!==Object.keys(i).length){let e=A(i);return{backgroundImage:`linear-gradient(${o}, ${e})`}}return{backgroundImage:`linear-gradient(${o}, ${r}, ${n})`}};var T=e=>{let{prefixCls:t,direction:r,percent:n,size:o,strokeWidth:i,strokeColor:a,strokeLinecap:l="round",children:s,trailColor:c=null,success:d}=e,p=a&&"string"!=typeof a?L(a,r):{backgroundColor:a},f="square"===l||"butt"===l?0:void 0,m=null!=o?o:[-1,i||("small"===o?6:8)],[g,h]=P(m,"line",{strokeWidth:i}),b=Object.assign({width:`${D(n)}%`,height:h,borderRadius:f},p),v=Z(e),$={width:`${D(v)}%`,height:h,borderRadius:f,backgroundColor:null==d?void 0:d.strokeColor};return u.createElement(u.Fragment,null,u.createElement("div",{className:`${t}-outer`,style:{width:g<0?"100%":g,height:h}},u.createElement("div",{className:`${t}-inner`,style:{backgroundColor:c||void 0,borderRadius:f}},u.createElement("div",{className:`${t}-bg`,style:b}),void 0!==v?u.createElement("div",{className:`${t}-success-bg`,style:$}):null)),s)},X=e=>{let{size:t,steps:r,percent:n=0,strokeWidth:o=8,strokeColor:i,trailColor:a=null,prefixCls:l,children:c}=e,d=Math.round(r*(n/100)),p=null!=t?t:["small"===t?2:14,o],[f,m]=P(p,"step",{steps:r,strokeWidth:o}),g=f/r,h=Array(r);for(let e=0;e{let t=e?"100%":"-100%";return new _.E4(`antProgress${e?"RTL":"LTR"}Active`,{"0%":{transform:`translateX(${t}) scaleX(0)`,opacity:.1},"20%":{transform:`translateX(${t}) scaleX(0)`,opacity:.5},to:{transform:"translateX(0) scaleX(1)",opacity:0}})},q=e=>{let{componentCls:t,iconCls:r}=e;return{[t]:Object.assign(Object.assign({},(0,U.Wf)(e)),{display:"inline-block","&-rtl":{direction:"rtl"},"&-line":{position:"relative",width:"100%",fontSize:e.fontSize,marginInlineEnd:e.marginXS,marginBottom:e.marginXS},[`${t}-outer`]:{display:"inline-block",width:"100%"},[`&${t}-show-info`]:{[`${t}-outer`]:{marginInlineEnd:`calc(-2em - ${e.marginXS}px)`,paddingInlineEnd:`calc(2em + ${e.paddingXS}px)`}},[`${t}-inner`]:{position:"relative",display:"inline-block",width:"100%",overflow:"hidden",verticalAlign:"middle",backgroundColor:e.progressRemainingColor,borderRadius:e.progressLineRadius},[`${t}-inner:not(${t}-circle-gradient)`]:{[`${t}-circle-path`]:{stroke:e.colorInfo}},[`${t}-success-bg, ${t}-bg`]:{position:"relative",backgroundColor:e.colorInfo,borderRadius:e.progressLineRadius,transition:`all ${e.motionDurationSlow} ${e.motionEaseInOutCirc}`},[`${t}-success-bg`]:{position:"absolute",insetBlockStart:0,insetInlineStart:0,backgroundColor:e.colorSuccess},[`${t}-text`]:{display:"inline-block",width:"2em",marginInlineStart:e.marginXS,color:e.progressInfoTextColor,lineHeight:1,whiteSpace:"nowrap",textAlign:"start",verticalAlign:"middle",wordBreak:"normal",[r]:{fontSize:e.fontSize}},[`&${t}-status-active`]:{[`${t}-bg::before`]:{position:"absolute",inset:0,backgroundColor:e.colorBgContainer,borderRadius:e.progressLineRadius,opacity:0,animationName:B(),animationDuration:e.progressActiveMotionDuration,animationTimingFunction:e.motionEaseOutQuint,animationIterationCount:"infinite",content:'""'}},[`&${t}-rtl${t}-status-active`]:{[`${t}-bg::before`]:{animationName:B(!0)}},[`&${t}-status-exception`]:{[`${t}-bg`]:{backgroundColor:e.colorError},[`${t}-text`]:{color:e.colorError}},[`&${t}-status-exception ${t}-inner:not(${t}-circle-gradient)`]:{[`${t}-circle-path`]:{stroke:e.colorError}},[`&${t}-status-success`]:{[`${t}-bg`]:{backgroundColor:e.colorSuccess},[`${t}-text`]:{color:e.colorSuccess}},[`&${t}-status-success ${t}-inner:not(${t}-circle-gradient)`]:{[`${t}-circle-path`]:{stroke:e.colorSuccess}}})}},V=e=>{let{componentCls:t,iconCls:r}=e;return{[t]:{[`${t}-circle-trail`]:{stroke:e.progressRemainingColor},[`&${t}-circle ${t}-inner`]:{position:"relative",lineHeight:1,backgroundColor:"transparent"},[`&${t}-circle ${t}-text`]:{position:"absolute",insetBlockStart:"50%",insetInlineStart:0,width:"100%",margin:0,padding:0,color:e.colorText,lineHeight:1,whiteSpace:"normal",textAlign:"center",transform:"translateY(-50%)",[r]:{fontSize:`${e.fontSize/e.fontSizeSM}em`}},[`${t}-circle&-status-exception`]:{[`${t}-text`]:{color:e.colorError}},[`${t}-circle&-status-success`]:{[`${t}-text`]:{color:e.colorSuccess}}},[`${t}-inline-circle`]:{lineHeight:1,[`${t}-inner`]:{verticalAlign:"bottom"}}}},G=e=>{let{componentCls:t}=e;return{[t]:{[`${t}-steps`]:{display:"inline-block","&-outer":{display:"flex",flexDirection:"row",alignItems:"center"},"&-item":{flexShrink:0,minWidth:e.progressStepMinWidth,marginInlineEnd:e.progressStepMarginInlineEnd,backgroundColor:e.progressRemainingColor,transition:`all ${e.motionDurationSlow}`,"&-active":{backgroundColor:e.colorInfo}}}}}},J=e=>{let{componentCls:t,iconCls:r}=e;return{[t]:{[`${t}-small&-line, ${t}-small&-line ${t}-text ${r}`]:{fontSize:e.fontSizeSM}}}};var K=(0,H.Z)("Progress",e=>{let t=e.marginXXS/2,r=(0,W.TS)(e,{progressLineRadius:100,progressInfoTextColor:e.colorText,progressDefaultColor:e.colorInfo,progressRemainingColor:e.colorFillSecondary,progressStepMarginInlineEnd:t,progressStepMinWidth:t,progressActiveMotionDuration:"2.4s"});return[q(r),V(r),G(r),J(r)]}),Q=function(e,t){var r={};for(var n in e)Object.prototype.hasOwnProperty.call(e,n)&&0>t.indexOf(n)&&(r[n]=e[n]);if(null!=e&&"function"==typeof Object.getOwnPropertySymbols)for(var o=0,n=Object.getOwnPropertySymbols(e);ot.indexOf(n[o])&&Object.prototype.propertyIsEnumerable.call(e,n[o])&&(r[n[o]]=e[n[o]]);return r};let Y=["normal","exception","active","success"],ee=u.forwardRef((e,t)=>{let r;let{prefixCls:l,className:p,rootClassName:f,steps:m,strokeColor:g,percent:h=0,size:b="default",showInfo:v=!0,type:$="line",status:y,format:w,style:k}=e,E=Q(e,["prefixCls","className","rootClassName","steps","strokeColor","percent","size","showInfo","type","status","format","style"]),x=u.useMemo(()=>{var t,r;let n=Z(e);return parseInt(void 0!==n?null===(t=null!=n?n:0)||void 0===t?void 0:t.toString():null===(r=null!=h?h:0)||void 0===r?void 0:r.toString(),10)},[h,e.success,e.successPercent]),S=u.useMemo(()=>!Y.includes(y)&&x>=100?"success":y||"normal",[y,x]),{getPrefixCls:C,direction:O,progress:j}=u.useContext(d.E_),I=C("progress",l),[R,N]=K(I),M=u.useMemo(()=>{let t;if(!v)return null;let r=Z(e),l=w||(e=>`${e}%`),s="line"===$;return w||"exception"!==S&&"success"!==S?t=l(D(h),D(r)):"exception"===S?t=s?u.createElement(i.Z,null):u.createElement(a.Z,null):"success"===S&&(t=s?u.createElement(n.Z,null):u.createElement(o.Z,null)),u.createElement("span",{className:`${I}-text`,title:"string"==typeof t?t:void 0},t)},[v,h,x,S,$,I,w]),z=Array.isArray(g)?g[0]:g,A="string"==typeof g||Array.isArray(g)?g:void 0;"line"===$?r=m?u.createElement(X,Object.assign({},e,{strokeColor:A,prefixCls:I,steps:m}),M):u.createElement(T,Object.assign({},e,{strokeColor:z,prefixCls:I,direction:O}),M):("circle"===$||"dashboard"===$)&&(r=u.createElement(F,Object.assign({},e,{strokeColor:z,prefixCls:I,progressStatus:S}),M));let L=s()(I,`${I}-status-${S}`,`${I}-${"dashboard"===$&&"circle"||m&&"steps"||$}`,{[`${I}-inline-circle`]:"circle"===$&&P(b,"circle")[0]<=20,[`${I}-show-info`]:v,[`${I}-${b}`]:"string"==typeof b,[`${I}-rtl`]:"rtl"===O},null==j?void 0:j.className,p,f,N);return R(u.createElement("div",Object.assign({ref:t,style:Object.assign(Object.assign({},null==j?void 0:j.style),k),className:L,role:"progressbar","aria-valuenow":x},(0,c.Z)(E,["trailColor","strokeWidth","width","gapDegree","gapPosition","strokeLinecap","success","successPercent"])),r))});var et=ee},31365:function(e,t,r){r.d(t,{default:function(){return eZ}});var n=r(67294),o=r(74902),i=r(94184),a=r.n(i),l=r(87462),s=r(15671),c=r(43144),u=r(32531),d=r(73568),p=r(4942),f=r(45987),m=r(74165),g=r(71002),h=r(15861),b=r(64217);function v(e){var t=e.responseText||e.response;if(!t)return t;try{return JSON.parse(t)}catch(e){return t}}function $(e){var t=new XMLHttpRequest;e.onProgress&&t.upload&&(t.upload.onprogress=function(t){t.total>0&&(t.percent=t.loaded/t.total*100),e.onProgress(t)});var r=new FormData;e.data&&Object.keys(e.data).forEach(function(t){var n=e.data[t];if(Array.isArray(n)){n.forEach(function(e){r.append("".concat(t,"[]"),e)});return}r.append(t,n)}),e.file instanceof Blob?r.append(e.filename,e.file,e.file.name):r.append(e.filename,e.file),t.onerror=function(t){e.onError(t)},t.onload=function(){if(t.status<200||t.status>=300){var r;return e.onError(((r=Error("cannot ".concat(e.method," ").concat(e.action," ").concat(t.status,"'"))).status=t.status,r.method=e.method,r.url=e.action,r),v(t))}return e.onSuccess(v(t),t)},t.open(e.method,e.action,!0),e.withCredentials&&"withCredentials"in t&&(t.withCredentials=!0);var n=e.headers||{};return null!==n["X-Requested-With"]&&t.setRequestHeader("X-Requested-With","XMLHttpRequest"),Object.keys(n).forEach(function(e){null!==n[e]&&t.setRequestHeader(e,n[e])}),t.send(r),{abort:function(){t.abort()}}}var y=+new Date,w=0;function k(){return"rc-upload-".concat(y,"-").concat(++w)}var E=r(80334),x=function(e,t){if(e&&t){var r=Array.isArray(t)?t:t.split(","),n=e.name||"",o=e.type||"",i=o.replace(/\/.*$/,"");return r.some(function(e){var t=e.trim();if(/^\*(\/\*)?$/.test(e))return!0;if("."===t.charAt(0)){var r=n.toLowerCase(),a=t.toLowerCase(),l=[a];return(".jpg"===a||".jpeg"===a)&&(l=[".jpg",".jpeg"]),l.some(function(e){return r.endsWith(e)})}return/\/\*$/.test(t)?i===t.replace(/\/.*$/,""):o===t||!!/^\w+$/.test(t)&&((0,E.ZP)(!1,"Upload takes an invalidate 'accept' type '".concat(t,"'.Skip for check.")),!0)})}return!0},S=function(e,t,r){var n=function e(n,o){if(n.path=o||"",n.isFile)n.file(function(e){r(e)&&(n.fullPath&&!e.webkitRelativePath&&(Object.defineProperties(e,{webkitRelativePath:{writable:!0}}),e.webkitRelativePath=n.fullPath.replace(/^\//,""),Object.defineProperties(e,{webkitRelativePath:{writable:!1}})),t([e]))});else if(n.isDirectory){var i,a,l;i=function(t){t.forEach(function(t){e(t,"".concat(o).concat(n.name,"/"))})},a=n.createReader(),l=[],function e(){a.readEntries(function(t){var r=Array.prototype.slice.apply(t);l=l.concat(r),r.length?e():i(l)})}()}};e.forEach(function(e){n(e.webkitGetAsEntry())})},C=["component","prefixCls","className","disabled","id","style","multiple","accept","capture","children","directory","openFileDialogOnClick","onMouseEnter","onMouseLeave"],O=function(e){(0,u.Z)(r,e);var t=(0,d.Z)(r);function r(){(0,s.Z)(this,r);for(var e,n,i=arguments.length,a=Array(i),l=0;l{let{uid:r}=t;return r===e.uid});return -1===n?r.push(e):r[n]=e,r}function K(e,t){let r=void 0!==e.uid?"uid":"name";return t.filter(t=>t[r]===e[r])[0]}let Q=function(){let e=arguments.length>0&&void 0!==arguments[0]?arguments[0]:"",t=e.split("/"),r=t[t.length-1],n=r.split(/#|\?/)[0];return(/\.[^./\\]*$/.exec(n)||[""])[0]},Y=e=>0===e.indexOf("image/"),ee=e=>{if(e.type&&!e.thumbUrl)return Y(e.type);let t=e.thumbUrl||e.url||"",r=Q(t);return!!(/^data:image\//.test(t)||/(webp|svg|png|gif|jpg|jpeg|jfif|bmp|dpg|ico|heic|heif)$/i.test(r))||!/^data:/.test(t)&&!r};function et(e){return new Promise(t=>{if(!e.type||!Y(e.type)){t("");return}let r=document.createElement("canvas");r.width=200,r.height=200,r.style.cssText="position: fixed; left: 0; top: 0; width: 200px; height: 200px; z-index: 9999; display: none;",document.body.appendChild(r);let n=r.getContext("2d"),o=new Image;if(o.onload=()=>{let{width:e,height:i}=o,a=200,l=200,s=0,c=0;e>i?c=-((l=i*(200/e))-a)/2:s=-((a=e*(200/i))-l)/2,n.drawImage(o,s,c,a,l);let u=r.toDataURL();document.body.removeChild(r),window.URL.revokeObjectURL(o.src),t(u)},o.crossOrigin="anonymous",e.type.startsWith("image/svg+xml")){let t=new FileReader;t.onload=()=>{t.result&&(o.src=t.result)},t.readAsDataURL(e)}else if(e.type.startsWith("image/gif")){let r=new FileReader;r.onload=()=>{r.result&&t(r.result)},r.readAsDataURL(e)}else o.src=window.URL.createObjectURL(e)})}var er=r(48689),en=r(23430),eo=r(99611),ei=r(69814),ea=r(83062);let el=n.forwardRef((e,t)=>{var r,o;let{prefixCls:i,className:l,style:s,locale:c,listType:u,file:d,items:p,progress:f,iconRender:m,actionIconRender:g,itemRender:h,isImgUrl:b,showPreviewIcon:v,showRemoveIcon:$,showDownloadIcon:y,previewIcon:w,removeIcon:k,downloadIcon:E,onPreview:x,onDownload:S,onClose:C}=e,{status:O}=d,[j,I]=n.useState(O);n.useEffect(()=>{"removed"!==O&&I(O)},[O]);let[D,Z]=n.useState(!1);n.useEffect(()=>{let e=setTimeout(()=>{Z(!0)},300);return()=>{clearTimeout(e)}},[]);let N=m(d),P=n.createElement("div",{className:`${i}-icon`},N);if("picture"===u||"picture-card"===u||"picture-circle"===u){if("uploading"!==j&&(d.thumbUrl||d.url)){let e=(null==b?void 0:b(d))?n.createElement("img",{src:d.thumbUrl||d.url,alt:d.name,className:`${i}-list-item-image`,crossOrigin:d.crossOrigin}):N,t=a()(`${i}-list-item-thumbnail`,{[`${i}-list-item-file`]:b&&!b(d)});P=n.createElement("a",{className:t,onClick:e=>x(d,e),href:d.url||d.thumbUrl,target:"_blank",rel:"noopener noreferrer"},e)}else{let e=a()(`${i}-list-item-thumbnail`,{[`${i}-list-item-file`]:"uploading"!==j});P=n.createElement("div",{className:e},N)}}let M=a()(`${i}-list-item`,`${i}-list-item-${j}`),F="string"==typeof d.linkProps?JSON.parse(d.linkProps):d.linkProps,z=$?g(("function"==typeof k?k(d):k)||n.createElement(er.Z,null),()=>C(d),i,c.removeFile):null,A=y&&"done"===j?g(("function"==typeof E?E(d):E)||n.createElement(en.Z,null),()=>S(d),i,c.downloadFile):null,L="picture-card"!==u&&"picture-circle"!==u&&n.createElement("span",{key:"download-delete",className:a()(`${i}-list-item-actions`,{picture:"picture"===u})},A,z),T=a()(`${i}-list-item-name`),X=d.url?[n.createElement("a",Object.assign({key:"view",target:"_blank",rel:"noopener noreferrer",className:T,title:d.name},F,{href:d.url,onClick:e=>x(d,e)}),d.name),L]:[n.createElement("span",{key:"view",className:T,onClick:e=>x(d,e),title:d.name},d.name),L],_=v?n.createElement("a",{href:d.url||d.thumbUrl,target:"_blank",rel:"noopener noreferrer",style:d.url||d.thumbUrl?void 0:{pointerEvents:"none",opacity:.5},onClick:e=>x(d,e),title:c.previewFile},"function"==typeof w?w(d):w||n.createElement(eo.Z,null)):null,U=("picture-card"===u||"picture-circle"===u)&&"uploading"!==j&&n.createElement("span",{className:`${i}-list-item-actions`},_,"done"===j&&A,z),{getPrefixCls:W}=n.useContext(R.E_),B=W(),q=n.createElement("div",{className:M},P,X,U,D&&n.createElement(H.ZP,{motionName:`${B}-fade`,visible:"uploading"===j,motionDeadline:2e3},e=>{let{className:t}=e,r="percent"in d?n.createElement(ei.Z,Object.assign({},f,{type:"line",percent:d.percent,"aria-label":d["aria-label"],"aria-labelledby":d["aria-labelledby"]})):null;return n.createElement("div",{className:a()(`${i}-list-item-progress`,t)},r)})),V=d.response&&"string"==typeof d.response?d.response:(null===(r=d.error)||void 0===r?void 0:r.statusText)||(null===(o=d.error)||void 0===o?void 0:o.message)||c.uploadError,G="error"===j?n.createElement(ea.Z,{title:V,getPopupContainer:e=>e.parentNode},q):q;return n.createElement("div",{className:a()(`${i}-list-item-container`,l),style:s,ref:t},h?h(G,d,p,{download:S.bind(null,d),preview:x.bind(null,d),remove:C.bind(null,d)}):G)}),es=n.forwardRef((e,t)=>{let{listType:r="text",previewFile:i=et,onPreview:l,onDownload:s,onRemove:c,locale:u,iconRender:d,isImageUrl:p=ee,prefixCls:f,items:m=[],showPreviewIcon:g=!0,showRemoveIcon:h=!0,showDownloadIcon:b=!1,removeIcon:v,previewIcon:$,downloadIcon:y,progress:w={size:[-1,2],showInfo:!1},appendAction:k,appendActionVisible:E=!0,itemRender:x,disabled:S}=e,C=(0,W.Z)(),[O,j]=n.useState(!1);n.useEffect(()=>{("picture"===r||"picture-card"===r||"picture-circle"===r)&&(m||[]).forEach(e=>{"undefined"!=typeof document&&"undefined"!=typeof window&&window.FileReader&&window.File&&(e.originFileObj instanceof File||e.originFileObj instanceof Blob)&&void 0===e.thumbUrl&&(e.thumbUrl="",i&&i(e.originFileObj).then(t=>{e.thumbUrl=t||"",C()}))})},[r,m,i]),n.useEffect(()=>{j(!0)},[]);let I=(e,t)=>{if(l)return null==t||t.preventDefault(),l(e)},D=e=>{"function"==typeof s?s(e):e.url&&window.open(e.url)},Z=e=>{null==c||c(e)},N=e=>{if(d)return d(e,r);let t="uploading"===e.status,o=p&&p(e)?n.createElement(U,null):n.createElement(A,null),i=t?n.createElement(L.Z,null):n.createElement(X,null);return"picture"===r?i=t?n.createElement(L.Z,null):o:("picture-card"===r||"picture-circle"===r)&&(i=t?u.uploading:o),i},P=(e,t,r,o)=>{let i={type:"text",size:"small",title:o,onClick:r=>{t(),(0,q.l$)(e)&&e.props.onClick&&e.props.onClick(r)},className:`${r}-list-item-action`,disabled:S};if((0,q.l$)(e)){let t=(0,q.Tm)(e,Object.assign(Object.assign({},e.props),{onClick:()=>{}}));return n.createElement(V.ZP,Object.assign({},i,{icon:t}))}return n.createElement(V.ZP,Object.assign({},i),n.createElement("span",null,e))};n.useImperativeHandle(t,()=>({handlePreview:I,handleDownload:D}));let{getPrefixCls:M}=n.useContext(R.E_),F=M("upload",f),z=M(),T=a()(`${F}-list`,`${F}-list-${r}`),_=(0,o.Z)(m.map(e=>({key:e.uid,file:e}))),G="picture-card"===r||"picture-circle"===r?"animate-inline":"animate",J={motionDeadline:2e3,motionName:`${F}-${G}`,keys:_,motionAppear:O},K=n.useMemo(()=>{let e=Object.assign({},(0,B.Z)(z));return delete e.onAppearEnd,delete e.onEnterEnd,delete e.onLeaveEnd,e},[z]);return"picture-card"!==r&&"picture-circle"!==r&&(J=Object.assign(Object.assign({},K),J)),n.createElement("div",{className:T},n.createElement(H.V4,Object.assign({},J,{component:!1}),e=>{let{key:t,file:o,className:i,style:a}=e;return n.createElement(el,{key:t,locale:u,prefixCls:F,className:i,style:a,file:o,items:m,progress:w,listType:r,isImgUrl:p,showPreviewIcon:g,showRemoveIcon:h,showDownloadIcon:b,removeIcon:v,previewIcon:$,downloadIcon:y,iconRender:N,actionIconRender:P,itemRender:x,onPreview:I,onDownload:D,onClose:Z})}),k&&n.createElement(H.ZP,Object.assign({},J,{visible:E,forceRender:!0}),e=>{let{className:t,style:r}=e;return(0,q.Tm)(k,e=>({className:a()(e.className,t),style:Object.assign(Object.assign(Object.assign({},r),{pointerEvents:t?"none":void 0}),e.style)}))}))});var ec=r(14747),eu=r(33507),ed=r(67968),ep=r(45503),ef=e=>{let{componentCls:t,iconCls:r}=e;return{[`${t}-wrapper`]:{[`${t}-drag`]:{position:"relative",width:"100%",height:"100%",textAlign:"center",background:e.colorFillAlter,border:`${e.lineWidth}px dashed ${e.colorBorder}`,borderRadius:e.borderRadiusLG,cursor:"pointer",transition:`border-color ${e.motionDurationSlow}`,[t]:{padding:`${e.padding}px 0`},[`${t}-btn`]:{display:"table",width:"100%",height:"100%",outline:"none"},[`${t}-drag-container`]:{display:"table-cell",verticalAlign:"middle"},[`&:not(${t}-disabled):hover`]:{borderColor:e.colorPrimaryHover},[`p${t}-drag-icon`]:{marginBottom:e.margin,[r]:{color:e.colorPrimary,fontSize:e.uploadThumbnailSize}},[`p${t}-text`]:{margin:`0 0 ${e.marginXXS}px`,color:e.colorTextHeading,fontSize:e.fontSizeLG},[`p${t}-hint`]:{color:e.colorTextDescription,fontSize:e.fontSize},[`&${t}-disabled`]:{cursor:"not-allowed",[`p${t}-drag-icon ${r}, - p${t}-text, - p${t}-hint - `]:{color:e.colorTextDisabled}}}}}},em=e=>{let{componentCls:t,antCls:r,iconCls:n,fontSize:o,lineHeight:i}=e,a=`${t}-list-item`,l=`${a}-actions`,s=`${a}-action`,c=Math.round(o*i);return{[`${t}-wrapper`]:{[`${t}-list`]:Object.assign(Object.assign({},(0,ec.dF)()),{lineHeight:e.lineHeight,[a]:{position:"relative",height:e.lineHeight*o,marginTop:e.marginXS,fontSize:o,display:"flex",alignItems:"center",transition:`background-color ${e.motionDurationSlow}`,"&:hover":{backgroundColor:e.controlItemBgHover},[`${a}-name`]:Object.assign(Object.assign({},ec.vS),{padding:`0 ${e.paddingXS}px`,lineHeight:i,flex:"auto",transition:`all ${e.motionDurationSlow}`}),[l]:{[s]:{opacity:0},[`${s}${r}-btn-sm`]:{height:c,border:0,lineHeight:1,"> span":{transform:"scale(1)"}},[` - ${s}:focus, - &.picture ${s} - `]:{opacity:1},[n]:{color:e.actionsColor,transition:`all ${e.motionDurationSlow}`},[`&:hover ${n}`]:{color:e.colorText}},[`${t}-icon ${n}`]:{color:e.colorTextDescription,fontSize:o},[`${a}-progress`]:{position:"absolute",bottom:-e.uploadProgressOffset,width:"100%",paddingInlineStart:o+e.paddingXS,fontSize:o,lineHeight:0,pointerEvents:"none","> div":{margin:0}}},[`${a}:hover ${s}`]:{opacity:1,color:e.colorText},[`${a}-error`]:{color:e.colorError,[`${a}-name, ${t}-icon ${n}`]:{color:e.colorError},[l]:{[`${n}, ${n}:hover`]:{color:e.colorError},[s]:{opacity:1}}},[`${t}-list-item-container`]:{transition:`opacity ${e.motionDurationSlow}, height ${e.motionDurationSlow}`,"&::before":{display:"table",width:0,height:0,content:'""'}}})}}},eg=r(23183),eh=r(16932);let eb=new eg.E4("uploadAnimateInlineIn",{from:{width:0,height:0,margin:0,padding:0,opacity:0}}),ev=new eg.E4("uploadAnimateInlineOut",{to:{width:0,height:0,margin:0,padding:0,opacity:0}});var e$=e=>{let{componentCls:t}=e,r=`${t}-animate-inline`;return[{[`${t}-wrapper`]:{[`${r}-appear, ${r}-enter, ${r}-leave`]:{animationDuration:e.motionDurationSlow,animationTimingFunction:e.motionEaseInOutCirc,animationFillMode:"forwards"},[`${r}-appear, ${r}-enter`]:{animationName:eb},[`${r}-leave`]:{animationName:ev}}},{[`${t}-wrapper`]:(0,eh.J$)(e)},eb,ev]},ey=r(16397),ew=r(10274);let ek=e=>{let{componentCls:t,iconCls:r,uploadThumbnailSize:n,uploadProgressOffset:o}=e,i=`${t}-list`,a=`${i}-item`;return{[`${t}-wrapper`]:{[` - ${i}${i}-picture, - ${i}${i}-picture-card, - ${i}${i}-picture-circle - `]:{[a]:{position:"relative",height:n+2*e.lineWidth+2*e.paddingXS,padding:e.paddingXS,border:`${e.lineWidth}px ${e.lineType} ${e.colorBorder}`,borderRadius:e.borderRadiusLG,"&:hover":{background:"transparent"},[`${a}-thumbnail`]:Object.assign(Object.assign({},ec.vS),{width:n,height:n,lineHeight:`${n+e.paddingSM}px`,textAlign:"center",flex:"none",[r]:{fontSize:e.fontSizeHeading2,color:e.colorPrimary},img:{display:"block",width:"100%",height:"100%",overflow:"hidden"}}),[`${a}-progress`]:{bottom:o,width:`calc(100% - ${2*e.paddingSM}px)`,marginTop:0,paddingInlineStart:n+e.paddingXS}},[`${a}-error`]:{borderColor:e.colorError,[`${a}-thumbnail ${r}`]:{[`svg path[fill='${ey.iN[0]}']`]:{fill:e.colorErrorBg},[`svg path[fill='${ey.iN.primary}']`]:{fill:e.colorError}}},[`${a}-uploading`]:{borderStyle:"dashed",[`${a}-name`]:{marginBottom:o}}},[`${i}${i}-picture-circle ${a}`]:{[`&, &::before, ${a}-thumbnail`]:{borderRadius:"50%"}}}}},eE=e=>{let{componentCls:t,iconCls:r,fontSizeLG:n,colorTextLightSolid:o}=e,i=`${t}-list`,a=`${i}-item`,l=e.uploadPicCardSize;return{[` - ${t}-wrapper${t}-picture-card-wrapper, - ${t}-wrapper${t}-picture-circle-wrapper - `]:Object.assign(Object.assign({},(0,ec.dF)()),{display:"inline-block",width:"100%",[`${t}${t}-select`]:{width:l,height:l,marginInlineEnd:e.marginXS,marginBottom:e.marginXS,textAlign:"center",verticalAlign:"top",backgroundColor:e.colorFillAlter,border:`${e.lineWidth}px dashed ${e.colorBorder}`,borderRadius:e.borderRadiusLG,cursor:"pointer",transition:`border-color ${e.motionDurationSlow}`,[`> ${t}`]:{display:"flex",alignItems:"center",justifyContent:"center",height:"100%",textAlign:"center"},[`&:not(${t}-disabled):hover`]:{borderColor:e.colorPrimary}},[`${i}${i}-picture-card, ${i}${i}-picture-circle`]:{[`${i}-item-container`]:{display:"inline-block",width:l,height:l,marginBlock:`0 ${e.marginXS}px`,marginInline:`0 ${e.marginXS}px`,verticalAlign:"top"},"&::after":{display:"none"},[a]:{height:"100%",margin:0,"&::before":{position:"absolute",zIndex:1,width:`calc(100% - ${2*e.paddingXS}px)`,height:`calc(100% - ${2*e.paddingXS}px)`,backgroundColor:e.colorBgMask,opacity:0,transition:`all ${e.motionDurationSlow}`,content:'" "'}},[`${a}:hover`]:{[`&::before, ${a}-actions`]:{opacity:1}},[`${a}-actions`]:{position:"absolute",insetInlineStart:0,zIndex:10,width:"100%",whiteSpace:"nowrap",textAlign:"center",opacity:0,transition:`all ${e.motionDurationSlow}`,[`${r}-eye, ${r}-download, ${r}-delete`]:{zIndex:10,width:n,margin:`0 ${e.marginXXS}px`,fontSize:n,cursor:"pointer",transition:`all ${e.motionDurationSlow}`,svg:{verticalAlign:"baseline"}}},[`${a}-actions, ${a}-actions:hover`]:{[`${r}-eye, ${r}-download, ${r}-delete`]:{color:new ew.C(o).setAlpha(.65).toRgbString(),"&:hover":{color:o}}},[`${a}-thumbnail, ${a}-thumbnail img`]:{position:"static",display:"block",width:"100%",height:"100%",objectFit:"contain"},[`${a}-name`]:{display:"none",textAlign:"center"},[`${a}-file + ${a}-name`]:{position:"absolute",bottom:e.margin,display:"block",width:`calc(100% - ${2*e.paddingXS}px)`},[`${a}-uploading`]:{[`&${a}`]:{backgroundColor:e.colorFillAlter},[`&::before, ${r}-eye, ${r}-download, ${r}-delete`]:{display:"none"}},[`${a}-progress`]:{bottom:e.marginXL,width:`calc(100% - ${2*e.paddingXS}px)`,paddingInlineStart:0}}}),[`${t}-wrapper${t}-picture-circle-wrapper`]:{[`${t}${t}-select`]:{borderRadius:"50%"}}}};var ex=e=>{let{componentCls:t}=e;return{[`${t}-rtl`]:{direction:"rtl"}}};let eS=e=>{let{componentCls:t,colorTextDisabled:r}=e;return{[`${t}-wrapper`]:Object.assign(Object.assign({},(0,ec.Wf)(e)),{[t]:{outline:0,"input[type='file']":{cursor:"pointer"}},[`${t}-select`]:{display:"inline-block"},[`${t}-disabled`]:{color:r,cursor:"not-allowed"}})}};var eC=(0,ed.Z)("Upload",e=>{let{fontSizeHeading3:t,fontSize:r,lineHeight:n,lineWidth:o,controlHeightLG:i}=e,a=(0,ep.TS)(e,{uploadThumbnailSize:2*t,uploadProgressOffset:Math.round(r*n)/2+o,uploadPicCardSize:2.55*i});return[eS(a),ef(a),ek(a),eE(a),em(a),e$(a),ex(a),(0,eu.Z)(a)]},e=>({actionsColor:e.colorTextDescription}));let eO=`__LIST_IGNORE_${Date.now()}__`,ej=n.forwardRef((e,t)=>{var r;let{fileList:i,defaultFileList:l,onRemove:s,showUploadList:c=!0,listType:u="text",onPreview:d,onDownload:p,onChange:f,onDrop:m,previewFile:g,disabled:h,locale:b,iconRender:v,isImageUrl:$,progress:y,prefixCls:w,className:k,type:E="select",children:x,style:S,itemRender:C,maxCount:O,data:j={},multiple:F=!1,action:z="",accept:A="",supportServerRender:L=!0}=e,T=n.useContext(N.Z),X=null!=h?h:T,[_,U]=(0,D.Z)(l||[],{value:i,postState:e=>null!=e?e:[]}),[H,W]=n.useState("drop"),B=n.useRef(null);n.useMemo(()=>{let e=Date.now();(i||[]).forEach((t,r)=>{t.uid||Object.isFrozen(t)||(t.uid=`__AUTO__${e}_${r}__`)})},[i]);let q=(e,t,r)=>{let n=(0,o.Z)(t),i=!1;1===O?n=n.slice(-1):O&&(i=n.length>O,n=n.slice(0,O)),(0,Z.flushSync)(()=>{U(n)});let a={file:e,fileList:n};r&&(a.event=r),(!i||n.some(t=>t.uid===e.uid))&&(0,Z.flushSync)(()=>{null==f||f(a)})},V=e=>{let t=e.filter(e=>!e.file[eO]);if(!t.length)return;let r=t.map(e=>G(e.file)),n=(0,o.Z)(_);r.forEach(e=>{n=J(e,n)}),r.forEach((e,r)=>{let o=e;if(t[r].parsedFile)e.status="uploading";else{let t;let{originFileObj:r}=e;try{t=new File([r],r.name,{type:r.type})}catch(e){(t=new Blob([r],{type:r.type})).name=r.name,t.lastModifiedDate=new Date,t.lastModified=new Date().getTime()}t.uid=e.uid,o=t}q(o,n)})},Q=(e,t,r)=>{try{"string"==typeof e&&(e=JSON.parse(e))}catch(e){}if(!K(t,_))return;let n=G(t);n.status="done",n.percent=100,n.response=e,n.xhr=r;let o=J(n,_);q(n,o)},Y=(e,t)=>{if(!K(t,_))return;let r=G(t);r.status="uploading",r.percent=e.percent;let n=J(r,_);q(r,n,e)},ee=(e,t,r)=>{if(!K(r,_))return;let n=G(r);n.error=e,n.response=t,n.status="error";let o=J(n,_);q(n,o)},et=e=>{let t;Promise.resolve("function"==typeof s?s(e):s).then(r=>{var n;if(!1===r)return;let o=function(e,t){let r=void 0!==e.uid?"uid":"name",n=t.filter(t=>t[r]!==e[r]);return n.length===t.length?null:n}(e,_);o&&(t=Object.assign(Object.assign({},e),{status:"removed"}),null==_||_.forEach(e=>{let r=void 0!==t.uid?"uid":"name";e[r]!==t[r]||Object.isFrozen(e)||(e.status="removed")}),null===(n=B.current)||void 0===n||n.abort(t),q(t,o))})},er=e=>{W(e.type),"drop"===e.type&&(null==m||m(e))};n.useImperativeHandle(t,()=>({onBatchStart:V,onSuccess:Q,onProgress:Y,onError:ee,fileList:_,upload:B.current}));let{getPrefixCls:en,direction:eo,upload:ei}=n.useContext(R.E_),ea=en("upload",w),el=Object.assign(Object.assign({onBatchStart:V,onError:ee,onProgress:Y,onSuccess:Q},e),{data:j,multiple:F,action:z,accept:A,supportServerRender:L,prefixCls:ea,disabled:X,beforeUpload:(t,r)=>{var n,o,i,a;return n=void 0,o=void 0,i=void 0,a=function*(){let{beforeUpload:n,transformFile:o}=e,i=t;if(n){let e=yield n(t,r);if(!1===e)return!1;if(delete t[eO],e===eO)return Object.defineProperty(t,eO,{value:!0,configurable:!0}),!1;"object"==typeof e&&e&&(i=e)}return o&&(i=yield o(i)),i},new(i||(i=Promise))(function(e,t){function r(e){try{s(a.next(e))}catch(e){t(e)}}function l(e){try{s(a.throw(e))}catch(e){t(e)}}function s(t){var n;t.done?e(t.value):((n=t.value)instanceof i?n:new i(function(e){e(n)})).then(r,l)}s((a=a.apply(n,o||[])).next())})},onChange:void 0});delete el.className,delete el.style,(!x||X)&&delete el.id;let[ec,eu]=eC(ea),[ed]=(0,P.Z)("Upload",M.Z.Upload),{showRemoveIcon:ep,showPreviewIcon:ef,showDownloadIcon:em,removeIcon:eg,previewIcon:eh,downloadIcon:eb}="boolean"==typeof c?{}:c,ev=(e,t)=>c?n.createElement(es,{prefixCls:ea,listType:u,items:_,previewFile:g,onPreview:d,onDownload:p,onRemove:et,showRemoveIcon:!X&&ep,showPreviewIcon:ef,showDownloadIcon:em,removeIcon:eg,previewIcon:eh,downloadIcon:eb,iconRender:v,locale:Object.assign(Object.assign({},ed),b),isImageUrl:$,progress:y,appendAction:e,appendActionVisible:t,itemRender:C,disabled:X}):e,e$=a()(`${ea}-wrapper`,k,eu,null==ei?void 0:ei.className,{[`${ea}-rtl`]:"rtl"===eo,[`${ea}-picture-card-wrapper`]:"picture-card"===u,[`${ea}-picture-circle-wrapper`]:"picture-circle"===u}),ey=Object.assign(Object.assign({},null==ei?void 0:ei.style),S);if("drag"===E){let e=a()(eu,ea,`${ea}-drag`,{[`${ea}-drag-uploading`]:_.some(e=>"uploading"===e.status),[`${ea}-drag-hover`]:"dragover"===H,[`${ea}-disabled`]:X,[`${ea}-rtl`]:"rtl"===eo});return ec(n.createElement("span",{className:e$},n.createElement("div",{className:e,style:ey,onDrop:er,onDragOver:er,onDragLeave:er},n.createElement(I,Object.assign({},el,{ref:B,className:`${ea}-btn`}),n.createElement("div",{className:`${ea}-drag-container`},x))),ev()))}let ew=a()(ea,`${ea}-select`,{[`${ea}-disabled`]:X}),ek=(r=x?void 0:{display:"none"},n.createElement("div",{className:ew,style:r},n.createElement(I,Object.assign({},el,{ref:B}))));return ec("picture-card"===u||"picture-circle"===u?n.createElement("span",{className:e$},ev(ek,!!x)):n.createElement("span",{className:e$},ek,ev()))});var eI=function(e,t){var r={};for(var n in e)Object.prototype.hasOwnProperty.call(e,n)&&0>t.indexOf(n)&&(r[n]=e[n]);if(null!=e&&"function"==typeof Object.getOwnPropertySymbols)for(var o=0,n=Object.getOwnPropertySymbols(e);ot.indexOf(n[o])&&Object.prototype.propertyIsEnumerable.call(e,n[o])&&(r[n[o]]=e[n[o]]);return r};let eD=n.forwardRef((e,t)=>{var{style:r,height:o}=e,i=eI(e,["style","height"]);return n.createElement(ej,Object.assign({ref:t},i,{type:"drag",style:Object.assign(Object.assign({},r),{height:o})}))});ej.Dragger=eD,ej.LIST_IGNORE=eO;var eZ=ej}}]); \ No newline at end of file diff --git a/pilot/server/static/_next/static/chunks/367-2a6e805cba0c79d3.js b/pilot/server/static/_next/static/chunks/367-2a6e805cba0c79d3.js deleted file mode 100644 index 47c9cf585..000000000 --- a/pilot/server/static/_next/static/chunks/367-2a6e805cba0c79d3.js +++ /dev/null @@ -1,78 +0,0 @@ -"use strict";(self.webpackChunk_N_E=self.webpackChunk_N_E||[]).push([[367],{27547:function(e,t,n){var r=n(64836);t.Z=void 0;var l=r(n(64938)),o=n(85893),a=(0,l.default)((0,o.jsx)("path",{d:"M12 12.75c1.63 0 3.07.39 4.24.9 1.08.48 1.76 1.56 1.76 2.73V18H6v-1.61c0-1.18.68-2.26 1.76-2.73 1.17-.52 2.61-.91 4.24-.91zM4 13c1.1 0 2-.9 2-2s-.9-2-2-2-2 .9-2 2 .9 2 2 2zm1.13 1.1c-.37-.06-.74-.1-1.13-.1-.99 0-1.93.21-2.78.58C.48 14.9 0 15.62 0 16.43V18h4.5v-1.61c0-.83.23-1.61.63-2.29zM20 13c1.1 0 2-.9 2-2s-.9-2-2-2-2 .9-2 2 .9 2 2 2zm4 3.43c0-.81-.48-1.53-1.22-1.85-.85-.37-1.79-.58-2.78-.58-.39 0-.76.04-1.13.1.4.68.63 1.46.63 2.29V18H24v-1.57zM12 6c1.66 0 3 1.34 3 3s-1.34 3-3 3-3-1.34-3-3 1.34-3 3-3z"}),"Groups");t.Z=a},15398:function(e,t,n){var r=n(64836);t.Z=void 0;var l=r(n(64938)),o=n(85893),a=(0,l.default)((0,o.jsx)("path",{d:"M12 12c2.21 0 4-1.79 4-4s-1.79-4-4-4-4 1.79-4 4 1.79 4 4 4zm0 2c-2.67 0-8 1.34-8 4v2h16v-2c0-2.66-5.33-4-8-4z"}),"Person");t.Z=a},57838:function(e,t,n){n.d(t,{Z:function(){return l}});var r=n(67294);function l(){let[,e]=r.useReducer(e=>e+1,0);return e}},84567:function(e,t,n){n.d(t,{Z:function(){return w}});var r=n(94184),l=n.n(r),o=n(50132),a=n(67294),i=n(53124),c=n(98866),s=n(65223);let u=a.createContext(null);var d=n(63185),f=n(45353),p=n(17415),m=function(e,t){var n={};for(var r in e)Object.prototype.hasOwnProperty.call(e,r)&&0>t.indexOf(r)&&(n[r]=e[r]);if(null!=e&&"function"==typeof Object.getOwnPropertySymbols)for(var l=0,r=Object.getOwnPropertySymbols(e);lt.indexOf(r[l])&&Object.prototype.propertyIsEnumerable.call(e,r[l])&&(n[r[l]]=e[r[l]]);return n};let h=a.forwardRef((e,t)=>{var n;let{prefixCls:r,className:h,rootClassName:g,children:x,indeterminate:b=!1,style:v,onMouseEnter:y,onMouseLeave:w,skipGroup:C=!1,disabled:$}=e,E=m(e,["prefixCls","className","rootClassName","children","indeterminate","style","onMouseEnter","onMouseLeave","skipGroup","disabled"]),{getPrefixCls:S,direction:k,checkbox:Z}=a.useContext(i.E_),N=a.useContext(u),{isFormItemInput:O}=a.useContext(s.aM),R=a.useContext(c.Z),I=null!==(n=(null==N?void 0:N.disabled)||$)&&void 0!==n?n:R,j=a.useRef(E.value);a.useEffect(()=>{null==N||N.registerValue(E.value)},[]),a.useEffect(()=>{if(!C)return E.value!==j.current&&(null==N||N.cancelValue(j.current),null==N||N.registerValue(E.value),j.current=E.value),()=>null==N?void 0:N.cancelValue(E.value)},[E.value]);let z=S("checkbox",r),[P,T]=(0,d.ZP)(z),M=Object.assign({},E);N&&!C&&(M.onChange=function(){E.onChange&&E.onChange.apply(E,arguments),N.toggleOption&&N.toggleOption({label:x,value:E.value})},M.name=N.name,M.checked=N.value.includes(E.value));let H=l()(`${z}-wrapper`,{[`${z}-rtl`]:"rtl"===k,[`${z}-wrapper-checked`]:M.checked,[`${z}-wrapper-disabled`]:I,[`${z}-wrapper-in-form-item`]:O},null==Z?void 0:Z.className,h,g,T),L=l()({[`${z}-indeterminate`]:b},p.A,T);return P(a.createElement(f.Z,{component:"Checkbox",disabled:I},a.createElement("label",{className:H,style:Object.assign(Object.assign({},null==Z?void 0:Z.style),v),onMouseEnter:y,onMouseLeave:w},a.createElement(o.Z,Object.assign({"aria-checked":b?"mixed":void 0},M,{prefixCls:z,className:L,disabled:I,ref:t})),void 0!==x&&a.createElement("span",null,x))))});var g=n(74902),x=n(98423),b=function(e,t){var n={};for(var r in e)Object.prototype.hasOwnProperty.call(e,r)&&0>t.indexOf(r)&&(n[r]=e[r]);if(null!=e&&"function"==typeof Object.getOwnPropertySymbols)for(var l=0,r=Object.getOwnPropertySymbols(e);lt.indexOf(r[l])&&Object.prototype.propertyIsEnumerable.call(e,r[l])&&(n[r[l]]=e[r[l]]);return n};let v=a.forwardRef((e,t)=>{let{defaultValue:n,children:r,options:o=[],prefixCls:c,className:s,rootClassName:f,style:p,onChange:m}=e,v=b(e,["defaultValue","children","options","prefixCls","className","rootClassName","style","onChange"]),{getPrefixCls:y,direction:w}=a.useContext(i.E_),[C,$]=a.useState(v.value||n||[]),[E,S]=a.useState([]);a.useEffect(()=>{"value"in v&&$(v.value||[])},[v.value]);let k=a.useMemo(()=>o.map(e=>"string"==typeof e||"number"==typeof e?{label:e,value:e}:e),[o]),Z=y("checkbox",c),N=`${Z}-group`,[O,R]=(0,d.ZP)(Z),I=(0,x.Z)(v,["value","disabled"]),j=o.length?k.map(e=>a.createElement(h,{prefixCls:Z,key:e.value.toString(),disabled:"disabled"in e?e.disabled:v.disabled,value:e.value,checked:C.includes(e.value),onChange:e.onChange,className:`${N}-item`,style:e.style,title:e.title},e.label)):r,z={toggleOption:e=>{let t=C.indexOf(e.value),n=(0,g.Z)(C);-1===t?n.push(e.value):n.splice(t,1),"value"in v||$(n),null==m||m(n.filter(e=>E.includes(e)).sort((e,t)=>{let n=k.findIndex(t=>t.value===e),r=k.findIndex(e=>e.value===t);return n-r}))},value:C,disabled:v.disabled,name:v.name,registerValue:e=>{S(t=>[].concat((0,g.Z)(t),[e]))},cancelValue:e=>{S(t=>t.filter(t=>t!==e))}},P=l()(N,{[`${N}-rtl`]:"rtl"===w},s,f,R);return O(a.createElement("div",Object.assign({className:P,style:p},I,{ref:t}),a.createElement(u.Provider,{value:z},j)))});var y=a.memo(v);h.Group=y,h.__ANT_CHECKBOX=!0;var w=h},61607:function(e,t,n){n.d(t,{Z:function(){return tq}});var r,l={},o="rc-table-internal-hook",a=n(97685),i=n(66680),c=n(8410),s=n(91881),u=n(67294),d=n(73935);function f(e,t){var n=(0,i.Z)("function"==typeof t?t:function(e){if(void 0===t)return e;if(!Array.isArray(t))return e[t];var n={};return t.forEach(function(t){n[t]=e[t]}),n}),r=u.useContext(null==e?void 0:e.Context),l=r||{},o=l.listeners,d=l.getValue,f=u.useRef();f.current=n(r?d():null==e?void 0:e.defaultValue);var p=u.useState({}),m=(0,a.Z)(p,2)[1];return(0,c.Z)(function(){if(r)return o.add(e),function(){o.delete(e)};function e(e){var t=n(e);(0,s.Z)(f.current,t,!0)||m({})}},[r]),f.current}var p=n(87462),m=n(42550),h=function(){var e=u.createContext(null);function t(){return u.useContext(e)}return{makeImmutable:function(n,r){var l=(0,m.Yr)(n),o=function(o,a){var i=l?{ref:a}:{},c=u.useRef(0),s=u.useRef(o);return null!==t()?u.createElement(n,(0,p.Z)({},o,i)):((!r||r(s.current,o))&&(c.current+=1),s.current=o,u.createElement(e.Provider,{value:c.current},u.createElement(n,(0,p.Z)({},o,i))))};return l?u.forwardRef(o):o},responseImmutable:function(e,n){var r=(0,m.Yr)(e),l=function(n,l){var o=r?{ref:l}:{};return t(),u.createElement(e,(0,p.Z)({},n,o))};return r?u.memo(u.forwardRef(l),n):u.memo(l,n)},useImmutableMark:t}}(),g=h.makeImmutable,x=h.responseImmutable,b=h.useImmutableMark,v={Context:r=u.createContext(void 0),Provider:function(e){var t=e.value,n=e.children,l=u.useRef(t);l.current=t;var o=u.useState(function(){return{getValue:function(){return l.current},listeners:new Set}}),i=(0,a.Z)(o,1)[0];return(0,c.Z)(function(){(0,d.unstable_batchedUpdates)(function(){i.listeners.forEach(function(e){e(t)})})},[t]),u.createElement(r.Provider,{value:i},n)},defaultValue:void 0};u.memo(function(){var e,t,n,r,l,o,a=(n=u.useRef(0),n.current+=1,r=u.useRef(e),l=[],Object.keys(e||{}).map(function(t){var n;(null==e?void 0:e[t])!==(null===(n=r.current)||void 0===n?void 0:n[t])&&l.push(t)}),r.current=e,o=u.useRef([]),l.length&&(o.current=l),u.useDebugValue(n.current),u.useDebugValue(o.current.join(", ")),t&&console.log("".concat(t,":"),n.current,o.current),n.current);return u.createElement("h1",null,"Render Times: ",a)}).displayName="RenderBlock";var y=n(71002),w=n(1413),C=n(4942),$=n(94184),E=n.n($),S=n(56982),k=n(88306);n(80334);var Z=u.createContext({renderWithProps:!1});function N(e){var t=[],n={};return e.forEach(function(e){for(var r=e||{},l=r.key,o=r.dataIndex,a=l||(null==o?[]:Array.isArray(o)?o:[o]).join("-")||"RC_TABLE_KEY";n[a];)a="".concat(a,"_next");n[a]=!0,t.push(a)}),t}var O=function(e){var t,n=e.ellipsis,r=e.rowType,l=e.children,o=!0===n?{showTitle:!0}:n;return o&&(o.showTitle||"header"===r)&&("string"==typeof l||"number"==typeof l?t=l.toString():u.isValidElement(l)&&"string"==typeof l.props.children&&(t=l.props.children)),t},R=u.memo(function(e){var t,n,r,l,o,i,c,d,m,h,g=e.component,x=e.children,$=e.ellipsis,N=e.scope,R=e.prefixCls,I=e.className,j=e.align,z=e.record,P=e.render,T=e.dataIndex,M=e.renderIndex,H=e.shouldCellUpdate,L=e.index,B=e.rowType,A=e.colSpan,_=e.rowSpan,F=e.fixLeft,W=e.fixRight,D=e.firstFixLeft,K=e.lastFixLeft,V=e.firstFixRight,X=e.lastFixRight,U=e.appendNode,G=e.additionalProps,Y=void 0===G?{}:G,J=e.isSticky,q="".concat(R,"-cell"),Q=f(v,["supportSticky","allColumnsFixedLeft"]),ee=Q.supportSticky,et=Q.allColumnsFixedLeft,en=(t=u.useContext(Z),n=b(),(0,S.Z)(function(){if(null!=x)return[x];var e=null==T||""===T?[]:Array.isArray(T)?T:[T],n=(0,k.Z)(z,e),r=n,l=void 0;if(P){var o=P(n,z,M);!o||"object"!==(0,y.Z)(o)||Array.isArray(o)||u.isValidElement(o)?r=o:(r=o.children,l=o.props,t.renderWithProps=!0)}return[r,l]},[n,z,x,T,P,M],function(e,n){if(H){var r=(0,a.Z)(e,2)[1];return H((0,a.Z)(n,2)[1],r)}return!!t.renderWithProps||!(0,s.Z)(e,n,!0)})),er=(0,a.Z)(en,2),el=er[0],eo=er[1],ea={},ei="number"==typeof F&&ee,ec="number"==typeof W&ⅇei&&(ea.position="sticky",ea.left=F),ec&&(ea.position="sticky",ea.right=W);var es=null!==(r=null!==(l=null!==(o=null==eo?void 0:eo.colSpan)&&void 0!==o?o:Y.colSpan)&&void 0!==l?l:A)&&void 0!==r?r:1,eu=null!==(i=null!==(c=null!==(d=null==eo?void 0:eo.rowSpan)&&void 0!==d?d:Y.rowSpan)&&void 0!==c?c:_)&&void 0!==i?i:1,ed=f(v,function(e){var t,n;return[(t=eu||1,n=e.hoverStartRow,L<=e.hoverEndRow&&L+t-1>=n),e.onHover]}),ef=(0,a.Z)(ed,2),ep=ef[0],em=ef[1];if(0===es||0===eu)return null;var eh=null!==(m=Y.title)&&void 0!==m?m:O({rowType:B,ellipsis:$,children:el}),eg=E()(q,I,(h={},(0,C.Z)(h,"".concat(q,"-fix-left"),ei&&ee),(0,C.Z)(h,"".concat(q,"-fix-left-first"),D&&ee),(0,C.Z)(h,"".concat(q,"-fix-left-last"),K&&ee),(0,C.Z)(h,"".concat(q,"-fix-left-all"),K&&et&&ee),(0,C.Z)(h,"".concat(q,"-fix-right"),ec&&ee),(0,C.Z)(h,"".concat(q,"-fix-right-first"),V&&ee),(0,C.Z)(h,"".concat(q,"-fix-right-last"),X&&ee),(0,C.Z)(h,"".concat(q,"-ellipsis"),$),(0,C.Z)(h,"".concat(q,"-with-append"),U),(0,C.Z)(h,"".concat(q,"-fix-sticky"),(ei||ec)&&J&&ee),(0,C.Z)(h,"".concat(q,"-row-hover"),!eo&&ep),h),Y.className,null==eo?void 0:eo.className),ex={};j&&(ex.textAlign=j);var eb=(0,w.Z)((0,w.Z)((0,w.Z)((0,w.Z)({},Y.style),ex),ea),null==eo?void 0:eo.style),ev=el;return"object"!==(0,y.Z)(ev)||Array.isArray(ev)||u.isValidElement(ev)||(ev=null),$&&(K||V)&&(ev=u.createElement("span",{className:"".concat(q,"-content")},ev)),u.createElement(g,(0,p.Z)({},eo,Y,{className:eg,style:eb,title:eh,scope:N,onMouseEnter:function(e){var t;z&&em(L,L+eu-1),null==Y||null===(t=Y.onMouseEnter)||void 0===t||t.call(Y,e)},onMouseLeave:function(e){var t;z&&em(-1,-1),null==Y||null===(t=Y.onMouseLeave)||void 0===t||t.call(Y,e)},colSpan:1!==es?es:null,rowSpan:1!==eu?eu:null}),U,ev)});function I(e,t,n,r,l,o){var a,i,c=n[e]||{},s=n[t]||{};"left"===c.fixed?a=r.left["rtl"===l?t:e]:"right"===s.fixed&&(i=r.right["rtl"===l?e:t]);var u=!1,d=!1,f=!1,p=!1,m=n[t+1],h=n[e-1],g=!(null!=o&&o.children);return"rtl"===l?void 0!==a?p=!(h&&"left"===h.fixed)&&g:void 0!==i&&(f=!(m&&"right"===m.fixed)&&g):void 0!==a?u=!(m&&"left"===m.fixed)&&g:void 0!==i&&(d=!(h&&"right"===h.fixed)&&g),{fixLeft:a,fixRight:i,lastFixLeft:u,firstFixRight:d,lastFixRight:f,firstFixLeft:p,isSticky:r.isSticky}}var j=u.createContext({}),z=n(45987),P=["children"];function T(e){return e.children}T.Row=function(e){var t=e.children,n=(0,z.Z)(e,P);return u.createElement("tr",n,t)},T.Cell=function(e){var t=e.className,n=e.index,r=e.children,l=e.colSpan,o=void 0===l?1:l,a=e.rowSpan,i=e.align,c=f(v,["prefixCls","direction"]),s=c.prefixCls,d=c.direction,m=u.useContext(j),h=m.scrollColumnIndex,g=m.stickyOffsets,x=m.flattenColumns,b=m.columns,y=n+o-1+1===h?o+1:o,w=I(n,n+y-1,x,g,d,null==b?void 0:b[n]);return u.createElement(R,(0,p.Z)({className:t,index:n,component:"td",prefixCls:s,record:null,dataIndex:null,align:i,colSpan:y,rowSpan:a,render:function(){return r}},w))};var M=x(function(e){var t=e.children,n=e.stickyOffsets,r=e.flattenColumns,l=e.columns,o=f(v,"prefixCls"),a=r.length-1,i=r[a],c=u.useMemo(function(){return{stickyOffsets:n,flattenColumns:r,scrollColumnIndex:null!=i&&i.scrollbar?a:null,columns:l}},[i,r,a,n,l]);return u.createElement(j.Provider,{value:c},u.createElement("tfoot",{className:"".concat(o,"-summary")},t))}),H=n(9220),L=n(5110),B=n(98924),A=function(e){if((0,B.Z)()&&window.document.documentElement){var t=Array.isArray(e)?e:[e],n=window.document.documentElement;return t.some(function(e){return e in n.style})}return!1},_=function(e,t){if(!A(e))return!1;var n=document.createElement("div"),r=n.style[e];return n.style[e]=t,n.style[e]!==r},F=n(74204),W=n(64217),D=n(74902),K=function(e){var t=e.prefixCls,n=e.children,r=e.component,l=e.cellComponent,o=e.className,a=e.expanded,i=e.colSpan,c=e.isEmpty,s=f(v,["scrollbarSize","fixHeader","fixColumn","componentWidth","horizonScroll"]),d=s.scrollbarSize,p=s.fixHeader,m=s.fixColumn,h=s.componentWidth,g=s.horizonScroll,x=n;return(c?g:m)&&(x=u.createElement("div",{style:{width:h-(p?d:0),position:"sticky",left:0,overflow:"hidden"},className:"".concat(t,"-expanded-row-fixed")},0!==h&&x)),u.createElement(r,{className:o,style:{display:a?null:"none"}},u.createElement(R,{component:l,prefixCls:t,colSpan:i},x))};function V(e){var t,n,r=e.className,l=e.style,o=e.record,i=e.index,c=e.renderIndex,s=e.rowKey,d=e.rowExpandable,m=e.expandedKeys,h=e.onRow,g=e.indent,x=void 0===g?0:g,b=e.rowComponent,y=e.cellComponent,C=e.scopeCellComponent,$=e.childrenColumnName,S=f(v,["prefixCls","fixedInfoList","flattenColumns","expandableType","expandRowByClick","onTriggerExpand","rowClassName","expandedRowClassName","indentSize","expandIcon","expandedRowRender","expandIconColumnIndex"]),k=S.prefixCls,Z=S.fixedInfoList,O=S.flattenColumns,I=S.expandableType,j=S.expandRowByClick,z=S.onTriggerExpand,P=S.rowClassName,T=S.expandedRowClassName,M=S.indentSize,H=S.expandIcon,L=S.expandedRowRender,B=S.expandIconColumnIndex,A=u.useState(!1),_=(0,a.Z)(A,2),F=_[0],W=_[1],D=m&&m.has(s);u.useEffect(function(){D&&W(!0)},[D]);var V="row"===I&&(!d||d(o)),X="nest"===I,U=$&&o&&o[$],G=V||X,Y=u.useRef(z);Y.current=z;var J=function(){Y.current.apply(Y,arguments)},q=null==h?void 0:h(o,i);"string"==typeof P?t=P:"function"==typeof P&&(t=P(o,i,x));var Q=N(O),ee=u.createElement(b,(0,p.Z)({},q,{"data-row-key":s,className:E()(r,"".concat(k,"-row"),"".concat(k,"-row-level-").concat(x),t,q&&q.className),style:(0,w.Z)((0,w.Z)({},l),q?q.style:null),onClick:function(e){var t;j&&G&&J(o,e);for(var n=arguments.length,r=Array(n>1?n-1:0),l=1;l=0;i-=1){var c=t[i],s=n&&n[i],d=s&&s[Q];if(c||d||a){var f=d||{},m=(f.columnType,(0,z.Z)(f,ee));l.unshift(u.createElement("col",(0,p.Z)({key:i,style:{width:c}},m))),a=!0}}return u.createElement("colgroup",null,l)},en=["className","noData","columns","flattenColumns","colWidths","columCount","stickyOffsets","direction","fixHeader","stickyTopOffset","stickyBottomOffset","stickyClassName","onScroll","maxContentScroll","children"],er=u.forwardRef(function(e,t){var n=e.className,r=e.noData,l=e.columns,o=e.flattenColumns,a=e.colWidths,i=e.columCount,c=e.stickyOffsets,s=e.direction,d=e.fixHeader,p=e.stickyTopOffset,h=e.stickyBottomOffset,g=e.stickyClassName,x=e.onScroll,b=e.maxContentScroll,y=e.children,$=(0,z.Z)(e,en),S=f(v,["prefixCls","scrollbarSize","isSticky"]),k=S.prefixCls,Z=S.scrollbarSize,N=S.isSticky,O=N&&!d?0:Z,R=u.useRef(null),I=u.useCallback(function(e){(0,m.mH)(t,e),(0,m.mH)(R,e)},[]);u.useEffect(function(){var e;function t(e){var t=e.currentTarget,n=e.deltaX;n&&(x({currentTarget:t,scrollLeft:t.scrollLeft+n}),e.preventDefault())}return null===(e=R.current)||void 0===e||e.addEventListener("wheel",t),function(){var e;null===(e=R.current)||void 0===e||e.removeEventListener("wheel",t)}},[]);var j=u.useMemo(function(){return o.every(function(e){return e.width>=0})},[o]),P=o[o.length-1],T={fixed:P?P.fixed:null,scrollbar:!0,onHeaderCell:function(){return{className:"".concat(k,"-cell-scrollbar")}}},M=(0,u.useMemo)(function(){return O?[].concat((0,D.Z)(l),[T]):l},[O,l]),H=(0,u.useMemo)(function(){return O?[].concat((0,D.Z)(o),[T]):o},[O,o]),L=(0,u.useMemo)(function(){var e=c.right,t=c.left;return(0,w.Z)((0,w.Z)({},c),{},{left:"rtl"===s?[].concat((0,D.Z)(t.map(function(e){return e+O})),[0]):t,right:"rtl"===s?e:[].concat((0,D.Z)(e.map(function(e){return e+O})),[0]),isSticky:N})},[O,c,N]),B=(0,u.useMemo)(function(){for(var e=[],t=0;t1?"colgroup":"col":null,ellipsis:o.ellipsis,align:o.align,component:o.title?a:i,prefixCls:m,key:g[t]},c,{additionalProps:n,rowType:"header"}))}))}eo.displayName="HeaderRow";var ea=x(function(e){var t=e.stickyOffsets,n=e.columns,r=e.flattenColumns,l=e.onHeaderRow,o=f(v,["prefixCls","getComponent"]),a=o.prefixCls,i=o.getComponent,c=u.useMemo(function(){return function(e){var t=[];!function e(n,r){var l=arguments.length>2&&void 0!==arguments[2]?arguments[2]:0;t[l]=t[l]||[];var o=r;return n.filter(Boolean).map(function(n){var r={key:n.key,className:n.className||"",children:n.title,column:n,colStart:o},a=1,i=n.children;return i&&i.length>0&&(a=e(i,o,l+1).reduce(function(e,t){return e+t},0),r.hasSubColumns=!0),"colSpan"in n&&(a=n.colSpan),"rowSpan"in n&&(r.rowSpan=n.rowSpan),r.colSpan=a,r.colEnd=r.colStart+a-1,t[l].push(r),o+=a,a})}(e,0);for(var n=t.length,r=function(e){t[e].forEach(function(t){("rowSpan"in t)||t.hasSubColumns||(t.rowSpan=n-e)})},l=0;l0?[].concat((0,D.Z)(e),(0,D.Z)(ed(l).map(function(e){return(0,w.Z)({fixed:r},e)}))):[].concat((0,D.Z)(e),[(0,w.Z)((0,w.Z)({},t),{},{fixed:r})])},[])}var ef=function(e,t){var n=e.prefixCls,r=e.columns,o=e.children,a=e.expandable,i=e.expandedKeys,c=e.columnTitle,s=e.getRowKey,d=e.onTriggerExpand,f=e.expandIcon,p=e.rowExpandable,m=e.expandIconColumnIndex,h=e.direction,g=e.expandRowByClick,x=e.columnWidth,b=e.fixed,v=u.useMemo(function(){return r||eu(o)},[r,o]),y=u.useMemo(function(){if(a){var e,t,r=v.slice();if(!r.includes(l)){var o=m||0;o>=0&&r.splice(o,0,l)}var h=r.indexOf(l);r=r.filter(function(e,t){return e!==l||t===h});var y=v[h];t=("left"===b||b)&&!m?"left":("right"===b||b)&&m===v.length?"right":y?y.fixed:null;var w=(e={},(0,C.Z)(e,Q,{className:"".concat(n,"-expand-icon-col"),columnType:"EXPAND_COLUMN"}),(0,C.Z)(e,"title",c),(0,C.Z)(e,"fixed",t),(0,C.Z)(e,"className","".concat(n,"-row-expand-icon-cell")),(0,C.Z)(e,"width",x),(0,C.Z)(e,"render",function(e,t,r){var l=s(t,r),o=f({prefixCls:n,expanded:i.has(l),expandable:!p||p(t),record:t,onExpand:d});return g?u.createElement("span",{onClick:function(e){return e.stopPropagation()}},o):o}),e);return r.map(function(e){return e===l?w:e})}return v.filter(function(e){return e!==l})},[a,v,s,i,f,h]),$=u.useMemo(function(){var e=y;return t&&(e=t(e)),e.length||(e=[{render:function(){return null}}]),e},[t,y,h]),E=u.useMemo(function(){return"rtl"===h?ed($).map(function(e){var t=e.fixed,n=(0,z.Z)(e,es),r=t;return"left"===t?r="right":"right"===t&&(r="left"),(0,w.Z)({fixed:r},n)}):ed($)},[$,h]);return[$,E]};function ep(e){var t,n=e.prefixCls,r=e.record,l=e.onExpand,o=e.expanded,a=e.expandable,i="".concat(n,"-row-expand-icon");return a?u.createElement("span",{className:E()(i,(t={},(0,C.Z)(t,"".concat(n,"-row-expanded"),o),(0,C.Z)(t,"".concat(n,"-row-collapsed"),!o),t)),onClick:function(e){l(r,e),e.stopPropagation()}}):u.createElement("span",{className:E()(i,"".concat(n,"-row-spaced"))})}function em(e){var t=(0,u.useRef)(e),n=(0,u.useState)({}),r=(0,a.Z)(n,2)[1],l=(0,u.useRef)(null),o=(0,u.useRef)([]);return(0,u.useEffect)(function(){return function(){l.current=null}},[]),[t.current,function(e){o.current.push(e);var n=Promise.resolve();l.current=n,n.then(function(){if(l.current===n){var e=o.current,a=t.current;o.current=[],e.forEach(function(e){t.current=e(t.current)}),l.current=null,a!==t.current&&r({})}})}]}var eh=(0,B.Z)()?window:null,eg=function(e){var t=e.className,n=e.children;return u.createElement("div",{className:t},n)},ex=n(64019),eb=n(27678),ev=u.forwardRef(function(e,t){var n,r,l=e.scrollBodyRef,o=e.onScroll,i=e.offsetScroll,c=e.container,s=f(v,"prefixCls"),d=(null===(n=l.current)||void 0===n?void 0:n.scrollWidth)||0,p=(null===(r=l.current)||void 0===r?void 0:r.clientWidth)||0,m=d&&p*(p/d),h=u.useRef(),g=em({scrollLeft:0,isHiddenScrollBar:!1}),x=(0,a.Z)(g,2),b=x[0],y=x[1],$=u.useRef({delta:0,x:0}),S=u.useState(!1),k=(0,a.Z)(S,2),Z=k[0],N=k[1],O=function(){N(!1)},R=function(e){var t,n=(e||(null===(t=window)||void 0===t?void 0:t.event)).buttons;if(!Z||0===n){Z&&N(!1);return}var r=$.current.x+e.pageX-$.current.x-$.current.delta;r<=0&&(r=0),r+m>=p&&(r=p-m),o({scrollLeft:r/p*(d+2)}),$.current.x=e.pageX},I=function(){if(l.current){var e=(0,eb.os)(l.current).top,t=e+l.current.offsetHeight,n=c===window?document.documentElement.scrollTop+window.innerHeight:(0,eb.os)(c).top+c.clientHeight;t-(0,F.Z)()<=n||e>=n-i?y(function(e){return(0,w.Z)((0,w.Z)({},e),{},{isHiddenScrollBar:!0})}):y(function(e){return(0,w.Z)((0,w.Z)({},e),{},{isHiddenScrollBar:!1})})}},j=function(e){y(function(t){return(0,w.Z)((0,w.Z)({},t),{},{scrollLeft:e/d*p||0})})};return(u.useImperativeHandle(t,function(){return{setScrollLeft:j}}),u.useEffect(function(){var e=(0,ex.Z)(document.body,"mouseup",O,!1),t=(0,ex.Z)(document.body,"mousemove",R,!1);return I(),function(){e.remove(),t.remove()}},[m,Z]),u.useEffect(function(){var e=(0,ex.Z)(c,"scroll",I,!1),t=(0,ex.Z)(window,"resize",I,!1);return function(){e.remove(),t.remove()}},[c]),u.useEffect(function(){b.isHiddenScrollBar||y(function(e){var t=l.current;return t?(0,w.Z)((0,w.Z)({},e),{},{scrollLeft:t.scrollLeft/t.scrollWidth*t.clientWidth}):e})},[b.isHiddenScrollBar]),d<=p||!m||b.isHiddenScrollBar)?null:u.createElement("div",{style:{height:(0,F.Z)(),width:p,bottom:i},className:"".concat(s,"-sticky-scroll")},u.createElement("div",{onMouseDown:function(e){e.persist(),$.current.delta=e.pageX-b.scrollLeft,$.current.x=0,N(!0),e.preventDefault()},ref:h,className:E()("".concat(s,"-sticky-scroll-bar"),(0,C.Z)({},"".concat(s,"-sticky-scroll-bar-active"),Z)),style:{width:"".concat(m,"px"),transform:"translate3d(".concat(b.scrollLeft,"px, 0, 0)")}}))}),ey=[],ew={};function eC(){return"No Data"}function e$(e){var t,n=(0,w.Z)({rowKey:"key",prefixCls:"rc-table",emptyText:eC},e),r=n.prefixCls,l=n.className,c=n.rowClassName,d=n.style,f=n.data,m=n.rowKey,h=n.scroll,g=n.tableLayout,x=n.direction,b=n.title,$=n.footer,Z=n.summary,O=n.caption,R=n.id,j=n.showHeader,P=n.components,B=n.emptyText,K=n.onRow,V=n.onHeaderRow,X=n.internalHooks,U=n.transformColumns,G=n.internalRefs,Y=n.sticky,Q=f||ey,ee=!!Q.length,en=u.useCallback(function(e,t){return(0,k.Z)(P,e)||t},[P]),er=u.useMemo(function(){return"function"==typeof m?m:function(e){return e&&e[m]}},[m]),eo=(tT=u.useState(-1),tH=(tM=(0,a.Z)(tT,2))[0],tL=tM[1],tB=u.useState(-1),t_=(tA=(0,a.Z)(tB,2))[0],tF=tA[1],[tH,t_,u.useCallback(function(e,t){tL(e),tF(t)},[])]),ei=(0,a.Z)(eo,3),ec=ei[0],es=ei[1],eu=ei[2],ed=(tD=n.expandable,tK=(0,z.Z)(n,q),!1===(tW="expandable"in n?(0,w.Z)((0,w.Z)({},tK),tD):tK).showExpandColumn&&(tW.expandIconColumnIndex=-1),tV=tW.expandIcon,tX=tW.expandedRowKeys,tU=tW.defaultExpandedRowKeys,tG=tW.defaultExpandAllRows,tY=tW.expandedRowRender,tJ=tW.onExpand,tq=tW.onExpandedRowsChange,tQ=tW.childrenColumnName||"children",t0=u.useMemo(function(){return tY?"row":!!(n.expandable&&n.internalHooks===o&&n.expandable.__PARENT_RENDER_ICON__||Q.some(function(e){return e&&"object"===(0,y.Z)(e)&&e[tQ]}))&&"nest"},[!!tY,Q]),t1=u.useState(function(){if(tU)return tU;if(tG){var e;return e=[],function t(n){(n||[]).forEach(function(n,r){e.push(er(n,r)),t(n[tQ])})}(Q),e}return[]}),t3=(t2=(0,a.Z)(t1,2))[0],t8=t2[1],t4=u.useMemo(function(){return new Set(tX||t3||[])},[tX,t3]),t6=u.useCallback(function(e){var t,n=er(e,Q.indexOf(e)),r=t4.has(n);r?(t4.delete(n),t=(0,D.Z)(t4)):t=[].concat((0,D.Z)(t4),[n]),t8(t),tJ&&tJ(!r,e),tq&&tq(t)},[er,t4,Q,tJ,tq]),[tW,t0,t4,tV||ep,tQ,t6]),ex=(0,a.Z)(ed,6),eb=ex[0],e$=ex[1],eE=ex[2],eS=ex[3],ek=ex[4],eZ=ex[5],eN=u.useState(0),eO=(0,a.Z)(eN,2),eR=eO[0],eI=eO[1],ej=ef((0,w.Z)((0,w.Z)((0,w.Z)({},n),eb),{},{expandable:!!eb.expandedRowRender,columnTitle:eb.columnTitle,expandedKeys:eE,getRowKey:er,onTriggerExpand:eZ,expandIcon:eS,expandIconColumnIndex:eb.expandIconColumnIndex,direction:x}),X===o?U:null),ez=(0,a.Z)(ej,2),eP=ez[0],eT=ez[1],eM=u.useMemo(function(){return{columns:eP,flattenColumns:eT}},[eP,eT]),eH=u.useRef(),eL=u.useRef(),eB=u.useRef(),eA=u.useRef(),e_=u.useRef(),eF=u.useState(!1),eW=(0,a.Z)(eF,2),eD=eW[0],eK=eW[1],eV=u.useState(!1),eX=(0,a.Z)(eV,2),eU=eX[0],eG=eX[1],eY=em(new Map),eJ=(0,a.Z)(eY,2),eq=eJ[0],eQ=eJ[1],e0=N(eT).map(function(e){return eq.get(e)}),e1=u.useMemo(function(){return e0},[e0.join("_")]),e2=(t5=eT.length,(0,u.useMemo)(function(){for(var e=[],t=[],n=0,r=0,l=0;l0)):(eK(o>0),eG(o{let{_renderTimes:n}=e,{_renderTimes:r}=t;return n!==r});function eT(e,t){return"key"in e&&void 0!==e.key&&null!==e.key?e.key:e.dataIndex?Array.isArray(e.dataIndex)?e.dataIndex.join("."):e.dataIndex:t}function eM(e,t){return t?`${t}-${e}`:`${e}`}function eH(e,t){return"function"==typeof e?e(t):e}var eL={icon:{tag:"svg",attrs:{viewBox:"64 64 896 896",focusable:"false"},children:[{tag:"path",attrs:{d:"M349 838c0 17.7 14.2 32 31.8 32h262.4c17.6 0 31.8-14.3 31.8-32V642H349v196zm531.1-684H143.9c-24.5 0-39.8 26.7-27.5 48l221.3 376h348.8l221.3-376c12.1-21.3-3.2-48-27.7-48z"}}]},name:"filter",theme:"filled"},eB=n(84089),eA=u.forwardRef(function(e,t){return u.createElement(eB.Z,(0,p.Z)({},e,{ref:t,icon:eL}))}),e_=n(57838),eF=n(71577),eW=n(84567),eD=n(85418),eK=n(32983),eV=n(82610),eX=n(76529),eU=n(78045),eG=n(57346),eY=n(68795),eJ=n(59566),eq=function(e){let{value:t,onChange:n,filterSearch:r,tablePrefixCls:l,locale:o}=e;return r?u.createElement("div",{className:`${l}-filter-dropdown-search`},u.createElement(eJ.default,{prefix:u.createElement(eY.Z,null),placeholder:o.filterSearchPlaceholder,onChange:n,value:t,htmlSize:1,className:`${l}-filter-dropdown-search-input`})):null},eQ=n(15105);let e0=e=>{let{keyCode:t}=e;t===eQ.Z.ENTER&&e.stopPropagation()},e1=u.forwardRef((e,t)=>u.createElement("div",{className:e.className,onClick:e=>e.stopPropagation(),onKeyDown:e0,ref:t},e.children));function e2(e){let t=[];return(e||[]).forEach(e=>{let{value:n,children:r}=e;t.push(n),r&&(t=[].concat((0,D.Z)(t),(0,D.Z)(e2(r))))}),t}function e3(e,t){return("string"==typeof t||"number"==typeof t)&&(null==t?void 0:t.toString().toLowerCase().includes(e.trim().toLowerCase()))}var e8=function(e){var t,n;let r,l;let{tablePrefixCls:o,prefixCls:a,column:i,dropdownPrefixCls:c,columnKey:d,filterMultiple:f,filterMode:p="menu",filterSearch:m=!1,filterState:h,triggerFilter:g,locale:x,children:b,getPopupContainer:v}=e,{filterDropdownOpen:y,onFilterDropdownOpenChange:w,filterResetToDefaultFilteredValue:C,defaultFilteredValue:$,filterDropdownVisible:S,onFilterDropdownVisibleChange:k}=i,[Z,N]=u.useState(!1),O=!!(h&&((null===(t=h.filteredKeys)||void 0===t?void 0:t.length)||h.forceFiltered)),R=e=>{N(e),null==w||w(e),null==k||k(e)},I=null!==(n=null!=y?y:S)&&void 0!==n?n:Z,j=null==h?void 0:h.filteredKeys,[z,P]=function(e){let t=u.useRef(e),n=(0,e_.Z)();return[()=>t.current,e=>{t.current=e,n()}]}(j||[]),T=e=>{let{selectedKeys:t}=e;P(t)};u.useEffect(()=>{Z&&T({selectedKeys:j||[]})},[j]);let[M,H]=u.useState([]),[L,B]=u.useState(""),A=e=>{let{value:t}=e.target;B(t)};u.useEffect(()=>{Z||B("")},[Z]);let _=e=>{let t=e&&e.length?e:null;if(null===t&&(!h||!h.filteredKeys)||(0,s.Z)(t,null==h?void 0:h.filteredKeys,!0))return null;g({column:i,key:d,filteredKeys:t})},F=()=>{R(!1),_(z())},W=function(){let{confirm:e,closeDropdown:t}=arguments.length>0&&void 0!==arguments[0]?arguments[0]:{confirm:!1,closeDropdown:!1};e&&_([]),t&&R(!1),B(""),C?P(($||[]).map(e=>String(e))):P([])},D=E()({[`${c}-menu-without-submenu`]:!(i.filters||[]).some(e=>{let{children:t}=e;return t})}),K=e=>{let{filters:t}=e;return(t||[]).map((e,t)=>{let n=String(e.value),r={title:e.text,key:void 0!==e.value?n:t};return e.children&&(r.children=K({filters:e.children})),r})},V=e=>{var t;return Object.assign(Object.assign({},e),{text:e.title,value:e.key,children:(null===(t=e.children)||void 0===t?void 0:t.map(e=>V(e)))||[]})};if("function"==typeof i.filterDropdown)r=i.filterDropdown({prefixCls:`${c}-custom`,setSelectedKeys:e=>T({selectedKeys:e}),selectedKeys:z(),confirm:function(){let{closeDropdown:e}=arguments.length>0&&void 0!==arguments[0]?arguments[0]:{closeDropdown:!0};e&&R(!1),_(z())},clearFilters:W,filters:i.filters,visible:I,close:()=>{R(!1)}});else if(i.filterDropdown)r=i.filterDropdown;else{let e=z()||[];r=u.createElement(u.Fragment,null,0===(i.filters||[]).length?u.createElement(eK.Z,{image:eK.Z.PRESENTED_IMAGE_SIMPLE,description:x.filterEmptyText,imageStyle:{height:24},style:{margin:0,padding:"16px 0"}}):"tree"===p?u.createElement(u.Fragment,null,u.createElement(eq,{filterSearch:m,value:L,onChange:A,tablePrefixCls:o,locale:x}),u.createElement("div",{className:`${o}-filter-dropdown-tree`},f?u.createElement(eW.Z,{checked:e.length===e2(i.filters).length,indeterminate:e.length>0&&e.length{if(e.target.checked){let e=e2(null==i?void 0:i.filters).map(e=>String(e));P(e)}else P([])}},x.filterCheckall):null,u.createElement(eG.Z,{checkable:!0,selectable:!1,blockNode:!0,multiple:f,checkStrictly:!f,className:`${c}-menu`,onCheck:(e,t)=>{let{node:n,checked:r}=t;f?T({selectedKeys:e}):T({selectedKeys:r&&n.key?[n.key]:[]})},checkedKeys:e,selectedKeys:e,showIcon:!1,treeData:K({filters:i.filters}),autoExpandParent:!0,defaultExpandAll:!0,filterTreeNode:L.trim()?e=>"function"==typeof m?m(L,V(e)):e3(L,e.title):void 0}))):u.createElement(u.Fragment,null,u.createElement(eq,{filterSearch:m,value:L,onChange:A,tablePrefixCls:o,locale:x}),u.createElement(eV.Z,{selectable:!0,multiple:f,prefixCls:`${c}-menu`,className:D,onSelect:T,onDeselect:T,selectedKeys:e,getPopupContainer:v,openKeys:M,onOpenChange:e=>{H(e)},items:function e(t){let{filters:n,prefixCls:r,filteredKeys:l,filterMultiple:o,searchValue:a,filterSearch:i}=t;return n.map((t,n)=>{let c=String(t.value);if(t.children)return{key:c||n,label:t.text,popupClassName:`${r}-dropdown-submenu`,children:e({filters:t.children,prefixCls:r,filteredKeys:l,filterMultiple:o,searchValue:a,filterSearch:i})};let s=o?eW.Z:eU.ZP,d={key:void 0!==t.value?c:n,label:u.createElement(u.Fragment,null,u.createElement(s,{checked:l.includes(c)}),u.createElement("span",null,t.text))};return a.trim()?"function"==typeof i?i(a,t)?d:null:e3(a,t.text)?d:null:d})}({filters:i.filters||[],filterSearch:m,prefixCls:a,filteredKeys:z(),filterMultiple:f,searchValue:L})})),u.createElement("div",{className:`${a}-dropdown-btns`},u.createElement(eF.ZP,{type:"link",size:"small",disabled:C?(0,s.Z)(($||[]).map(e=>String(e)),e,!0):0===e.length,onClick:()=>W()},x.filterReset),u.createElement(eF.ZP,{type:"primary",size:"small",onClick:F},x.filterConfirm)))}i.filterDropdown&&(r=u.createElement(eX.J,{selectable:void 0},r)),l="function"==typeof i.filterIcon?i.filterIcon(O):i.filterIcon?i.filterIcon:u.createElement(eA,null);let{direction:X}=u.useContext(eZ.E_);return u.createElement("div",{className:`${a}-column`},u.createElement("span",{className:`${o}-column-title`},b),u.createElement(eD.Z,{dropdownRender:()=>u.createElement(e1,{className:`${a}-dropdown`},r),trigger:["click"],open:I,onOpenChange:e=>{e&&void 0!==j&&P(j||[]),R(e),e||i.filterDropdown||F()},getPopupContainer:v,placement:"rtl"===X?"bottomLeft":"bottomRight"},u.createElement("span",{role:"button",tabIndex:-1,className:E()(`${a}-trigger`,{active:O}),onClick:e=>{e.stopPropagation()}},l)))};function e4(e,t,n){let r=[];return(e||[]).forEach((e,l)=>{var o;let a=eM(l,n);if(e.filters||"filterDropdown"in e||"onFilter"in e){if("filteredValue"in e){let t=e.filteredValue;"filterDropdown"in e||(t=null!==(o=null==t?void 0:t.map(String))&&void 0!==o?o:t),r.push({column:e,key:eT(e,a),filteredKeys:t,forceFiltered:e.filtered})}else r.push({column:e,key:eT(e,a),filteredKeys:t&&e.defaultFilteredValue?e.defaultFilteredValue:void 0,forceFiltered:e.filtered})}"children"in e&&(r=[].concat((0,D.Z)(r),(0,D.Z)(e4(e.children,t,a))))}),r}function e6(e){let t={};return e.forEach(e=>{let{key:n,filteredKeys:r,column:l}=e,{filters:o,filterDropdown:a}=l;if(a)t[n]=r||null;else if(Array.isArray(r)){let e=e2(o);t[n]=e.filter(e=>r.includes(String(e)))}else t[n]=null}),t}function e5(e,t){return t.reduce((e,t)=>{let{column:{onFilter:n,filters:r},filteredKeys:l}=t;return n&&l&&l.length?e.filter(e=>l.some(t=>{let l=e2(r),o=l.findIndex(e=>String(e)===String(t)),a=-1!==o?l[o]:t;return n(a,e)})):e},e)}let e7=e=>e.flatMap(e=>"children"in e?[e].concat((0,D.Z)(e7(e.children||[]))):[e]);var e9=function(e){let{prefixCls:t,dropdownPrefixCls:n,mergedColumns:r,onFilterChange:l,getPopupContainer:o,locale:a}=e,i=u.useMemo(()=>e7(r||[]),[r]),[c,s]=u.useState(()=>e4(i,!0)),d=u.useMemo(()=>{let e=e4(i,!1);if(0===e.length)return e;let t=!0;if(e.forEach(e=>{let{filteredKeys:n}=e;void 0!==n&&(t=!1)}),t){let e=(i||[]).map((e,t)=>eT(e,eM(t)));return c.filter(t=>{let{key:n}=t;return e.includes(n)}).map(t=>{let n=i[e.findIndex(e=>e===t.key)];return Object.assign(Object.assign({},t),{column:Object.assign(Object.assign({},t.column),n),forceFiltered:n.filtered})})}return e},[i,c]),f=u.useMemo(()=>e6(d),[d]),p=e=>{let t=d.filter(t=>{let{key:n}=t;return n!==e.key});t.push(e),s(t),l(e6(t),t)};return[e=>(function e(t,n,r,l,o,a,i,c){return r.map((r,s)=>{let d=eM(s,c),{filterMultiple:f=!0,filterMode:p,filterSearch:m}=r,h=r;if(h.filters||h.filterDropdown){let e=eT(h,d),c=l.find(t=>{let{key:n}=t;return e===n});h=Object.assign(Object.assign({},h),{title:l=>u.createElement(e8,{tablePrefixCls:t,prefixCls:`${t}-filter`,dropdownPrefixCls:n,column:h,columnKey:e,filterState:c,filterMultiple:f,filterMode:p,filterSearch:m,triggerFilter:a,locale:o,getPopupContainer:i},eH(r.title,l))})}return"children"in h&&(h=Object.assign(Object.assign({},h),{children:e(t,n,h.children,l,o,a,i,d)})),h})})(t,n,e,d,a,p,o),d,f]},te=n(38780),tt=function(e,t){var n={};for(var r in e)Object.prototype.hasOwnProperty.call(e,r)&&0>t.indexOf(r)&&(n[r]=e[r]);if(null!=e&&"function"==typeof Object.getOwnPropertySymbols)for(var l=0,r=Object.getOwnPropertySymbols(e);lt.indexOf(r[l])&&Object.prototype.propertyIsEnumerable.call(e,r[l])&&(n[r[l]]=e[r[l]]);return n},tn=function(e,t,n){let r=n&&"object"==typeof n?n:{},{total:l=0}=r,o=tt(r,["total"]),[a,i]=(0,u.useState)(()=>({current:"defaultCurrent"in o?o.defaultCurrent:1,pageSize:"defaultPageSize"in o?o.defaultPageSize:10})),c=(0,te.Z)(a,o,{total:l>0?l:e}),s=Math.ceil((l||e)/c.pageSize);c.current>s&&(c.current=s||1);let d=(e,t)=>{i({current:null!=e?e:1,pageSize:t||c.pageSize})};return!1===n?[{},()=>{}]:[Object.assign(Object.assign({},c),{onChange:(e,r)=>{var l;n&&(null===(l=n.onChange)||void 0===l||l.call(n,e,r)),d(e,r),t(e,r||(null==c?void 0:c.pageSize))}}),d]},tr=n(80882),tl=n(10225),to=n(17341),ta=n(1089),ti=n(21770);let tc={},ts="SELECT_ALL",tu="SELECT_INVERT",td="SELECT_NONE",tf=[],tp=(e,t)=>{let n=[];return(t||[]).forEach(t=>{n.push(t),t&&"object"==typeof t&&e in t&&(n=[].concat((0,D.Z)(n),(0,D.Z)(tp(e,t[e]))))}),n};var tm=(e,t)=>{let{preserveSelectedRowKeys:n,selectedRowKeys:r,defaultSelectedRowKeys:l,getCheckboxProps:o,onChange:a,onSelect:i,onSelectAll:c,onSelectInvert:s,onSelectNone:d,onSelectMultiple:f,columnWidth:p,type:m,selections:h,fixed:g,renderCell:x,hideSelectAll:b,checkStrictly:v=!0}=t||{},{prefixCls:y,data:w,pageData:C,getRecordByKey:$,getRowKey:S,expandType:k,childrenColumnName:Z,locale:N,getPopupContainer:O}=e,[R,I]=(0,ti.Z)(r||l||tf,{value:r}),j=u.useRef(new Map),z=(0,u.useCallback)(e=>{if(n){let t=new Map;e.forEach(e=>{let n=$(e);!n&&j.current.has(e)&&(n=j.current.get(e)),t.set(e,n)}),j.current=t}},[$,n]);u.useEffect(()=>{z(R)},[R]);let{keyEntities:P}=(0,u.useMemo)(()=>{if(v)return{keyEntities:null};let e=w;if(n){let t=new Set(w.map((e,t)=>S(e,t))),n=Array.from(j.current).reduce((e,n)=>{let[r,l]=n;return t.has(r)?e:e.concat(l)},[]);e=[].concat((0,D.Z)(e),(0,D.Z)(n))}return(0,ta.I8)(e,{externalGetKey:S,childrenPropName:Z})},[w,S,v,Z,n]),T=(0,u.useMemo)(()=>tp(Z,C),[Z,C]),M=(0,u.useMemo)(()=>{let e=new Map;return T.forEach((t,n)=>{let r=S(t,n),l=(o?o(t):null)||{};e.set(r,l)}),e},[T,S,o]),H=(0,u.useCallback)(e=>{var t;return!!(null===(t=M.get(S(e)))||void 0===t?void 0:t.disabled)},[M,S]),[L,B]=(0,u.useMemo)(()=>{if(v)return[R||[],[]];let{checkedKeys:e,halfCheckedKeys:t}=(0,to.S)(R,!0,P,H);return[e||[],t]},[R,v,P,H]),A=(0,u.useMemo)(()=>{let e="radio"===m?L.slice(0,1):L;return new Set(e)},[L,m]),_=(0,u.useMemo)(()=>"radio"===m?new Set:new Set(B),[B,m]),[F,W]=(0,u.useState)(null);u.useEffect(()=>{t||I(tf)},[!!t]);let K=(0,u.useCallback)((e,t)=>{let r,l;z(e),n?(r=e,l=e.map(e=>j.current.get(e))):(r=[],l=[],e.forEach(e=>{let t=$(e);void 0!==t&&(r.push(e),l.push(t))})),I(r),null==a||a(r,l,{type:t})},[I,$,a,n]),V=(0,u.useCallback)((e,t,n,r)=>{if(i){let l=n.map(e=>$(e));i($(e),t,l,r)}K(n,"single")},[i,$,K]),X=(0,u.useMemo)(()=>{if(!h||b)return null;let e=!0===h?[ts,tu,td]:h;return e.map(e=>e===ts?{key:"all",text:N.selectionAll,onSelect(){K(w.map((e,t)=>S(e,t)).filter(e=>{let t=M.get(e);return!(null==t?void 0:t.disabled)||A.has(e)}),"all")}}:e===tu?{key:"invert",text:N.selectInvert,onSelect(){let e=new Set(A);C.forEach((t,n)=>{let r=S(t,n),l=M.get(r);(null==l?void 0:l.disabled)||(e.has(r)?e.delete(r):e.add(r))});let t=Array.from(e);s&&s(t),K(t,"invert")}}:e===td?{key:"none",text:N.selectNone,onSelect(){null==d||d(),K(Array.from(A).filter(e=>{let t=M.get(e);return null==t?void 0:t.disabled}),"none")}}:e).map(e=>Object.assign(Object.assign({},e),{onSelect:function(){for(var t,n=arguments.length,r=Array(n),l=0;l{var n;let r,l;if(!t)return e.filter(e=>e!==tc);let o=(0,D.Z)(e),a=new Set(A),i=T.map(S).filter(e=>!M.get(e).disabled),s=i.every(e=>a.has(e)),d=i.some(e=>a.has(e));if("radio"!==m){let e;if(X){let t={getPopupContainer:O,items:X.map((e,t)=>{let{key:n,text:r,onSelect:l}=e;return{key:null!=n?n:t,onClick:()=>{null==l||l(i)},label:r}})};e=u.createElement("div",{className:`${y}-selection-extra`},u.createElement(eD.Z,{menu:t,getPopupContainer:O},u.createElement("span",null,u.createElement(tr.Z,null))))}let t=T.map((e,t)=>{let n=S(e,t),r=M.get(n)||{};return Object.assign({checked:a.has(n)},r)}).filter(e=>{let{disabled:t}=e;return t}),n=!!t.length&&t.length===T.length,l=n&&t.every(e=>{let{checked:t}=e;return t}),o=n&&t.some(e=>{let{checked:t}=e;return t});r=!b&&u.createElement("div",{className:`${y}-selection`},u.createElement(eW.Z,{checked:n?l:!!T.length&&s,indeterminate:n?!l&&o:!s&&d,onChange:()=>{let e=[];s?i.forEach(t=>{a.delete(t),e.push(t)}):i.forEach(t=>{a.has(t)||(a.add(t),e.push(t))});let t=Array.from(a);null==c||c(!s,t.map(e=>$(e)),e.map(e=>$(e))),K(t,"all"),W(null)},disabled:0===T.length||n,"aria-label":e?"Custom selection":"Select all",skipGroup:!0}),e)}if(l="radio"===m?(e,t,n)=>{let r=S(t,n),l=a.has(r);return{node:u.createElement(eU.ZP,Object.assign({},M.get(r),{checked:l,onClick:e=>e.stopPropagation(),onChange:e=>{a.has(r)||V(r,!0,[r],e.nativeEvent)}})),checked:l}}:(e,t,n)=>{var r;let l;let o=S(t,n),c=a.has(o),s=_.has(o),d=M.get(o);return l="nest"===k?s:null!==(r=null==d?void 0:d.indeterminate)&&void 0!==r?r:s,{node:u.createElement(eW.Z,Object.assign({},d,{indeterminate:l,checked:c,skipGroup:!0,onClick:e=>e.stopPropagation(),onChange:e=>{let{nativeEvent:t}=e,{shiftKey:n}=t,r=-1,l=-1;if(n&&v){let e=new Set([F,o]);i.some((t,n)=>{if(e.has(t)){if(-1!==r)return l=n,!0;r=n}return!1})}if(-1!==l&&r!==l&&v){let e=i.slice(r,l+1),t=[];c?e.forEach(e=>{a.has(e)&&(t.push(e),a.delete(e))}):e.forEach(e=>{a.has(e)||(t.push(e),a.add(e))});let n=Array.from(a);null==f||f(!c,n.map(e=>$(e)),t.map(e=>$(e))),K(n,"multiple")}else if(v){let e=c?(0,tl._5)(L,o):(0,tl.L0)(L,o);V(o,!c,e,t)}else{let e=(0,to.S)([].concat((0,D.Z)(L),[o]),!0,P,H),{checkedKeys:n,halfCheckedKeys:r}=e,l=n;if(c){let e=new Set(n);e.delete(o),l=(0,to.S)(Array.from(e),{checked:!1,halfCheckedKeys:r},P,H).checkedKeys}V(o,!c,l,t)}c?W(null):W(o)}})),checked:c}},!o.includes(tc)){if(0===o.findIndex(e=>{var t;return(null===(t=e[Q])||void 0===t?void 0:t.columnType)==="EXPAND_COLUMN"})){let[e,...t]=o;o=[e,tc].concat((0,D.Z)(t))}else o=[tc].concat((0,D.Z)(o))}let w=o.indexOf(tc);o=o.filter((e,t)=>e!==tc||t===w);let C=o[w-1],Z=o[w+1],N=g;void 0===N&&((null==Z?void 0:Z.fixed)!==void 0?N=Z.fixed:(null==C?void 0:C.fixed)!==void 0&&(N=C.fixed)),N&&C&&(null===(n=C[Q])||void 0===n?void 0:n.columnType)==="EXPAND_COLUMN"&&void 0===C.fixed&&(C.fixed=N);let R=E()(`${y}-selection-col`,{[`${y}-selection-col-with-dropdown`]:h&&"checkbox"===m}),I={fixed:N,width:p,className:`${y}-selection-column`,title:t.columnTitle||r,render:(e,t,n)=>{let{node:r,checked:o}=l(e,t,n);return x?x(o,t,n,r):r},onCell:t.onCell,[Q]:{className:R}};return o.map(e=>e===tc?I:e)},[S,T,t,L,A,_,p,X,k,F,M,f,V,H]);return[U,A]},th={icon:{tag:"svg",attrs:{viewBox:"0 0 1024 1024",focusable:"false"},children:[{tag:"path",attrs:{d:"M840.4 300H183.6c-19.7 0-30.7 20.8-18.5 35l328.4 380.8c9.4 10.9 27.5 10.9 37 0L858.9 335c12.2-14.2 1.2-35-18.5-35z"}}]},name:"caret-down",theme:"outlined"},tg=u.forwardRef(function(e,t){return u.createElement(eB.Z,(0,p.Z)({},e,{ref:t,icon:th}))}),tx={icon:{tag:"svg",attrs:{viewBox:"0 0 1024 1024",focusable:"false"},children:[{tag:"path",attrs:{d:"M858.9 689L530.5 308.2c-9.4-10.9-27.5-10.9-37 0L165.1 689c-12.2 14.2-1.2 35 18.5 35h656.8c19.7 0 30.7-20.8 18.5-35z"}}]},name:"caret-up",theme:"outlined"},tb=u.forwardRef(function(e,t){return u.createElement(eB.Z,(0,p.Z)({},e,{ref:t,icon:tx}))}),tv=n(83062);let ty="ascend",tw="descend";function tC(e){return"object"==typeof e.sorter&&"number"==typeof e.sorter.multiple&&e.sorter.multiple}function t$(e){return"function"==typeof e?e:!!e&&"object"==typeof e&&!!e.compare&&e.compare}function tE(e,t,n){let r=[];function l(e,t){r.push({column:e,key:eT(e,t),multiplePriority:tC(e),sortOrder:e.sortOrder})}return(e||[]).forEach((e,o)=>{let a=eM(o,n);e.children?("sortOrder"in e&&l(e,a),r=[].concat((0,D.Z)(r),(0,D.Z)(tE(e.children,t,a)))):e.sorter&&("sortOrder"in e?l(e,a):t&&e.defaultSortOrder&&r.push({column:e,key:eT(e,a),multiplePriority:tC(e),sortOrder:e.defaultSortOrder}))}),r}function tS(e){let{column:t,sortOrder:n}=e;return{column:t,order:n,field:t.dataIndex,columnKey:t.key}}function tk(e){let t=e.filter(e=>{let{sortOrder:t}=e;return t}).map(tS);return 0===t.length&&e.length?Object.assign(Object.assign({},tS(e[e.length-1])),{column:void 0}):t.length<=1?t[0]||{}:t}function tZ(e,t,n){let r=t.slice().sort((e,t)=>t.multiplePriority-e.multiplePriority),l=e.slice(),o=r.filter(e=>{let{column:{sorter:t},sortOrder:n}=e;return t$(t)&&n});return o.length?l.sort((e,t)=>{for(let n=0;n{let r=e[n];return r?Object.assign(Object.assign({},e),{[n]:tZ(r,t,n)}):e}):l}var tN=n(10274),tO=n(14747),tR=n(67968),tI=n(45503),tj=e=>{let{componentCls:t}=e,n=`${e.lineWidth}px ${e.lineType} ${e.tableBorderColor}`,r=(n,r,l)=>({[`&${t}-${n}`]:{[`> ${t}-container`]:{[`> ${t}-content, > ${t}-body`]:{[` - > table > tbody > tr > th, - > table > tbody > tr > td - `]:{[`> ${t}-expanded-row-fixed`]:{margin:`-${r}px -${l+e.lineWidth}px`}}}}}});return{[`${t}-wrapper`]:{[`${t}${t}-bordered`]:Object.assign(Object.assign(Object.assign({[`> ${t}-title`]:{border:n,borderBottom:0},[`> ${t}-container`]:{borderInlineStart:n,borderTop:n,[` - > ${t}-content, - > ${t}-header, - > ${t}-body, - > ${t}-summary - `]:{"> table":{[` - > thead > tr > th, - > thead > tr > td, - > tbody > tr > th, - > tbody > tr > td, - > tfoot > tr > th, - > tfoot > tr > td - `]:{borderInlineEnd:n},"> thead":{"> tr:not(:last-child) > th":{borderBottom:n},"> tr > th::before":{backgroundColor:"transparent !important"}},[` - > thead > tr, - > tbody > tr, - > tfoot > tr - `]:{[`> ${t}-cell-fix-right-first::after`]:{borderInlineEnd:n}},[` - > tbody > tr > th, - > tbody > tr > td - `]:{[`> ${t}-expanded-row-fixed`]:{margin:`-${e.tablePaddingVertical}px -${e.tablePaddingHorizontal+e.lineWidth}px`,"&::after":{position:"absolute",top:0,insetInlineEnd:e.lineWidth,bottom:0,borderInlineEnd:n,content:'""'}}}}}},[`&${t}-scroll-horizontal`]:{[`> ${t}-container > ${t}-body`]:{"> table > tbody":{[` - > tr${t}-expanded-row, - > tr${t}-placeholder - `]:{"> th, > td":{borderInlineEnd:0}}}}}},r("middle",e.tablePaddingVerticalMiddle,e.tablePaddingHorizontalMiddle)),r("small",e.tablePaddingVerticalSmall,e.tablePaddingHorizontalSmall)),{[`> ${t}-footer`]:{border:n,borderTop:0}}),[`${t}-cell`]:{[`${t}-container:first-child`]:{borderTop:0},"&-scrollbar:not([rowspan])":{boxShadow:`0 ${e.lineWidth}px 0 ${e.lineWidth}px ${e.tableHeaderBg}`}},[`${t}-bordered ${t}-cell-scrollbar`]:{borderInlineEnd:n}}}},tz=e=>{let{componentCls:t}=e;return{[`${t}-wrapper`]:{[`${t}-cell-ellipsis`]:Object.assign(Object.assign({},tO.vS),{wordBreak:"keep-all",[` - &${t}-cell-fix-left-last, - &${t}-cell-fix-right-first - `]:{overflow:"visible",[`${t}-cell-content`]:{display:"block",overflow:"hidden",textOverflow:"ellipsis"}},[`${t}-column-title`]:{overflow:"hidden",textOverflow:"ellipsis",wordBreak:"keep-all"}})}}},tP=e=>{let{componentCls:t}=e;return{[`${t}-wrapper`]:{[`${t}-tbody > tr${t}-placeholder`]:{textAlign:"center",color:e.colorTextDisabled,[` - &:hover > th, - &:hover > td, - `]:{background:e.colorBgContainer}}}}};let tT=e=>({color:e.colorLink,textDecoration:"none",outline:"none",cursor:"pointer",transition:`color ${e.motionDurationSlow}`,"&:focus, &:hover":{color:e.colorLinkHover},"&:active":{color:e.colorLinkActive}});var tM=e=>{let{componentCls:t,antCls:n,controlInteractiveSize:r,motionDurationSlow:l,lineWidth:o,paddingXS:a,lineType:i,tableBorderColor:c,tableExpandIconBg:s,tableExpandColumnWidth:u,borderRadius:d,fontSize:f,fontSizeSM:p,lineHeight:m,tablePaddingVertical:h,tablePaddingHorizontal:g,tableExpandedRowBg:x,paddingXXS:b}=e,v=r/2-o,y=2*v+3*o,w=`${o}px ${i} ${c}`,C=b-o;return{[`${t}-wrapper`]:{[`${t}-expand-icon-col`]:{width:u},[`${t}-row-expand-icon-cell`]:{textAlign:"center",[`${t}-row-expand-icon`]:{display:"inline-flex",float:"none",verticalAlign:"sub"}},[`${t}-row-indent`]:{height:1,float:"left"},[`${t}-row-expand-icon`]:Object.assign(Object.assign({},tT(e)),{position:"relative",float:"left",boxSizing:"border-box",width:y,height:y,padding:0,color:"inherit",lineHeight:`${y}px`,background:s,border:w,borderRadius:d,transform:`scale(${r/y})`,transition:`all ${l}`,userSelect:"none","&:focus, &:hover, &:active":{borderColor:"currentcolor"},"&::before, &::after":{position:"absolute",background:"currentcolor",transition:`transform ${l} ease-out`,content:'""'},"&::before":{top:v,insetInlineEnd:C,insetInlineStart:C,height:o},"&::after":{top:C,bottom:C,insetInlineStart:v,width:o,transform:"rotate(90deg)"},"&-collapsed::before":{transform:"rotate(-180deg)"},"&-collapsed::after":{transform:"rotate(0deg)"},"&-spaced":{"&::before, &::after":{display:"none",content:"none"},background:"transparent",border:0,visibility:"hidden"}}),[`${t}-row-indent + ${t}-row-expand-icon`]:{marginTop:(f*m-3*o)/2-Math.ceil((1.4*p-3*o)/2),marginInlineEnd:a},[`tr${t}-expanded-row`]:{"&, &:hover":{"> th, > td":{background:x}},[`${n}-descriptions-view`]:{display:"flex",table:{flex:"auto",width:"auto"}}},[`${t}-expanded-row-fixed`]:{position:"relative",margin:`-${h}px -${g}px`,padding:`${h}px ${g}px`}}}},tH=e=>{let{componentCls:t,antCls:n,iconCls:r,tableFilterDropdownWidth:l,tableFilterDropdownSearchWidth:o,paddingXXS:a,paddingXS:i,colorText:c,lineWidth:s,lineType:u,tableBorderColor:d,tableHeaderIconColor:f,fontSizeSM:p,tablePaddingHorizontal:m,borderRadius:h,motionDurationSlow:g,colorTextDescription:x,colorPrimary:b,tableHeaderFilterActiveBg:v,colorTextDisabled:y,tableFilterDropdownBg:w,tableFilterDropdownHeight:C,controlItemBgHover:$,controlItemBgActive:E,boxShadowSecondary:S}=e,k=`${n}-dropdown`,Z=`${t}-filter-dropdown`,N=`${n}-tree`,O=`${s}px ${u} ${d}`;return[{[`${t}-wrapper`]:{[`${t}-filter-column`]:{display:"flex",justifyContent:"space-between"},[`${t}-filter-trigger`]:{position:"relative",display:"flex",alignItems:"center",marginBlock:-a,marginInline:`${a}px ${-m/2}px`,padding:`0 ${a}px`,color:f,fontSize:p,borderRadius:h,cursor:"pointer",transition:`all ${g}`,"&:hover":{color:x,background:v},"&.active":{color:b}}}},{[`${n}-dropdown`]:{[Z]:Object.assign(Object.assign({},(0,tO.Wf)(e)),{minWidth:l,backgroundColor:w,borderRadius:h,boxShadow:S,overflow:"hidden",[`${k}-menu`]:{maxHeight:C,overflowX:"hidden",border:0,boxShadow:"none",borderRadius:"unset","&:empty::after":{display:"block",padding:`${i}px 0`,color:y,fontSize:p,textAlign:"center",content:'"Not Found"'}},[`${Z}-tree`]:{paddingBlock:`${i}px 0`,paddingInline:i,[N]:{padding:0},[`${N}-treenode ${N}-node-content-wrapper:hover`]:{backgroundColor:$},[`${N}-treenode-checkbox-checked ${N}-node-content-wrapper`]:{"&, &:hover":{backgroundColor:E}}},[`${Z}-search`]:{padding:i,borderBottom:O,"&-input":{input:{minWidth:o},[r]:{color:y}}},[`${Z}-checkall`]:{width:"100%",marginBottom:a,marginInlineStart:a},[`${Z}-btns`]:{display:"flex",justifyContent:"space-between",padding:`${i-s}px ${i}px`,overflow:"hidden",borderTop:O}})}},{[`${n}-dropdown ${Z}, ${Z}-submenu`]:{[`${n}-checkbox-wrapper + span`]:{paddingInlineStart:i,color:c},"> ul":{maxHeight:"calc(100vh - 130px)",overflowX:"hidden",overflowY:"auto"}}}]},tL=e=>{let{componentCls:t,lineWidth:n,colorSplit:r,motionDurationSlow:l,zIndexTableFixed:o,tableBg:a,zIndexTableSticky:i}=e;return{[`${t}-wrapper`]:{[` - ${t}-cell-fix-left, - ${t}-cell-fix-right - `]:{position:"sticky !important",zIndex:o,background:a},[` - ${t}-cell-fix-left-first::after, - ${t}-cell-fix-left-last::after - `]:{position:"absolute",top:0,right:{_skip_check_:!0,value:0},bottom:-n,width:30,transform:"translateX(100%)",transition:`box-shadow ${l}`,content:'""',pointerEvents:"none"},[`${t}-cell-fix-left-all::after`]:{display:"none"},[` - ${t}-cell-fix-right-first::after, - ${t}-cell-fix-right-last::after - `]:{position:"absolute",top:0,bottom:-n,left:{_skip_check_:!0,value:0},width:30,transform:"translateX(-100%)",transition:`box-shadow ${l}`,content:'""',pointerEvents:"none"},[`${t}-container`]:{"&::before, &::after":{position:"absolute",top:0,bottom:0,zIndex:i+1,width:30,transition:`box-shadow ${l}`,content:'""',pointerEvents:"none"},"&::before":{insetInlineStart:0},"&::after":{insetInlineEnd:0}},[`${t}-ping-left`]:{[`&:not(${t}-has-fix-left) ${t}-container`]:{position:"relative","&::before":{boxShadow:`inset 10px 0 8px -8px ${r}`}},[` - ${t}-cell-fix-left-first::after, - ${t}-cell-fix-left-last::after - `]:{boxShadow:`inset 10px 0 8px -8px ${r}`},[`${t}-cell-fix-left-last::before`]:{backgroundColor:"transparent !important"}},[`${t}-ping-right`]:{[`&:not(${t}-has-fix-right) ${t}-container`]:{position:"relative","&::after":{boxShadow:`inset -10px 0 8px -8px ${r}`}},[` - ${t}-cell-fix-right-first::after, - ${t}-cell-fix-right-last::after - `]:{boxShadow:`inset -10px 0 8px -8px ${r}`}}}}},tB=e=>{let{componentCls:t,antCls:n}=e;return{[`${t}-wrapper`]:{[`${t}-pagination${n}-pagination`]:{margin:`${e.margin}px 0`},[`${t}-pagination`]:{display:"flex",flexWrap:"wrap",rowGap:e.paddingXS,"> *":{flex:"none"},"&-left":{justifyContent:"flex-start"},"&-center":{justifyContent:"center"},"&-right":{justifyContent:"flex-end"}}}}},tA=e=>{let{componentCls:t,tableRadius:n}=e;return{[`${t}-wrapper`]:{[t]:{[`${t}-title, ${t}-header`]:{borderRadius:`${n}px ${n}px 0 0`},[`${t}-title + ${t}-container`]:{borderStartStartRadius:0,borderStartEndRadius:0,[`${t}-header, table`]:{borderRadius:0},"table > thead > tr:first-child":{"th:first-child, th:last-child, td:first-child, td:last-child":{borderRadius:0}}},"&-container":{borderStartStartRadius:n,borderStartEndRadius:n,"table > thead > tr:first-child":{"> *:first-child":{borderStartStartRadius:n},"> *:last-child":{borderStartEndRadius:n}}},"&-footer":{borderRadius:`0 0 ${n}px ${n}px`}}}}},t_=e=>{let{componentCls:t}=e;return{[`${t}-wrapper-rtl`]:{direction:"rtl",table:{direction:"rtl"},[`${t}-pagination-left`]:{justifyContent:"flex-end"},[`${t}-pagination-right`]:{justifyContent:"flex-start"},[`${t}-row-expand-icon`]:{float:"right","&::after":{transform:"rotate(-90deg)"},"&-collapsed::before":{transform:"rotate(180deg)"},"&-collapsed::after":{transform:"rotate(0deg)"}},[`${t}-container`]:{"&::before":{insetInlineStart:"unset",insetInlineEnd:0},"&::after":{insetInlineStart:0,insetInlineEnd:"unset"},[`${t}-row-indent`]:{float:"right"}}}}},tF=e=>{let{componentCls:t,antCls:n,iconCls:r,fontSizeIcon:l,padding:o,paddingXS:a,tableHeaderIconColor:i,tableHeaderIconColorHover:c,tableSelectionColumnWidth:s}=e;return{[`${t}-wrapper`]:{[`${t}-selection-col`]:{width:s,[`&${t}-selection-col-with-dropdown`]:{width:s+l+o/4}},[`${t}-bordered ${t}-selection-col`]:{width:s+2*a,[`&${t}-selection-col-with-dropdown`]:{width:s+l+o/4+2*a}},[` - table tr th${t}-selection-column, - table tr td${t}-selection-column - `]:{paddingInlineEnd:e.paddingXS,paddingInlineStart:e.paddingXS,textAlign:"center",[`${n}-radio-wrapper`]:{marginInlineEnd:0}},[`table tr th${t}-selection-column${t}-cell-fix-left`]:{zIndex:e.zIndexTableFixed+1},[`table tr th${t}-selection-column::after`]:{backgroundColor:"transparent !important"},[`${t}-selection`]:{position:"relative",display:"inline-flex",flexDirection:"column"},[`${t}-selection-extra`]:{position:"absolute",top:0,zIndex:1,cursor:"pointer",transition:`all ${e.motionDurationSlow}`,marginInlineStart:"100%",paddingInlineStart:`${e.tablePaddingHorizontal/4}px`,[r]:{color:i,fontSize:l,verticalAlign:"baseline","&:hover":{color:c}}}}}},tW=e=>{let{componentCls:t}=e,n=(n,r,l,o)=>({[`${t}${t}-${n}`]:{fontSize:o,[` - ${t}-title, - ${t}-footer, - ${t}-thead > tr > th, - ${t}-tbody > tr > th, - ${t}-tbody > tr > td, - tfoot > tr > th, - tfoot > tr > td - `]:{padding:`${r}px ${l}px`},[`${t}-filter-trigger`]:{marginInlineEnd:`-${l/2}px`},[`${t}-expanded-row-fixed`]:{margin:`-${r}px -${l}px`},[`${t}-tbody`]:{[`${t}-wrapper:only-child ${t}`]:{marginBlock:`-${r}px`,marginInline:`${e.tableExpandColumnWidth-l}px -${l}px`}},[`${t}-selection-column`]:{paddingInlineStart:`${l/4}px`}}});return{[`${t}-wrapper`]:Object.assign(Object.assign({},n("middle",e.tablePaddingVerticalMiddle,e.tablePaddingHorizontalMiddle,e.tableFontSizeMiddle)),n("small",e.tablePaddingVerticalSmall,e.tablePaddingHorizontalSmall,e.tableFontSizeSmall))}},tD=e=>{let{componentCls:t,marginXXS:n,fontSizeIcon:r,tableHeaderIconColor:l,tableHeaderIconColorHover:o}=e;return{[`${t}-wrapper`]:{[`${t}-thead th${t}-column-has-sorters`]:{outline:"none",cursor:"pointer",transition:`all ${e.motionDurationSlow}`,"&:hover":{background:e.tableHeaderSortHoverBg,"&::before":{backgroundColor:"transparent !important"}},"&:focus-visible":{color:e.colorPrimary},[` - &${t}-cell-fix-left:hover, - &${t}-cell-fix-right:hover - `]:{background:e.tableFixedHeaderSortActiveBg}},[`${t}-thead th${t}-column-sort`]:{background:e.tableHeaderSortBg,"&::before":{backgroundColor:"transparent !important"}},[`td${t}-column-sort`]:{background:e.tableBodySortBg},[`${t}-column-title`]:{position:"relative",zIndex:1,flex:1},[`${t}-column-sorters`]:{display:"flex",flex:"auto",alignItems:"center",justifyContent:"space-between","&::after":{position:"absolute",inset:0,width:"100%",height:"100%",content:'""'}},[`${t}-column-sorter`]:{marginInlineStart:n,color:l,fontSize:0,transition:`color ${e.motionDurationSlow}`,"&-inner":{display:"inline-flex",flexDirection:"column",alignItems:"center"},"&-up, &-down":{fontSize:r,"&.active":{color:e.colorPrimary}},[`${t}-column-sorter-up + ${t}-column-sorter-down`]:{marginTop:"-0.3em"}},[`${t}-column-sorters:hover ${t}-column-sorter`]:{color:o}}}},tK=e=>{let{componentCls:t,opacityLoading:n,tableScrollThumbBg:r,tableScrollThumbBgHover:l,tableScrollThumbSize:o,tableScrollBg:a,zIndexTableSticky:i}=e,c=`${e.lineWidth}px ${e.lineType} ${e.tableBorderColor}`;return{[`${t}-wrapper`]:{[`${t}-sticky`]:{"&-holder":{position:"sticky",zIndex:i,background:e.colorBgContainer},"&-scroll":{position:"sticky",bottom:0,height:`${o}px !important`,zIndex:i,display:"flex",alignItems:"center",background:a,borderTop:c,opacity:n,"&:hover":{transformOrigin:"center bottom"},"&-bar":{height:o,backgroundColor:r,borderRadius:100,transition:`all ${e.motionDurationSlow}, transform none`,position:"absolute",bottom:0,"&:hover, &-active":{backgroundColor:l}}}}}}},tV=e=>{let{componentCls:t,lineWidth:n,tableBorderColor:r}=e,l=`${n}px ${e.lineType} ${r}`;return{[`${t}-wrapper`]:{[`${t}-summary`]:{position:"relative",zIndex:e.zIndexTableFixed,background:e.tableBg,"> tr":{"> th, > td":{borderBottom:l}}},[`div${t}-summary`]:{boxShadow:`0 -${n}px 0 ${r}`}}}};let tX=e=>{let{componentCls:t,fontWeightStrong:n,tablePaddingVertical:r,tablePaddingHorizontal:l,lineWidth:o,lineType:a,tableBorderColor:i,tableFontSize:c,tableBg:s,tableRadius:u,tableHeaderTextColor:d,motionDurationMid:f,tableHeaderBg:p,tableHeaderCellSplitColor:m,tableRowHoverBg:h,tableSelectedRowBg:g,tableSelectedRowHoverBg:x,tableFooterTextColor:b,tableFooterBg:v,paddingContentVerticalLG:y}=e,w=`${o}px ${a} ${i}`;return{[`${t}-wrapper`]:Object.assign(Object.assign({clear:"both",maxWidth:"100%"},(0,tO.dF)()),{[t]:Object.assign(Object.assign({},(0,tO.Wf)(e)),{fontSize:c,background:s,borderRadius:`${u}px ${u}px 0 0`}),table:{width:"100%",textAlign:"start",borderRadius:`${u}px ${u}px 0 0`,borderCollapse:"separate",borderSpacing:0},[` - ${t}-thead > tr > th, - ${t}-tbody > tr > th, - ${t}-tbody > tr > td, - tfoot > tr > th, - tfoot > tr > td - `]:{position:"relative",padding:`${y}px ${l}px`,overflowWrap:"break-word"},[`${t}-title`]:{padding:`${r}px ${l}px`},[`${t}-thead`]:{[` - > tr > th, - > tr > td - `]:{position:"relative",color:d,fontWeight:n,textAlign:"start",background:p,borderBottom:w,transition:`background ${f} ease`,"&[colspan]:not([colspan='1'])":{textAlign:"center"},[`&:not(:last-child):not(${t}-selection-column):not(${t}-row-expand-icon-cell):not([colspan])::before`]:{position:"absolute",top:"50%",insetInlineEnd:0,width:1,height:"1.6em",backgroundColor:m,transform:"translateY(-50%)",transition:`background-color ${f}`,content:'""'}},"> tr:not(:last-child) > th[colspan]":{borderBottom:0}},[`${t}-tbody`]:{"> tr":{"> th, > td":{transition:`background ${f}, border-color ${f}`,borderBottom:w,[` - > ${t}-wrapper:only-child, - > ${t}-expanded-row-fixed > ${t}-wrapper:only-child - `]:{[t]:{marginBlock:`-${r}px`,marginInline:`${e.tableExpandColumnWidth-l}px -${l}px`,[`${t}-tbody > tr:last-child > td`]:{borderBottom:0,"&:first-child, &:last-child":{borderRadius:0}}}}},"> th":{position:"relative",color:d,fontWeight:n,textAlign:"start",background:p,borderBottom:w,transition:`background ${f} ease`},[` - &${t}-row:hover > th, - &${t}-row:hover > td, - > th${t}-cell-row-hover, - > td${t}-cell-row-hover - `]:{background:h},[`&${t}-row-selected`]:{"> th, > td":{background:g},"&:hover > th, &:hover > td":{background:x}}}},[`${t}-footer`]:{padding:`${r}px ${l}px`,color:b,background:v}})}};var tU=(0,tR.Z)("Table",e=>{let{controlItemBgActive:t,controlItemBgActiveHover:n,colorTextPlaceholder:r,colorTextHeading:l,colorSplit:o,colorBorderSecondary:a,fontSize:i,padding:c,paddingXS:s,paddingSM:u,controlHeight:d,colorFillAlter:f,colorIcon:p,colorIconHover:m,opacityLoading:h,colorBgContainer:g,borderRadiusLG:x,colorFillContent:b,colorFillSecondary:v,controlInteractiveSize:y}=e,w=new tN.C(p),C=new tN.C(m),$=new tN.C(v).onBackground(g).toHexShortString(),E=new tN.C(b).onBackground(g).toHexShortString(),S=new tN.C(f).onBackground(g).toHexShortString(),k=(0,tI.TS)(e,{tableFontSize:i,tableBg:g,tableRadius:x,tablePaddingVertical:c,tablePaddingHorizontal:c,tablePaddingVerticalMiddle:u,tablePaddingHorizontalMiddle:s,tablePaddingVerticalSmall:s,tablePaddingHorizontalSmall:s,tableBorderColor:a,tableHeaderTextColor:l,tableHeaderBg:S,tableFooterTextColor:l,tableFooterBg:S,tableHeaderCellSplitColor:a,tableHeaderSortBg:$,tableHeaderSortHoverBg:E,tableHeaderIconColor:w.clone().setAlpha(w.getAlpha()*h).toRgbString(),tableHeaderIconColorHover:C.clone().setAlpha(C.getAlpha()*h).toRgbString(),tableBodySortBg:S,tableFixedHeaderSortActiveBg:$,tableHeaderFilterActiveBg:b,tableFilterDropdownBg:g,tableRowHoverBg:S,tableSelectedRowBg:t,tableSelectedRowHoverBg:n,zIndexTableFixed:2,zIndexTableSticky:3,tableFontSizeMiddle:i,tableFontSizeSmall:i,tableSelectionColumnWidth:d,tableExpandIconBg:g,tableExpandColumnWidth:y+2*e.padding,tableExpandedRowBg:f,tableFilterDropdownWidth:120,tableFilterDropdownHeight:264,tableFilterDropdownSearchWidth:140,tableScrollThumbSize:8,tableScrollThumbBg:r,tableScrollThumbBgHover:l,tableScrollBg:o});return[tX(k),tB(k),tV(k),tD(k),tH(k),tj(k),tA(k),tM(k),tV(k),tP(k),tF(k),tL(k),tK(k),tz(k),tW(k),t_(k)]});let tG=[];var tY=u.forwardRef((e,t)=>{let n,r,l;let{prefixCls:a,className:i,rootClassName:c,style:s,size:d,bordered:f,dropdownPrefixCls:p,dataSource:m,pagination:h,rowSelection:g,rowKey:x="key",rowClassName:b,columns:v,children:y,childrenColumnName:w,onChange:C,getPopupContainer:$,loading:S,expandIcon:k,expandable:Z,expandedRowRender:N,expandIconColumnIndex:O,indentSize:R,scroll:I,sortDirections:j,locale:z,showSorterTooltip:P=!0}=e,T=u.useMemo(()=>v||eu(y),[v,y]),M=u.useMemo(()=>T.some(e=>e.responsive),[T]),H=(0,eR.Z)(M),L=u.useMemo(()=>{let e=new Set(Object.keys(H).filter(e=>H[e]));return T.filter(t=>!t.responsive||t.responsive.some(t=>e.has(t)))},[T,H]),B=(0,eS.Z)(e,["className","style","columns"]),{locale:A=eI.Z,direction:_,table:F,renderEmpty:W,getPrefixCls:K,getPopupContainer:V}=u.useContext(eZ.E_),X=(0,eO.Z)(d),U=Object.assign(Object.assign({},A.Table),z),G=m||tG,Y=K("table",a),J=K("dropdown",p),q=Object.assign({childrenColumnName:w,expandIconColumnIndex:O},Z),{childrenColumnName:Q="children"}=q,ee=u.useMemo(()=>G.some(e=>null==e?void 0:e[Q])?"nest":N||Z&&Z.expandedRowRender?"row":null,[G]),et={body:u.useRef()},en=u.useMemo(()=>"function"==typeof x?x:e=>null==e?void 0:e[x],[x]),[er]=function(e,t,n){let r=u.useRef({});return[function(l){if(!r.current||r.current.data!==e||r.current.childrenColumnName!==t||r.current.getRowKey!==n){let l=new Map;!function e(r){r.forEach((r,o)=>{let a=n(r,o);l.set(a,r),r&&"object"==typeof r&&t in r&&e(r[t]||[])})}(e),r.current={data:e,childrenColumnName:t,kvMap:l,getRowKey:n}}return r.current.kvMap.get(l)}]}(G,Q,en),el={},eo=function(e,t){var n,r,l;let o=arguments.length>2&&void 0!==arguments[2]&&arguments[2],a=Object.assign(Object.assign({},el),e);o&&(null===(n=el.resetPagination)||void 0===n||n.call(el),(null===(r=a.pagination)||void 0===r?void 0:r.current)&&(a.pagination.current=1),h&&h.onChange&&h.onChange(1,null===(l=a.pagination)||void 0===l?void 0:l.pageSize)),I&&!1!==I.scrollToFirstRowOnChange&&et.body.current&&(0,ek.Z)(0,{getContainer:()=>et.body.current}),null==C||C(a.pagination,a.filters,a.sorter,{currentDataSource:e5(tZ(G,a.sorterStates,Q),a.filterStates),action:t})},[ea,ei,ec,es]=function(e){let{prefixCls:t,mergedColumns:n,onSorterChange:r,sortDirections:l,tableLocale:o,showSorterTooltip:a}=e,[i,c]=u.useState(tE(n,!0)),s=u.useMemo(()=>{let e=!0,t=tE(n,!1);if(!t.length)return i;let r=[];function l(t){e?r.push(t):r.push(Object.assign(Object.assign({},t),{sortOrder:null}))}let o=null;return t.forEach(t=>{null===o?(l(t),t.sortOrder&&(!1===t.multiplePriority?e=!1:o=!0)):(o&&!1!==t.multiplePriority||(e=!1),l(t))}),r},[n,i]),d=u.useMemo(()=>{let e=s.map(e=>{let{column:t,sortOrder:n}=e;return{column:t,order:n}});return{sortColumns:e,sortColumn:e[0]&&e[0].column,sortOrder:e[0]&&e[0].order}},[s]);function f(e){let t;c(t=!1!==e.multiplePriority&&s.length&&!1!==s[0].multiplePriority?[].concat((0,D.Z)(s.filter(t=>{let{key:n}=t;return n!==e.key})),[e]):[e]),r(tk(t),t)}return[e=>(function e(t,n,r,l,o,a,i,c){return(n||[]).map((n,s)=>{let d=eM(s,c),f=n;if(f.sorter){let e;let c=f.sortDirections||o,s=void 0===f.showSorterTooltip?i:f.showSorterTooltip,p=eT(f,d),m=r.find(e=>{let{key:t}=e;return t===p}),h=m?m.sortOrder:null,g=h?c[c.indexOf(h)+1]:c[0];if(n.sortIcon)e=n.sortIcon({sortOrder:h});else{let n=c.includes(ty)&&u.createElement(tb,{className:E()(`${t}-column-sorter-up`,{active:h===ty})}),r=c.includes(tw)&&u.createElement(tg,{className:E()(`${t}-column-sorter-down`,{active:h===tw})});e=u.createElement("span",{className:E()(`${t}-column-sorter`,{[`${t}-column-sorter-full`]:!!(n&&r)})},u.createElement("span",{className:`${t}-column-sorter-inner`,"aria-hidden":"true"},n,r))}let{cancelSort:x,triggerAsc:b,triggerDesc:v}=a||{},y=x;g===tw?y=v:g===ty&&(y=b);let w="object"==typeof s?s:{title:y};f=Object.assign(Object.assign({},f),{className:E()(f.className,{[`${t}-column-sort`]:h}),title:r=>{let l=u.createElement("div",{className:`${t}-column-sorters`},u.createElement("span",{className:`${t}-column-title`},eH(n.title,r)),e);return s?u.createElement(tv.Z,Object.assign({},w),l):l},onHeaderCell:e=>{let r=n.onHeaderCell&&n.onHeaderCell(e)||{},o=r.onClick,a=r.onKeyDown;r.onClick=e=>{l({column:n,key:p,sortOrder:g,multiplePriority:tC(n)}),null==o||o(e)},r.onKeyDown=e=>{e.keyCode===eQ.Z.ENTER&&(l({column:n,key:p,sortOrder:g,multiplePriority:tC(n)}),null==a||a(e))};let i=function(e,t){let n=eH(e,t);return"[object Object]"===Object.prototype.toString.call(n)?"":n}(n.title,{}),c=null==i?void 0:i.toString();return h?r["aria-sort"]="ascend"===h?"ascending":"descending":r["aria-label"]=c||"",r.className=E()(r.className,`${t}-column-has-sorters`),r.tabIndex=0,n.ellipsis&&(r.title=(null!=i?i:"").toString()),r}})}return"children"in f&&(f=Object.assign(Object.assign({},f),{children:e(t,f.children,r,l,o,a,i,d)})),f})})(t,e,s,f,l,o,a),s,d,()=>tk(s)]}({prefixCls:Y,mergedColumns:L,onSorterChange:(e,t)=>{eo({sorter:e,sorterStates:t},"sort",!1)},sortDirections:j||["ascend","descend"],tableLocale:U,showSorterTooltip:P}),ed=u.useMemo(()=>tZ(G,ei,Q),[G,ei]);el.sorter=es(),el.sorterStates=ei;let[ef,ep,em]=e9({prefixCls:Y,locale:U,dropdownPrefixCls:J,mergedColumns:L,onFilterChange:(e,t)=>{eo({filters:e,filterStates:t},"filter",!0)},getPopupContainer:$||V}),eh=e5(ed,ep);el.filters=em,el.filterStates=ep;let eg=u.useMemo(()=>{let e={};return Object.keys(em).forEach(t=>{null!==em[t]&&(e[t]=em[t])}),Object.assign(Object.assign({},ec),{filters:e})},[ec,em]),[ex]=function(e){let t=u.useCallback(t=>(function e(t,n){return t.map(t=>{let r=Object.assign({},t);return r.title=eH(t.title,n),"children"in r&&(r.children=e(r.children,n)),r})})(t,e),[e]);return[t]}(eg),[eb,ev]=tn(eh.length,(e,t)=>{eo({pagination:Object.assign(Object.assign({},el.pagination),{current:e,pageSize:t})},"paginate")},h);el.pagination=!1===h?{}:function(e,t){let n={current:e.current,pageSize:e.pageSize},r=t&&"object"==typeof t?t:{};return Object.keys(r).forEach(t=>{let r=e[t];"function"!=typeof r&&(n[t]=r)}),n}(eb,h),el.resetPagination=ev;let ey=u.useMemo(()=>{if(!1===h||!eb.pageSize)return eh;let{current:e=1,total:t,pageSize:n=10}=eb;return eh.lengthn?eh.slice((e-1)*n,e*n):eh:eh.slice((e-1)*n,e*n)},[!!h,eh,eb&&eb.current,eb&&eb.pageSize,eb&&eb.total]),[ew,eC]=tm({prefixCls:Y,data:eh,pageData:ey,getRowKey:en,getRecordByKey:er,expandType:ee,childrenColumnName:Q,locale:U,getPopupContainer:$||V},g);q.__PARENT_RENDER_ICON__=q.expandIcon,q.expandIcon=q.expandIcon||k||function(e){let{prefixCls:t,onExpand:n,record:r,expanded:l,expandable:o}=e,a=`${t}-row-expand-icon`;return u.createElement("button",{type:"button",onClick:e=>{n(r,e),e.stopPropagation()},className:E()(a,{[`${a}-spaced`]:!o,[`${a}-expanded`]:o&&l,[`${a}-collapsed`]:o&&!l}),"aria-label":l?U.collapse:U.expand,"aria-expanded":l})},"nest"===ee&&void 0===q.expandIconColumnIndex?q.expandIconColumnIndex=g?1:0:q.expandIconColumnIndex>0&&g&&(q.expandIconColumnIndex-=1),"number"!=typeof q.indentSize&&(q.indentSize="number"==typeof R?R:15);let e$=u.useCallback(e=>ex(ew(ef(ea(e)))),[ea,ef,ew]);if(!1!==h&&(null==eb?void 0:eb.total)){let e;e=eb.size?eb.size:"small"===X||"middle"===X?"small":void 0;let t=t=>u.createElement(ej.Z,Object.assign({},eb,{className:E()(`${Y}-pagination ${Y}-pagination-${t}`,eb.className),size:e})),l="rtl"===_?"left":"right",{position:o}=eb;if(null!==o&&Array.isArray(o)){let e=o.find(e=>e.includes("top")),a=o.find(e=>e.includes("bottom")),i=o.every(e=>"none"==`${e}`);e||a||i||(r=t(l)),e&&(n=t(e.toLowerCase().replace("top",""))),a&&(r=t(a.toLowerCase().replace("bottom","")))}else r=t(l)}"boolean"==typeof S?l={spinning:S}:"object"==typeof S&&(l=Object.assign({spinning:!0},S));let[eE,eL]=tU(Y),eB=E()(`${Y}-wrapper`,null==F?void 0:F.className,{[`${Y}-wrapper-rtl`]:"rtl"===_},i,c,eL),eA=Object.assign(Object.assign({},null==F?void 0:F.style),s),e_=z&&z.emptyText||(null==W?void 0:W("Table"))||u.createElement(eN.Z,{componentName:"Table"});return eE(u.createElement("div",{ref:t,className:eB,style:eA},u.createElement(ez.Z,Object.assign({spinning:!1},l),n,u.createElement(eP,Object.assign({},B,{columns:L,direction:_,expandable:q,prefixCls:Y,className:E()({[`${Y}-middle`]:"middle"===X,[`${Y}-small`]:"small"===X,[`${Y}-bordered`]:f,[`${Y}-empty`]:0===G.length}),data:ey,rowKey:en,rowClassName:(e,t,n)=>{let r;return r="function"==typeof b?E()(b(e,t,n)):E()(b),E()({[`${Y}-row-selected`]:eC.has(en(e,t))},r)},emptyText:e_,internalHooks:o,internalRefs:et,transformColumns:e$})),r)))});let tJ=u.forwardRef((e,t)=>{let n=u.useRef(0);return n.current+=1,u.createElement(tY,Object.assign({},e,{ref:t,_renderTimes:n.current}))});tJ.SELECTION_COLUMN=tc,tJ.EXPAND_COLUMN=l,tJ.SELECTION_ALL=ts,tJ.SELECTION_INVERT=tu,tJ.SELECTION_NONE=td,tJ.Column=function(e){return null},tJ.ColumnGroup=function(e){return null},tJ.Summary=T;var tq=tJ},64019:function(e,t,n){n.d(t,{Z:function(){return l}});var r=n(73935);function l(e,t,n,l){var o=r.unstable_batchedUpdates?function(e){r.unstable_batchedUpdates(n,e)}:n;return null!=e&&e.addEventListener&&e.addEventListener(t,o,l),{remove:function(){null!=e&&e.removeEventListener&&e.removeEventListener(t,o,l)}}}},27678:function(e,t,n){function r(){return{width:document.documentElement.clientWidth,height:window.innerHeight||document.documentElement.clientHeight}}function l(e){var t=e.getBoundingClientRect(),n=document.documentElement;return{left:t.left+(window.pageXOffset||n.scrollLeft)-(n.clientLeft||document.body.clientLeft||0),top:t.top+(window.pageYOffset||n.scrollTop)-(n.clientTop||document.body.clientTop||0)}}n.d(t,{g1:function(){return r},os:function(){return l}})}}]); \ No newline at end of file diff --git a/pilot/server/static/_next/static/chunks/856.7d208912c36b6821.js b/pilot/server/static/_next/static/chunks/396.2cca7f693431f729.js similarity index 79% rename from pilot/server/static/_next/static/chunks/856.7d208912c36b6821.js rename to pilot/server/static/_next/static/chunks/396.2cca7f693431f729.js index 5cd6f3210..eadb3cc49 100644 --- a/pilot/server/static/_next/static/chunks/856.7d208912c36b6821.js +++ b/pilot/server/static/_next/static/chunks/396.2cca7f693431f729.js @@ -1,7 +1,7 @@ -(self.webpackChunk_N_E=self.webpackChunk_N_E||[]).push([[856],{24019:function(e,t,n){"use strict";n.d(t,{Z:function(){return s}});var r=n(87462),a=n(67294),i={icon:{tag:"svg",attrs:{viewBox:"64 64 896 896",focusable:"false"},children:[{tag:"path",attrs:{d:"M512 64C264.6 64 64 264.6 64 512s200.6 448 448 448 448-200.6 448-448S759.4 64 512 64zm0 820c-205.4 0-372-166.6-372-372s166.6-372 372-372 372 166.6 372 372-166.6 372-372 372z"}},{tag:"path",attrs:{d:"M686.7 638.6L544.1 535.5V288c0-4.4-3.6-8-8-8H488c-4.4 0-8 3.6-8 8v275.4c0 2.6 1.2 5 3.3 6.5l165.4 120.6c3.6 2.6 8.6 1.8 11.2-1.7l28.6-39c2.6-3.7 1.8-8.7-1.8-11.2z"}}]},name:"clock-circle",theme:"outlined"},o=n(84089),s=a.forwardRef(function(e,t){return a.createElement(o.Z,(0,r.Z)({},e,{ref:t,icon:i}))})},89035:function(e,t,n){"use strict";n.d(t,{Z:function(){return s}});var r=n(87462),a=n(67294),i={icon:{tag:"svg",attrs:{viewBox:"64 64 896 896",focusable:"false"},children:[{tag:"path",attrs:{d:"M516 673c0 4.4 3.4 8 7.5 8h185c4.1 0 7.5-3.6 7.5-8v-48c0-4.4-3.4-8-7.5-8h-185c-4.1 0-7.5 3.6-7.5 8v48zm-194.9 6.1l192-161c3.8-3.2 3.8-9.1 0-12.3l-192-160.9A7.95 7.95 0 00308 351v62.7c0 2.4 1 4.6 2.9 6.1L420.7 512l-109.8 92.2a8.1 8.1 0 00-2.9 6.1V673c0 6.8 7.9 10.5 13.1 6.1zM880 112H144c-17.7 0-32 14.3-32 32v736c0 17.7 14.3 32 32 32h736c17.7 0 32-14.3 32-32V144c0-17.7-14.3-32-32-32zm-40 728H184V184h656v656z"}}]},name:"code",theme:"outlined"},o=n(84089),s=a.forwardRef(function(e,t){return a.createElement(o.Z,(0,r.Z)({},e,{ref:t,icon:i}))})},57132:function(e,t,n){"use strict";n.d(t,{Z:function(){return s}});var r=n(87462),a=n(67294),i={icon:{tag:"svg",attrs:{viewBox:"64 64 896 896",focusable:"false"},children:[{tag:"path",attrs:{d:"M832 64H296c-4.4 0-8 3.6-8 8v56c0 4.4 3.6 8 8 8h496v688c0 4.4 3.6 8 8 8h56c4.4 0 8-3.6 8-8V96c0-17.7-14.3-32-32-32zM704 192H192c-17.7 0-32 14.3-32 32v530.7c0 8.5 3.4 16.6 9.4 22.6l173.3 173.3c2.2 2.2 4.7 4 7.4 5.5v1.9h4.2c3.5 1.3 7.2 2 11 2H704c17.7 0 32-14.3 32-32V224c0-17.7-14.3-32-32-32zM350 856.2L263.9 770H350v86.2zM664 888H414V746c0-22.1-17.9-40-40-40H232V264h432v624z"}}]},name:"copy",theme:"outlined"},o=n(84089),s=a.forwardRef(function(e,t){return a.createElement(o.Z,(0,r.Z)({},e,{ref:t,icon:i}))})},50228:function(e,t,n){"use strict";n.d(t,{Z:function(){return s}});var r=n(87462),a=n(67294),i={icon:{tag:"svg",attrs:{viewBox:"64 64 896 896",focusable:"false"},children:[{tag:"path",attrs:{d:"M300 328a60 60 0 10120 0 60 60 0 10-120 0zM852 64H172c-17.7 0-32 14.3-32 32v660c0 17.7 14.3 32 32 32h680c17.7 0 32-14.3 32-32V96c0-17.7-14.3-32-32-32zm-32 660H204V128h616v596zM604 328a60 60 0 10120 0 60 60 0 10-120 0zm250.2 556H169.8c-16.5 0-29.8 14.3-29.8 32v36c0 4.4 3.3 8 7.4 8h729.1c4.1 0 7.4-3.6 7.4-8v-36c.1-17.7-13.2-32-29.7-32zM664 508H360c-4.4 0-8 3.6-8 8v60c0 4.4 3.6 8 8 8h304c4.4 0 8-3.6 8-8v-60c0-4.4-3.6-8-8-8z"}}]},name:"robot",theme:"outlined"},o=n(84089),s=a.forwardRef(function(e,t){return a.createElement(o.Z,(0,r.Z)({},e,{ref:t,icon:i}))})},98165:function(e,t,n){"use strict";n.d(t,{Z:function(){return s}});var r=n(87462),a=n(67294),i={icon:{tag:"svg",attrs:{viewBox:"64 64 896 896",focusable:"false"},children:[{tag:"path",attrs:{d:"M168 504.2c1-43.7 10-86.1 26.9-126 17.3-41 42.1-77.7 73.7-109.4S337 212.3 378 195c42.4-17.9 87.4-27 133.9-27s91.5 9.1 133.8 27A341.5 341.5 0 01755 268.8c9.9 9.9 19.2 20.4 27.8 31.4l-60.2 47a8 8 0 003 14.1l175.7 43c5 1.2 9.9-2.6 9.9-7.7l.8-180.9c0-6.7-7.7-10.5-12.9-6.3l-56.4 44.1C765.8 155.1 646.2 92 511.8 92 282.7 92 96.3 275.6 92 503.8a8 8 0 008 8.2h60c4.4 0 7.9-3.5 8-7.8zm756 7.8h-60c-4.4 0-7.9 3.5-8 7.8-1 43.7-10 86.1-26.9 126-17.3 41-42.1 77.8-73.7 109.4A342.45 342.45 0 01512.1 856a342.24 342.24 0 01-243.2-100.8c-9.9-9.9-19.2-20.4-27.8-31.4l60.2-47a8 8 0 00-3-14.1l-175.7-43c-5-1.2-9.9 2.6-9.9 7.7l-.7 181c0 6.7 7.7 10.5 12.9 6.3l56.4-44.1C258.2 868.9 377.8 932 512.2 932c229.2 0 415.5-183.7 419.8-411.8a8 8 0 00-8-8.2z"}}]},name:"sync",theme:"outlined"},o=n(84089),s=a.forwardRef(function(e,t){return a.createElement(o.Z,(0,r.Z)({},e,{ref:t,icon:i}))})},87547:function(e,t,n){"use strict";n.d(t,{Z:function(){return s}});var r=n(87462),a=n(67294),i={icon:{tag:"svg",attrs:{viewBox:"64 64 896 896",focusable:"false"},children:[{tag:"path",attrs:{d:"M858.5 763.6a374 374 0 00-80.6-119.5 375.63 375.63 0 00-119.5-80.6c-.4-.2-.8-.3-1.2-.5C719.5 518 760 444.7 760 362c0-137-111-248-248-248S264 225 264 362c0 82.7 40.5 156 102.8 201.1-.4.2-.8.3-1.2.5-44.8 18.9-85 46-119.5 80.6a375.63 375.63 0 00-80.6 119.5A371.7 371.7 0 00136 901.8a8 8 0 008 8.2h60c4.4 0 7.9-3.5 8-7.8 2-77.2 33-149.5 87.8-204.3 56.7-56.7 132-87.9 212.2-87.9s155.5 31.2 212.2 87.9C779 752.7 810 825 812 902.2c.1 4.4 3.6 7.8 8 7.8h60a8 8 0 008-8.2c-1-47.8-10.9-94.3-29.5-138.2zM512 534c-45.9 0-89.1-17.9-121.6-50.4S340 407.9 340 362c0-45.9 17.9-89.1 50.4-121.6S466.1 190 512 190s89.1 17.9 121.6 50.4S684 316.1 684 362c0 45.9-17.9 89.1-50.4 121.6S557.9 534 512 534z"}}]},name:"user",theme:"outlined"},o=n(84089),s=a.forwardRef(function(e,t){return a.createElement(o.Z,(0,r.Z)({},e,{ref:t,icon:i}))})},1375:function(e,t,n){"use strict";async function r(e,t){let n;let r=e.getReader();for(;!(n=await r.read()).done;)t(n.value)}function a(){return{data:"",event:"",id:"",retry:void 0}}n.d(t,{a:function(){return o},L:function(){return l}});var i=function(e,t){var n={};for(var r in e)Object.prototype.hasOwnProperty.call(e,r)&&0>t.indexOf(r)&&(n[r]=e[r]);if(null!=e&&"function"==typeof Object.getOwnPropertySymbols)for(var a=0,r=Object.getOwnPropertySymbols(e);at.indexOf(r[a])&&Object.prototype.propertyIsEnumerable.call(e,r[a])&&(n[r[a]]=e[r[a]]);return n};let o="text/event-stream",s="last-event-id";function l(e,t){var{signal:n,headers:l,onopen:u,onmessage:d,onclose:p,onerror:m,openWhenHidden:g,fetch:f}=t,h=i(t,["signal","headers","onopen","onmessage","onclose","onerror","openWhenHidden","fetch"]);return new Promise((t,i)=>{let b;let E=Object.assign({},l);function T(){b.abort(),document.hidden||v()}E.accept||(E.accept=o),g||document.addEventListener("visibilitychange",T);let S=1e3,y=0;function A(){document.removeEventListener("visibilitychange",T),window.clearTimeout(y),b.abort()}null==n||n.addEventListener("abort",()=>{A(),t()});let _=null!=f?f:window.fetch,k=null!=u?u:c;async function v(){var n,o;b=new AbortController;try{let n,i,l,c;let u=await _(e,Object.assign(Object.assign({},h),{headers:E,signal:b.signal}));await k(u),await r(u.body,(o=function(e,t,n){let r=a(),i=new TextDecoder;return function(o,s){if(0===o.length)null==n||n(r),r=a();else if(s>0){let n=i.decode(o.subarray(0,s)),a=s+(32===o[s+1]?2:1),l=i.decode(o.subarray(a));switch(n){case"data":r.data=r.data?r.data+"\n"+l:l;break;case"event":r.event=l;break;case"id":e(r.id=l);break;case"retry":let c=parseInt(l,10);isNaN(c)||t(r.retry=c)}}}}(e=>{e?E[s]=e:delete E[s]},e=>{S=e},d),c=!1,function(e){void 0===n?(n=e,i=0,l=-1):n=function(e,t){let n=new Uint8Array(e.length+t.length);return n.set(e),n.set(t,e.length),n}(n,e);let t=n.length,r=0;for(;i{"open"===t&&(null==n||n(e,r)),p.current=a},[n]),g=r.useMemo(()=>void 0!==a?{open:a}:{},[a]),[f,h]=(0,i.r)({controlledProps:g,initialState:t?{open:!0}:{open:!1},onStateChange:m,reducer:s});return r.useEffect(()=>{f.open||null===p.current||p.current===o.Q.blur||null==u||u.focus()},[f.open,u]),{contextValue:{state:f,dispatch:h,popupId:l,registerPopup:c,registerTrigger:d,triggerElement:u},open:f.open}}({defaultOpen:c,onOpenChange:u,open:n});return(0,l.jsx)(a.D.Provider,{value:d,children:t})}},85241:function(e,t,n){"use strict";n.d(t,{D:function(){return a}});var r=n(67294);let a=r.createContext(null)},51633:function(e,t,n){"use strict";n.d(t,{Q:function(){return r}});let r={blur:"dropdown:blur",escapeKeyDown:"dropdown:escapeKeyDown",toggle:"dropdown:toggle",open:"dropdown:open",close:"dropdown:close"}},41132:function(e,t,n){"use strict";var r=n(34678),a=n(85893);t.Z=(0,r.Z)((0,a.jsx)("path",{d:"M18.3 5.71a.9959.9959 0 0 0-1.41 0L12 10.59 7.11 5.7a.9959.9959 0 0 0-1.41 0c-.39.39-.39 1.02 0 1.41L10.59 12 5.7 16.89c-.39.39-.39 1.02 0 1.41.39.39 1.02.39 1.41 0L12 13.41l4.89 4.89c.39.39 1.02.39 1.41 0 .39-.39.39-1.02 0-1.41L13.41 12l4.89-4.89c.38-.38.38-1.02 0-1.4z"}),"CloseRounded")},59301:function(e,t,n){"use strict";var r=n(34678),a=n(85893);t.Z=(0,r.Z)((0,a.jsx)("path",{d:"M6 10c-1.1 0-2 .9-2 2s.9 2 2 2 2-.9 2-2-.9-2-2-2zm12 0c-1.1 0-2 .9-2 2s.9 2 2 2 2-.9 2-2-.9-2-2-2zm-6 0c-1.1 0-2 .9-2 2s.9 2 2 2 2-.9 2-2-.9-2-2-2z"}),"MoreHoriz")},66478:function(e,t,n){"use strict";n.d(t,{Z:function(){return R},f:function(){return v}});var r=n(63366),a=n(87462),i=n(67294),o=n(70758),s=n(94780),l=n(14142),c=n(33703),u=n(74312),d=n(20407),p=n(78653),m=n(30220),g=n(48699),f=n(26821);function h(e){return(0,f.d6)("MuiButton",e)}let b=(0,f.sI)("MuiButton",["root","colorPrimary","colorNeutral","colorDanger","colorSuccess","colorWarning","colorContext","variantPlain","variantOutlined","variantSoft","variantSolid","focusVisible","disabled","sizeSm","sizeMd","sizeLg","fullWidth","startDecorator","endDecorator","loading","loadingIndicatorCenter"]);var E=n(89996),T=n(85893);let S=["children","action","color","variant","size","fullWidth","startDecorator","endDecorator","loading","loadingPosition","loadingIndicator","disabled","component","slots","slotProps"],y=e=>{let{color:t,disabled:n,focusVisible:r,focusVisibleClassName:a,fullWidth:i,size:o,variant:c,loading:u}=e,d={root:["root",n&&"disabled",r&&"focusVisible",i&&"fullWidth",c&&`variant${(0,l.Z)(c)}`,t&&`color${(0,l.Z)(t)}`,o&&`size${(0,l.Z)(o)}`,u&&"loading"],startDecorator:["startDecorator"],endDecorator:["endDecorator"],loadingIndicatorCenter:["loadingIndicatorCenter"]},p=(0,s.Z)(d,h,{});return r&&a&&(p.root+=` ${a}`),p},A=(0,u.Z)("span",{name:"JoyButton",slot:"StartDecorator",overridesResolver:(e,t)=>t.startDecorator})({"--Icon-margin":"0 0 0 calc(var(--Button-gap) / -2)","--CircularProgress-margin":"0 0 0 calc(var(--Button-gap) / -2)",display:"inherit",marginRight:"var(--Button-gap)"}),_=(0,u.Z)("span",{name:"JoyButton",slot:"EndDecorator",overridesResolver:(e,t)=>t.endDecorator})({"--Icon-margin":"0 calc(var(--Button-gap) / -2) 0 0","--CircularProgress-margin":"0 calc(var(--Button-gap) / -2) 0 0",display:"inherit",marginLeft:"var(--Button-gap)"}),k=(0,u.Z)("span",{name:"JoyButton",slot:"LoadingCenter",overridesResolver:(e,t)=>t.loadingIndicatorCenter})(({theme:e,ownerState:t})=>{var n,r;return(0,a.Z)({display:"inherit",position:"absolute",left:"50%",transform:"translateX(-50%)",color:null==(n=e.variants[t.variant])||null==(n=n[t.color])?void 0:n.color},t.disabled&&{color:null==(r=e.variants[`${t.variant}Disabled`])||null==(r=r[t.color])?void 0:r.color})}),v=({theme:e,ownerState:t})=>{var n,r,i,o;return[(0,a.Z)({"--Icon-margin":"initial","--Icon-color":"neutral"!==t.color||"solid"===t.variant?"currentColor":e.vars.palette.text.icon},"sm"===t.size&&{"--Icon-fontSize":e.vars.fontSize.lg,"--CircularProgress-size":"20px","--CircularProgress-thickness":"2px","--Button-gap":"0.375rem",minHeight:"var(--Button-minHeight, 2rem)",fontSize:e.vars.fontSize.sm,paddingBlock:"2px",paddingInline:"0.75rem"},"md"===t.size&&{"--Icon-fontSize":e.vars.fontSize.xl,"--CircularProgress-size":"24px","--CircularProgress-thickness":"3px","--Button-gap":"0.5rem",minHeight:"var(--Button-minHeight, 2.5rem)",fontSize:e.vars.fontSize.sm,paddingBlock:"0.25rem",paddingInline:"1rem"},"lg"===t.size&&{"--Icon-fontSize":e.vars.fontSize.xl2,"--CircularProgress-size":"28px","--CircularProgress-thickness":"4px","--Button-gap":"0.75rem",minHeight:"var(--Button-minHeight, 3rem)",fontSize:e.vars.fontSize.md,paddingBlock:"0.375rem",paddingInline:"1.5rem"},{WebkitTapHighlightColor:"transparent",borderRadius:`var(--Button-radius, ${e.vars.radius.sm})`,margin:"var(--Button-margin)",border:"none",backgroundColor:"transparent",cursor:"pointer",display:"inline-flex",alignItems:"center",justifyContent:"center",position:"relative",textDecoration:"none",fontFamily:e.vars.fontFamily.body,fontWeight:e.vars.fontWeight.lg,lineHeight:1},t.fullWidth&&{width:"100%"},{[e.focus.selector]:e.focus.default}),(0,a.Z)({},null==(n=e.variants[t.variant])?void 0:n[t.color],{"&:hover":{"@media (hover: hover)":null==(r=e.variants[`${t.variant}Hover`])?void 0:r[t.color]},'&:active, &[aria-pressed="true"]':null==(i=e.variants[`${t.variant}Active`])?void 0:i[t.color],"&:disabled":null==(o=e.variants[`${t.variant}Disabled`])?void 0:o[t.color]},"center"===t.loadingPosition&&{[`&.${b.loading}`]:{color:"transparent"}})]},C=(0,u.Z)("button",{name:"JoyButton",slot:"Root",overridesResolver:(e,t)=>t.root})(v),N=i.forwardRef(function(e,t){var n;let s=(0,d.Z)({props:e,name:"JoyButton"}),{children:l,action:u,color:f="primary",variant:h="solid",size:b="md",fullWidth:v=!1,startDecorator:N,endDecorator:R,loading:I=!1,loadingPosition:O="center",loadingIndicator:w,disabled:x,component:L,slots:D={},slotProps:P={}}=s,M=(0,r.Z)(s,S),F=i.useContext(E.Z),U=e.variant||F.variant||h,B=e.size||F.size||b,{getColor:H}=(0,p.VT)(U),G=H(e.color,F.color||f),z=null!=(n=e.disabled||e.loading)?n:F.disabled||x||I,$=i.useRef(null),j=(0,c.Z)($,t),{focusVisible:V,setFocusVisible:W,getRootProps:K}=(0,o.U)((0,a.Z)({},s,{disabled:z,rootRef:j})),Z=null!=w?w:(0,T.jsx)(g.Z,(0,a.Z)({},"context"!==G&&{color:G},{thickness:{sm:2,md:3,lg:4}[B]||3}));i.useImperativeHandle(u,()=>({focusVisible:()=>{var e;W(!0),null==(e=$.current)||e.focus()}}),[W]);let Y=(0,a.Z)({},s,{color:G,fullWidth:v,variant:U,size:B,focusVisible:V,loading:I,loadingPosition:O,disabled:z}),q=y(Y),X=(0,a.Z)({},M,{component:L,slots:D,slotProps:P}),[Q,J]=(0,m.Z)("root",{ref:t,className:q.root,elementType:C,externalForwardedProps:X,getSlotProps:K,ownerState:Y}),[ee,et]=(0,m.Z)("startDecorator",{className:q.startDecorator,elementType:A,externalForwardedProps:X,ownerState:Y}),[en,er]=(0,m.Z)("endDecorator",{className:q.endDecorator,elementType:_,externalForwardedProps:X,ownerState:Y}),[ea,ei]=(0,m.Z)("loadingIndicatorCenter",{className:q.loadingIndicatorCenter,elementType:k,externalForwardedProps:X,ownerState:Y});return(0,T.jsxs)(Q,(0,a.Z)({},J,{children:[(N||I&&"start"===O)&&(0,T.jsx)(ee,(0,a.Z)({},et,{children:I&&"start"===O?Z:N})),l,I&&"center"===O&&(0,T.jsx)(ea,(0,a.Z)({},ei,{children:Z})),(R||I&&"end"===O)&&(0,T.jsx)(en,(0,a.Z)({},er,{children:I&&"end"===O?Z:R}))]}))});N.muiName="Button";var R=N},89996:function(e,t,n){"use strict";var r=n(67294);let a=r.createContext({});t.Z=a},48699:function(e,t,n){"use strict";n.d(t,{Z:function(){return I}});var r=n(87462),a=n(63366),i=n(67294),o=n(90512),s=n(14142),l=n(94780),c=n(70917),u=n(74312),d=n(20407),p=n(78653),m=n(30220),g=n(26821);function f(e){return(0,g.d6)("MuiCircularProgress",e)}(0,g.sI)("MuiCircularProgress",["root","determinate","svg","track","progress","colorPrimary","colorNeutral","colorDanger","colorSuccess","colorWarning","colorContext","sizeSm","sizeMd","sizeLg","variantPlain","variantOutlined","variantSoft","variantSolid"]);var h=n(85893);let b=e=>e,E,T=["color","backgroundColor"],S=["children","className","color","size","variant","thickness","determinate","value","component","slots","slotProps"],y=(0,c.F4)({"0%":{transform:"rotate(-90deg)"},"100%":{transform:"rotate(270deg)"}}),A=e=>{let{determinate:t,color:n,variant:r,size:a}=e,i={root:["root",t&&"determinate",n&&`color${(0,s.Z)(n)}`,r&&`variant${(0,s.Z)(r)}`,a&&`size${(0,s.Z)(a)}`],svg:["svg"],track:["track"],progress:["progress"]};return(0,l.Z)(i,f,{})};function _(e,t){return`var(--CircularProgress-${e}Thickness, var(--CircularProgress-thickness, ${t}))`}let k=(0,u.Z)("span",{name:"JoyCircularProgress",slot:"Root",overridesResolver:(e,t)=>t.root})(({ownerState:e,theme:t})=>{var n;let i=(null==(n=t.variants[e.variant])?void 0:n[e.color])||{},{color:o,backgroundColor:s}=i,l=(0,a.Z)(i,T);return(0,r.Z)({"--Icon-fontSize":"calc(0.4 * var(--_root-size))","--CircularProgress-trackColor":s,"--CircularProgress-progressColor":o,"--CircularProgress-percent":e.value,"--CircularProgress-linecap":"round"},"sm"===e.size&&{"--_root-size":"var(--CircularProgress-size, 24px)","--_track-thickness":_("track","3px"),"--_progress-thickness":_("progress","3px")},"sm"===e.instanceSize&&{"--CircularProgress-size":"24px"},"md"===e.size&&{"--_track-thickness":_("track","6px"),"--_progress-thickness":_("progress","6px"),"--_root-size":"var(--CircularProgress-size, 40px)"},"md"===e.instanceSize&&{"--CircularProgress-size":"40px"},"lg"===e.size&&{"--_track-thickness":_("track","8px"),"--_progress-thickness":_("progress","8px"),"--_root-size":"var(--CircularProgress-size, 64px)"},"lg"===e.instanceSize&&{"--CircularProgress-size":"64px"},e.thickness&&{"--_track-thickness":`${e.thickness}px`,"--_progress-thickness":`${e.thickness}px`},{"--_thickness-diff":"calc(var(--_track-thickness) - var(--_progress-thickness))","--_inner-size":"calc(var(--_root-size) - 2 * var(--variant-borderWidth, 0px))","--_outlined-inset":"max(var(--_track-thickness), var(--_progress-thickness))",width:"var(--_root-size)",height:"var(--_root-size)",borderRadius:"var(--_root-size)",margin:"var(--CircularProgress-margin)",boxSizing:"border-box",display:"inline-flex",justifyContent:"center",alignItems:"center",flexShrink:0,position:"relative",color:o},e.children&&{fontFamily:t.vars.fontFamily.body,fontWeight:t.vars.fontWeight.md,fontSize:"calc(0.2 * var(--_root-size))"},l,"outlined"===e.variant&&{"&:before":(0,r.Z)({content:'""',display:"block",position:"absolute",borderRadius:"inherit",top:"var(--_outlined-inset)",left:"var(--_outlined-inset)",right:"var(--_outlined-inset)",bottom:"var(--_outlined-inset)"},l)})}),v=(0,u.Z)("svg",{name:"JoyCircularProgress",slot:"Svg",overridesResolver:(e,t)=>t.svg})({width:"inherit",height:"inherit",display:"inherit",boxSizing:"inherit",position:"absolute",top:"calc(-1 * var(--variant-borderWidth, 0px))",left:"calc(-1 * var(--variant-borderWidth, 0px))"}),C=(0,u.Z)("circle",{name:"JoyCircularProgress",slot:"track",overridesResolver:(e,t)=>t.track})({cx:"50%",cy:"50%",r:"calc(var(--_inner-size) / 2 - var(--_track-thickness) / 2 + min(0px, var(--_thickness-diff) / 2))",fill:"transparent",strokeWidth:"var(--_track-thickness)",stroke:"var(--CircularProgress-trackColor)"}),N=(0,u.Z)("circle",{name:"JoyCircularProgress",slot:"progress",overridesResolver:(e,t)=>t.progress})({"--_progress-radius":"calc(var(--_inner-size) / 2 - var(--_progress-thickness) / 2 - max(0px, var(--_thickness-diff) / 2))","--_progress-length":"calc(2 * 3.1415926535 * var(--_progress-radius))",cx:"50%",cy:"50%",r:"var(--_progress-radius)",fill:"transparent",strokeWidth:"var(--_progress-thickness)",stroke:"var(--CircularProgress-progressColor)",strokeLinecap:"var(--CircularProgress-linecap, round)",strokeDasharray:"var(--_progress-length)",strokeDashoffset:"calc(var(--_progress-length) - var(--CircularProgress-percent) * var(--_progress-length) / 100)",transformOrigin:"center",transform:"rotate(-90deg)"},({ownerState:e})=>!e.determinate&&(0,c.iv)(E||(E=b` +(self.webpackChunk_N_E=self.webpackChunk_N_E||[]).push([[396],{24019:function(e,t,n){"use strict";n.d(t,{Z:function(){return s}});var r=n(87462),a=n(67294),i={icon:{tag:"svg",attrs:{viewBox:"64 64 896 896",focusable:"false"},children:[{tag:"path",attrs:{d:"M512 64C264.6 64 64 264.6 64 512s200.6 448 448 448 448-200.6 448-448S759.4 64 512 64zm0 820c-205.4 0-372-166.6-372-372s166.6-372 372-372 372 166.6 372 372-166.6 372-372 372z"}},{tag:"path",attrs:{d:"M686.7 638.6L544.1 535.5V288c0-4.4-3.6-8-8-8H488c-4.4 0-8 3.6-8 8v275.4c0 2.6 1.2 5 3.3 6.5l165.4 120.6c3.6 2.6 8.6 1.8 11.2-1.7l28.6-39c2.6-3.7 1.8-8.7-1.8-11.2z"}}]},name:"clock-circle",theme:"outlined"},o=n(84089),s=a.forwardRef(function(e,t){return a.createElement(o.Z,(0,r.Z)({},e,{ref:t,icon:i}))})},89035:function(e,t,n){"use strict";n.d(t,{Z:function(){return s}});var r=n(87462),a=n(67294),i={icon:{tag:"svg",attrs:{viewBox:"64 64 896 896",focusable:"false"},children:[{tag:"path",attrs:{d:"M516 673c0 4.4 3.4 8 7.5 8h185c4.1 0 7.5-3.6 7.5-8v-48c0-4.4-3.4-8-7.5-8h-185c-4.1 0-7.5 3.6-7.5 8v48zm-194.9 6.1l192-161c3.8-3.2 3.8-9.1 0-12.3l-192-160.9A7.95 7.95 0 00308 351v62.7c0 2.4 1 4.6 2.9 6.1L420.7 512l-109.8 92.2a8.1 8.1 0 00-2.9 6.1V673c0 6.8 7.9 10.5 13.1 6.1zM880 112H144c-17.7 0-32 14.3-32 32v736c0 17.7 14.3 32 32 32h736c17.7 0 32-14.3 32-32V144c0-17.7-14.3-32-32-32zm-40 728H184V184h656v656z"}}]},name:"code",theme:"outlined"},o=n(84089),s=a.forwardRef(function(e,t){return a.createElement(o.Z,(0,r.Z)({},e,{ref:t,icon:i}))})},57132:function(e,t,n){"use strict";n.d(t,{Z:function(){return s}});var r=n(87462),a=n(67294),i={icon:{tag:"svg",attrs:{viewBox:"64 64 896 896",focusable:"false"},children:[{tag:"path",attrs:{d:"M832 64H296c-4.4 0-8 3.6-8 8v56c0 4.4 3.6 8 8 8h496v688c0 4.4 3.6 8 8 8h56c4.4 0 8-3.6 8-8V96c0-17.7-14.3-32-32-32zM704 192H192c-17.7 0-32 14.3-32 32v530.7c0 8.5 3.4 16.6 9.4 22.6l173.3 173.3c2.2 2.2 4.7 4 7.4 5.5v1.9h4.2c3.5 1.3 7.2 2 11 2H704c17.7 0 32-14.3 32-32V224c0-17.7-14.3-32-32-32zM350 856.2L263.9 770H350v86.2zM664 888H414V746c0-22.1-17.9-40-40-40H232V264h432v624z"}}]},name:"copy",theme:"outlined"},o=n(84089),s=a.forwardRef(function(e,t){return a.createElement(o.Z,(0,r.Z)({},e,{ref:t,icon:i}))})},14079:function(e,t,n){"use strict";n.d(t,{Z:function(){return s}});var r=n(87462),a=n(67294),i={icon:{tag:"svg",attrs:{viewBox:"64 64 896 896",focusable:"false"},children:[{tag:"path",attrs:{d:"M928 161H699.2c-49.1 0-97.1 14.1-138.4 40.7L512 233l-48.8-31.3A255.2 255.2 0 00324.8 161H96c-17.7 0-32 14.3-32 32v568c0 17.7 14.3 32 32 32h228.8c49.1 0 97.1 14.1 138.4 40.7l44.4 28.6c1.3.8 2.8 1.3 4.3 1.3s3-.4 4.3-1.3l44.4-28.6C602 807.1 650.1 793 699.2 793H928c17.7 0 32-14.3 32-32V193c0-17.7-14.3-32-32-32zM324.8 721H136V233h188.8c35.4 0 69.8 10.1 99.5 29.2l48.8 31.3 6.9 4.5v462c-47.6-25.6-100.8-39-155.2-39zm563.2 0H699.2c-54.4 0-107.6 13.4-155.2 39V298l6.9-4.5 48.8-31.3c29.7-19.1 64.1-29.2 99.5-29.2H888v488zM396.9 361H211.1c-3.9 0-7.1 3.4-7.1 7.5v45c0 4.1 3.2 7.5 7.1 7.5h185.7c3.9 0 7.1-3.4 7.1-7.5v-45c.1-4.1-3.1-7.5-7-7.5zm223.1 7.5v45c0 4.1 3.2 7.5 7.1 7.5h185.7c3.9 0 7.1-3.4 7.1-7.5v-45c0-4.1-3.2-7.5-7.1-7.5H627.1c-3.9 0-7.1 3.4-7.1 7.5zM396.9 501H211.1c-3.9 0-7.1 3.4-7.1 7.5v45c0 4.1 3.2 7.5 7.1 7.5h185.7c3.9 0 7.1-3.4 7.1-7.5v-45c.1-4.1-3.1-7.5-7-7.5zm416 0H627.1c-3.9 0-7.1 3.4-7.1 7.5v45c0 4.1 3.2 7.5 7.1 7.5h185.7c3.9 0 7.1-3.4 7.1-7.5v-45c.1-4.1-3.1-7.5-7-7.5z"}}]},name:"read",theme:"outlined"},o=n(84089),s=a.forwardRef(function(e,t){return a.createElement(o.Z,(0,r.Z)({},e,{ref:t,icon:i}))})},87740:function(e,t,n){"use strict";n.d(t,{Z:function(){return s}});var r=n(87462),a=n(67294),i={icon:{tag:"svg",attrs:{viewBox:"64 64 896 896",focusable:"false"},children:[{tag:"path",attrs:{d:"M758.2 839.1C851.8 765.9 912 651.9 912 523.9 912 303 733.5 124.3 512.6 124 291.4 123.7 112 302.8 112 523.9c0 125.2 57.5 236.9 147.6 310.2 3.5 2.8 8.6 2.2 11.4-1.3l39.4-50.5c2.7-3.4 2.1-8.3-1.2-11.1-8.1-6.6-15.9-13.7-23.4-21.2a318.64 318.64 0 01-68.6-101.7C200.4 609 192 567.1 192 523.9s8.4-85.1 25.1-124.5c16.1-38.1 39.2-72.3 68.6-101.7 29.4-29.4 63.6-52.5 101.7-68.6C426.9 212.4 468.8 204 512 204s85.1 8.4 124.5 25.1c38.1 16.1 72.3 39.2 101.7 68.6 29.4 29.4 52.5 63.6 68.6 101.7 16.7 39.4 25.1 81.3 25.1 124.5s-8.4 85.1-25.1 124.5a318.64 318.64 0 01-68.6 101.7c-9.3 9.3-19.1 18-29.3 26L668.2 724a8 8 0 00-14.1 3l-39.6 162.2c-1.2 5 2.6 9.9 7.7 9.9l167 .8c6.7 0 10.5-7.7 6.3-12.9l-37.3-47.9z"}}]},name:"redo",theme:"outlined"},o=n(84089),s=a.forwardRef(function(e,t){return a.createElement(o.Z,(0,r.Z)({},e,{ref:t,icon:i}))})},50228:function(e,t,n){"use strict";n.d(t,{Z:function(){return s}});var r=n(87462),a=n(67294),i={icon:{tag:"svg",attrs:{viewBox:"64 64 896 896",focusable:"false"},children:[{tag:"path",attrs:{d:"M300 328a60 60 0 10120 0 60 60 0 10-120 0zM852 64H172c-17.7 0-32 14.3-32 32v660c0 17.7 14.3 32 32 32h680c17.7 0 32-14.3 32-32V96c0-17.7-14.3-32-32-32zm-32 660H204V128h616v596zM604 328a60 60 0 10120 0 60 60 0 10-120 0zm250.2 556H169.8c-16.5 0-29.8 14.3-29.8 32v36c0 4.4 3.3 8 7.4 8h729.1c4.1 0 7.4-3.6 7.4-8v-36c.1-17.7-13.2-32-29.7-32zM664 508H360c-4.4 0-8 3.6-8 8v60c0 4.4 3.6 8 8 8h304c4.4 0 8-3.6 8-8v-60c0-4.4-3.6-8-8-8z"}}]},name:"robot",theme:"outlined"},o=n(84089),s=a.forwardRef(function(e,t){return a.createElement(o.Z,(0,r.Z)({},e,{ref:t,icon:i}))})},98165:function(e,t,n){"use strict";n.d(t,{Z:function(){return s}});var r=n(87462),a=n(67294),i={icon:{tag:"svg",attrs:{viewBox:"64 64 896 896",focusable:"false"},children:[{tag:"path",attrs:{d:"M168 504.2c1-43.7 10-86.1 26.9-126 17.3-41 42.1-77.7 73.7-109.4S337 212.3 378 195c42.4-17.9 87.4-27 133.9-27s91.5 9.1 133.8 27A341.5 341.5 0 01755 268.8c9.9 9.9 19.2 20.4 27.8 31.4l-60.2 47a8 8 0 003 14.1l175.7 43c5 1.2 9.9-2.6 9.9-7.7l.8-180.9c0-6.7-7.7-10.5-12.9-6.3l-56.4 44.1C765.8 155.1 646.2 92 511.8 92 282.7 92 96.3 275.6 92 503.8a8 8 0 008 8.2h60c4.4 0 7.9-3.5 8-7.8zm756 7.8h-60c-4.4 0-7.9 3.5-8 7.8-1 43.7-10 86.1-26.9 126-17.3 41-42.1 77.8-73.7 109.4A342.45 342.45 0 01512.1 856a342.24 342.24 0 01-243.2-100.8c-9.9-9.9-19.2-20.4-27.8-31.4l60.2-47a8 8 0 00-3-14.1l-175.7-43c-5-1.2-9.9 2.6-9.9 7.7l-.7 181c0 6.7 7.7 10.5 12.9 6.3l56.4-44.1C258.2 868.9 377.8 932 512.2 932c229.2 0 415.5-183.7 419.8-411.8a8 8 0 00-8-8.2z"}}]},name:"sync",theme:"outlined"},o=n(84089),s=a.forwardRef(function(e,t){return a.createElement(o.Z,(0,r.Z)({},e,{ref:t,icon:i}))})},87547:function(e,t,n){"use strict";n.d(t,{Z:function(){return s}});var r=n(87462),a=n(67294),i={icon:{tag:"svg",attrs:{viewBox:"64 64 896 896",focusable:"false"},children:[{tag:"path",attrs:{d:"M858.5 763.6a374 374 0 00-80.6-119.5 375.63 375.63 0 00-119.5-80.6c-.4-.2-.8-.3-1.2-.5C719.5 518 760 444.7 760 362c0-137-111-248-248-248S264 225 264 362c0 82.7 40.5 156 102.8 201.1-.4.2-.8.3-1.2.5-44.8 18.9-85 46-119.5 80.6a375.63 375.63 0 00-80.6 119.5A371.7 371.7 0 00136 901.8a8 8 0 008 8.2h60c4.4 0 7.9-3.5 8-7.8 2-77.2 33-149.5 87.8-204.3 56.7-56.7 132-87.9 212.2-87.9s155.5 31.2 212.2 87.9C779 752.7 810 825 812 902.2c.1 4.4 3.6 7.8 8 7.8h60a8 8 0 008-8.2c-1-47.8-10.9-94.3-29.5-138.2zM512 534c-45.9 0-89.1-17.9-121.6-50.4S340 407.9 340 362c0-45.9 17.9-89.1 50.4-121.6S466.1 190 512 190s89.1 17.9 121.6 50.4S684 316.1 684 362c0 45.9-17.9 89.1-50.4 121.6S557.9 534 512 534z"}}]},name:"user",theme:"outlined"},o=n(84089),s=a.forwardRef(function(e,t){return a.createElement(o.Z,(0,r.Z)({},e,{ref:t,icon:i}))})},72868:function(e,t,n){"use strict";n.d(t,{L:function(){return c}});var r=n(67294),a=n(85241),i=n(78031),o=n(51633);function s(e,t){switch(t.type){case o.Q.blur:case o.Q.escapeKeyDown:return{open:!1};case o.Q.toggle:return{open:!e.open};case o.Q.open:return{open:!0};case o.Q.close:return{open:!1};default:throw Error("Unhandled action")}}var l=n(85893);function c(e){let{children:t,open:n,defaultOpen:c,onOpenChange:u}=e,{contextValue:d}=function(e={}){let{defaultOpen:t,onOpenChange:n,open:a}=e,[l,c]=r.useState(""),[u,d]=r.useState(null),p=r.useRef(null),m=r.useCallback((e,t,r,a)=>{"open"===t&&(null==n||n(e,r)),p.current=a},[n]),g=r.useMemo(()=>void 0!==a?{open:a}:{},[a]),[f,h]=(0,i.r)({controlledProps:g,initialState:t?{open:!0}:{open:!1},onStateChange:m,reducer:s});return r.useEffect(()=>{f.open||null===p.current||p.current===o.Q.blur||null==u||u.focus()},[f.open,u]),{contextValue:{state:f,dispatch:h,popupId:l,registerPopup:c,registerTrigger:d,triggerElement:u},open:f.open}}({defaultOpen:c,onOpenChange:u,open:n});return(0,l.jsx)(a.D.Provider,{value:d,children:t})}},85241:function(e,t,n){"use strict";n.d(t,{D:function(){return a}});var r=n(67294);let a=r.createContext(null)},51633:function(e,t,n){"use strict";n.d(t,{Q:function(){return r}});let r={blur:"dropdown:blur",escapeKeyDown:"dropdown:escapeKeyDown",toggle:"dropdown:toggle",open:"dropdown:open",close:"dropdown:close"}},41132:function(e,t,n){"use strict";var r=n(34678),a=n(85893);t.Z=(0,r.Z)((0,a.jsx)("path",{d:"M18.3 5.71a.9959.9959 0 0 0-1.41 0L12 10.59 7.11 5.7a.9959.9959 0 0 0-1.41 0c-.39.39-.39 1.02 0 1.41L10.59 12 5.7 16.89c-.39.39-.39 1.02 0 1.41.39.39 1.02.39 1.41 0L12 13.41l4.89 4.89c.39.39 1.02.39 1.41 0 .39-.39.39-1.02 0-1.41L13.41 12l4.89-4.89c.38-.38.38-1.02 0-1.4z"}),"CloseRounded")},59301:function(e,t,n){"use strict";var r=n(34678),a=n(85893);t.Z=(0,r.Z)((0,a.jsx)("path",{d:"M6 10c-1.1 0-2 .9-2 2s.9 2 2 2 2-.9 2-2-.9-2-2-2zm12 0c-1.1 0-2 .9-2 2s.9 2 2 2 2-.9 2-2-.9-2-2-2zm-6 0c-1.1 0-2 .9-2 2s.9 2 2 2 2-.9 2-2-.9-2-2-2z"}),"MoreHoriz")},66478:function(e,t,n){"use strict";n.d(t,{Z:function(){return R},f:function(){return v}});var r=n(63366),a=n(87462),i=n(67294),o=n(70758),s=n(94780),l=n(14142),c=n(33703),u=n(74312),d=n(20407),p=n(78653),m=n(30220),g=n(48699),f=n(26821);function h(e){return(0,f.d6)("MuiButton",e)}let b=(0,f.sI)("MuiButton",["root","colorPrimary","colorNeutral","colorDanger","colorSuccess","colorWarning","colorContext","variantPlain","variantOutlined","variantSoft","variantSolid","focusVisible","disabled","sizeSm","sizeMd","sizeLg","fullWidth","startDecorator","endDecorator","loading","loadingIndicatorCenter"]);var E=n(89996),T=n(85893);let S=["children","action","color","variant","size","fullWidth","startDecorator","endDecorator","loading","loadingPosition","loadingIndicator","disabled","component","slots","slotProps"],y=e=>{let{color:t,disabled:n,focusVisible:r,focusVisibleClassName:a,fullWidth:i,size:o,variant:c,loading:u}=e,d={root:["root",n&&"disabled",r&&"focusVisible",i&&"fullWidth",c&&`variant${(0,l.Z)(c)}`,t&&`color${(0,l.Z)(t)}`,o&&`size${(0,l.Z)(o)}`,u&&"loading"],startDecorator:["startDecorator"],endDecorator:["endDecorator"],loadingIndicatorCenter:["loadingIndicatorCenter"]},p=(0,s.Z)(d,h,{});return r&&a&&(p.root+=` ${a}`),p},A=(0,u.Z)("span",{name:"JoyButton",slot:"StartDecorator",overridesResolver:(e,t)=>t.startDecorator})({"--Icon-margin":"0 0 0 calc(var(--Button-gap) / -2)","--CircularProgress-margin":"0 0 0 calc(var(--Button-gap) / -2)",display:"inherit",marginRight:"var(--Button-gap)"}),_=(0,u.Z)("span",{name:"JoyButton",slot:"EndDecorator",overridesResolver:(e,t)=>t.endDecorator})({"--Icon-margin":"0 calc(var(--Button-gap) / -2) 0 0","--CircularProgress-margin":"0 calc(var(--Button-gap) / -2) 0 0",display:"inherit",marginLeft:"var(--Button-gap)"}),k=(0,u.Z)("span",{name:"JoyButton",slot:"LoadingCenter",overridesResolver:(e,t)=>t.loadingIndicatorCenter})(({theme:e,ownerState:t})=>{var n,r;return(0,a.Z)({display:"inherit",position:"absolute",left:"50%",transform:"translateX(-50%)",color:null==(n=e.variants[t.variant])||null==(n=n[t.color])?void 0:n.color},t.disabled&&{color:null==(r=e.variants[`${t.variant}Disabled`])||null==(r=r[t.color])?void 0:r.color})}),v=({theme:e,ownerState:t})=>{var n,r,i,o;return[(0,a.Z)({"--Icon-margin":"initial","--Icon-color":"neutral"!==t.color||"solid"===t.variant?"currentColor":e.vars.palette.text.icon},"sm"===t.size&&{"--Icon-fontSize":e.vars.fontSize.lg,"--CircularProgress-size":"20px","--CircularProgress-thickness":"2px","--Button-gap":"0.375rem",minHeight:"var(--Button-minHeight, 2rem)",fontSize:e.vars.fontSize.sm,paddingBlock:"2px",paddingInline:"0.75rem"},"md"===t.size&&{"--Icon-fontSize":e.vars.fontSize.xl,"--CircularProgress-size":"24px","--CircularProgress-thickness":"3px","--Button-gap":"0.5rem",minHeight:"var(--Button-minHeight, 2.5rem)",fontSize:e.vars.fontSize.sm,paddingBlock:"0.25rem",paddingInline:"1rem"},"lg"===t.size&&{"--Icon-fontSize":e.vars.fontSize.xl2,"--CircularProgress-size":"28px","--CircularProgress-thickness":"4px","--Button-gap":"0.75rem",minHeight:"var(--Button-minHeight, 3rem)",fontSize:e.vars.fontSize.md,paddingBlock:"0.375rem",paddingInline:"1.5rem"},{WebkitTapHighlightColor:"transparent",borderRadius:`var(--Button-radius, ${e.vars.radius.sm})`,margin:"var(--Button-margin)",border:"none",backgroundColor:"transparent",cursor:"pointer",display:"inline-flex",alignItems:"center",justifyContent:"center",position:"relative",textDecoration:"none",fontFamily:e.vars.fontFamily.body,fontWeight:e.vars.fontWeight.lg,lineHeight:1},t.fullWidth&&{width:"100%"},{[e.focus.selector]:e.focus.default}),(0,a.Z)({},null==(n=e.variants[t.variant])?void 0:n[t.color],{"&:hover":{"@media (hover: hover)":null==(r=e.variants[`${t.variant}Hover`])?void 0:r[t.color]},'&:active, &[aria-pressed="true"]':null==(i=e.variants[`${t.variant}Active`])?void 0:i[t.color],"&:disabled":null==(o=e.variants[`${t.variant}Disabled`])?void 0:o[t.color]},"center"===t.loadingPosition&&{[`&.${b.loading}`]:{color:"transparent"}})]},N=(0,u.Z)("button",{name:"JoyButton",slot:"Root",overridesResolver:(e,t)=>t.root})(v),C=i.forwardRef(function(e,t){var n;let s=(0,d.Z)({props:e,name:"JoyButton"}),{children:l,action:u,color:f="primary",variant:h="solid",size:b="md",fullWidth:v=!1,startDecorator:C,endDecorator:R,loading:I=!1,loadingPosition:O="center",loadingIndicator:w,disabled:x,component:L,slots:D={},slotProps:P={}}=s,M=(0,r.Z)(s,S),F=i.useContext(E.Z),U=e.variant||F.variant||h,B=e.size||F.size||b,{getColor:H}=(0,p.VT)(U),G=H(e.color,F.color||f),z=null!=(n=e.disabled||e.loading)?n:F.disabled||x||I,$=i.useRef(null),j=(0,c.Z)($,t),{focusVisible:V,setFocusVisible:W,getRootProps:K}=(0,o.U)((0,a.Z)({},s,{disabled:z,rootRef:j})),Z=null!=w?w:(0,T.jsx)(g.Z,(0,a.Z)({},"context"!==G&&{color:G},{thickness:{sm:2,md:3,lg:4}[B]||3}));i.useImperativeHandle(u,()=>({focusVisible:()=>{var e;W(!0),null==(e=$.current)||e.focus()}}),[W]);let Y=(0,a.Z)({},s,{color:G,fullWidth:v,variant:U,size:B,focusVisible:V,loading:I,loadingPosition:O,disabled:z}),q=y(Y),X=(0,a.Z)({},M,{component:L,slots:D,slotProps:P}),[Q,J]=(0,m.Z)("root",{ref:t,className:q.root,elementType:N,externalForwardedProps:X,getSlotProps:K,ownerState:Y}),[ee,et]=(0,m.Z)("startDecorator",{className:q.startDecorator,elementType:A,externalForwardedProps:X,ownerState:Y}),[en,er]=(0,m.Z)("endDecorator",{className:q.endDecorator,elementType:_,externalForwardedProps:X,ownerState:Y}),[ea,ei]=(0,m.Z)("loadingIndicatorCenter",{className:q.loadingIndicatorCenter,elementType:k,externalForwardedProps:X,ownerState:Y});return(0,T.jsxs)(Q,(0,a.Z)({},J,{children:[(C||I&&"start"===O)&&(0,T.jsx)(ee,(0,a.Z)({},et,{children:I&&"start"===O?Z:C})),l,I&&"center"===O&&(0,T.jsx)(ea,(0,a.Z)({},ei,{children:Z})),(R||I&&"end"===O)&&(0,T.jsx)(en,(0,a.Z)({},er,{children:I&&"end"===O?Z:R}))]}))});C.muiName="Button";var R=C},89996:function(e,t,n){"use strict";var r=n(67294);let a=r.createContext({});t.Z=a},48699:function(e,t,n){"use strict";n.d(t,{Z:function(){return I}});var r=n(87462),a=n(63366),i=n(67294),o=n(90512),s=n(14142),l=n(94780),c=n(70917),u=n(74312),d=n(20407),p=n(78653),m=n(30220),g=n(26821);function f(e){return(0,g.d6)("MuiCircularProgress",e)}(0,g.sI)("MuiCircularProgress",["root","determinate","svg","track","progress","colorPrimary","colorNeutral","colorDanger","colorSuccess","colorWarning","colorContext","sizeSm","sizeMd","sizeLg","variantPlain","variantOutlined","variantSoft","variantSolid"]);var h=n(85893);let b=e=>e,E,T=["color","backgroundColor"],S=["children","className","color","size","variant","thickness","determinate","value","component","slots","slotProps"],y=(0,c.F4)({"0%":{transform:"rotate(-90deg)"},"100%":{transform:"rotate(270deg)"}}),A=e=>{let{determinate:t,color:n,variant:r,size:a}=e,i={root:["root",t&&"determinate",n&&`color${(0,s.Z)(n)}`,r&&`variant${(0,s.Z)(r)}`,a&&`size${(0,s.Z)(a)}`],svg:["svg"],track:["track"],progress:["progress"]};return(0,l.Z)(i,f,{})};function _(e,t){return`var(--CircularProgress-${e}Thickness, var(--CircularProgress-thickness, ${t}))`}let k=(0,u.Z)("span",{name:"JoyCircularProgress",slot:"Root",overridesResolver:(e,t)=>t.root})(({ownerState:e,theme:t})=>{var n;let i=(null==(n=t.variants[e.variant])?void 0:n[e.color])||{},{color:o,backgroundColor:s}=i,l=(0,a.Z)(i,T);return(0,r.Z)({"--Icon-fontSize":"calc(0.4 * var(--_root-size))","--CircularProgress-trackColor":s,"--CircularProgress-progressColor":o,"--CircularProgress-percent":e.value,"--CircularProgress-linecap":"round"},"sm"===e.size&&{"--_root-size":"var(--CircularProgress-size, 24px)","--_track-thickness":_("track","3px"),"--_progress-thickness":_("progress","3px")},"sm"===e.instanceSize&&{"--CircularProgress-size":"24px"},"md"===e.size&&{"--_track-thickness":_("track","6px"),"--_progress-thickness":_("progress","6px"),"--_root-size":"var(--CircularProgress-size, 40px)"},"md"===e.instanceSize&&{"--CircularProgress-size":"40px"},"lg"===e.size&&{"--_track-thickness":_("track","8px"),"--_progress-thickness":_("progress","8px"),"--_root-size":"var(--CircularProgress-size, 64px)"},"lg"===e.instanceSize&&{"--CircularProgress-size":"64px"},e.thickness&&{"--_track-thickness":`${e.thickness}px`,"--_progress-thickness":`${e.thickness}px`},{"--_thickness-diff":"calc(var(--_track-thickness) - var(--_progress-thickness))","--_inner-size":"calc(var(--_root-size) - 2 * var(--variant-borderWidth, 0px))","--_outlined-inset":"max(var(--_track-thickness), var(--_progress-thickness))",width:"var(--_root-size)",height:"var(--_root-size)",borderRadius:"var(--_root-size)",margin:"var(--CircularProgress-margin)",boxSizing:"border-box",display:"inline-flex",justifyContent:"center",alignItems:"center",flexShrink:0,position:"relative",color:o},e.children&&{fontFamily:t.vars.fontFamily.body,fontWeight:t.vars.fontWeight.md,fontSize:"calc(0.2 * var(--_root-size))"},l,"outlined"===e.variant&&{"&:before":(0,r.Z)({content:'""',display:"block",position:"absolute",borderRadius:"inherit",top:"var(--_outlined-inset)",left:"var(--_outlined-inset)",right:"var(--_outlined-inset)",bottom:"var(--_outlined-inset)"},l)})}),v=(0,u.Z)("svg",{name:"JoyCircularProgress",slot:"Svg",overridesResolver:(e,t)=>t.svg})({width:"inherit",height:"inherit",display:"inherit",boxSizing:"inherit",position:"absolute",top:"calc(-1 * var(--variant-borderWidth, 0px))",left:"calc(-1 * var(--variant-borderWidth, 0px))"}),N=(0,u.Z)("circle",{name:"JoyCircularProgress",slot:"track",overridesResolver:(e,t)=>t.track})({cx:"50%",cy:"50%",r:"calc(var(--_inner-size) / 2 - var(--_track-thickness) / 2 + min(0px, var(--_thickness-diff) / 2))",fill:"transparent",strokeWidth:"var(--_track-thickness)",stroke:"var(--CircularProgress-trackColor)"}),C=(0,u.Z)("circle",{name:"JoyCircularProgress",slot:"progress",overridesResolver:(e,t)=>t.progress})({"--_progress-radius":"calc(var(--_inner-size) / 2 - var(--_progress-thickness) / 2 - max(0px, var(--_thickness-diff) / 2))","--_progress-length":"calc(2 * 3.1415926535 * var(--_progress-radius))",cx:"50%",cy:"50%",r:"var(--_progress-radius)",fill:"transparent",strokeWidth:"var(--_progress-thickness)",stroke:"var(--CircularProgress-progressColor)",strokeLinecap:"var(--CircularProgress-linecap, round)",strokeDasharray:"var(--_progress-length)",strokeDashoffset:"calc(var(--_progress-length) - var(--CircularProgress-percent) * var(--_progress-length) / 100)",transformOrigin:"center",transform:"rotate(-90deg)"},({ownerState:e})=>!e.determinate&&(0,c.iv)(E||(E=b` animation: var(--CircularProgress-circulation, 0.8s linear 0s infinite normal none running) ${0}; - `),y)),R=i.forwardRef(function(e,t){let n=(0,d.Z)({props:e,name:"JoyCircularProgress"}),{children:i,className:s,color:l="primary",size:c="md",variant:u="soft",thickness:g,determinate:f=!1,value:b=f?0:25,component:E,slots:T={},slotProps:y={}}=n,_=(0,a.Z)(n,S),{getColor:R}=(0,p.VT)(u),I=R(e.color,l),O=(0,r.Z)({},n,{color:I,size:c,variant:u,thickness:g,value:b,determinate:f,instanceSize:e.size}),w=A(O),x=(0,r.Z)({},_,{component:E,slots:T,slotProps:y}),[L,D]=(0,m.Z)("root",{ref:t,className:(0,o.Z)(w.root,s),elementType:k,externalForwardedProps:x,ownerState:O,additionalProps:(0,r.Z)({role:"progressbar",style:{"--CircularProgress-percent":b}},b&&f&&{"aria-valuenow":"number"==typeof b?Math.round(b):Math.round(Number(b||0))})}),[P,M]=(0,m.Z)("svg",{className:w.svg,elementType:v,externalForwardedProps:x,ownerState:O}),[F,U]=(0,m.Z)("track",{className:w.track,elementType:C,externalForwardedProps:x,ownerState:O}),[B,H]=(0,m.Z)("progress",{className:w.progress,elementType:N,externalForwardedProps:x,ownerState:O});return(0,h.jsxs)(L,(0,r.Z)({},D,{children:[(0,h.jsxs)(P,(0,r.Z)({},M,{children:[(0,h.jsx)(F,(0,r.Z)({},U)),(0,h.jsx)(B,(0,r.Z)({},H))]})),i]}))});var I=R},26047:function(e,t,n){"use strict";n.d(t,{Z:function(){return G}});var r=n(87462),a=n(63366),i=n(67294),o=n(90512),s=n(94780),l=n(34867),c=n(18719),u=n(70182);let d=(0,u.ZP)();var p=n(39214),m=n(96682),g=n(39707),f=n(88647);let h=(e,t)=>e.filter(e=>t.includes(e)),b=(e,t,n)=>{let r=e.keys[0];if(Array.isArray(t))t.forEach((t,r)=>{n((t,n)=>{r<=e.keys.length-1&&(0===r?Object.assign(t,n):t[e.up(e.keys[r])]=n)},t)});else if(t&&"object"==typeof t){let a=Object.keys(t).length>e.keys.length?e.keys:h(e.keys,Object.keys(t));a.forEach(a=>{if(-1!==e.keys.indexOf(a)){let i=t[a];void 0!==i&&n((t,n)=>{r===a?Object.assign(t,n):t[e.up(a)]=n},i)}})}else("number"==typeof t||"string"==typeof t)&&n((e,t)=>{Object.assign(e,t)},t)};function E(e){return e?`Level${e}`:""}function T(e){return e.unstable_level>0&&e.container}function S(e){return function(t){return`var(--Grid-${t}Spacing${E(e.unstable_level)})`}}function y(e){return function(t){return 0===e.unstable_level?`var(--Grid-${t}Spacing)`:`var(--Grid-${t}Spacing${E(e.unstable_level-1)})`}}function A(e){return 0===e.unstable_level?"var(--Grid-columns)":`var(--Grid-columns${E(e.unstable_level-1)})`}let _=({theme:e,ownerState:t})=>{let n=S(t),r={};return b(e.breakpoints,t.gridSize,(e,a)=>{let i={};!0===a&&(i={flexBasis:0,flexGrow:1,maxWidth:"100%"}),"auto"===a&&(i={flexBasis:"auto",flexGrow:0,flexShrink:0,maxWidth:"none",width:"auto"}),"number"==typeof a&&(i={flexGrow:0,flexBasis:"auto",width:`calc(100% * ${a} / ${A(t)}${T(t)?` + ${n("column")}`:""})`}),e(r,i)}),r},k=({theme:e,ownerState:t})=>{let n={};return b(e.breakpoints,t.gridOffset,(e,r)=>{let a={};"auto"===r&&(a={marginLeft:"auto"}),"number"==typeof r&&(a={marginLeft:0===r?"0px":`calc(100% * ${r} / ${A(t)})`}),e(n,a)}),n},v=({theme:e,ownerState:t})=>{if(!t.container)return{};let n=T(t)?{[`--Grid-columns${E(t.unstable_level)}`]:A(t)}:{"--Grid-columns":12};return b(e.breakpoints,t.columns,(e,r)=>{e(n,{[`--Grid-columns${E(t.unstable_level)}`]:r})}),n},C=({theme:e,ownerState:t})=>{if(!t.container)return{};let n=y(t),r=T(t)?{[`--Grid-rowSpacing${E(t.unstable_level)}`]:n("row")}:{};return b(e.breakpoints,t.rowSpacing,(n,a)=>{var i;n(r,{[`--Grid-rowSpacing${E(t.unstable_level)}`]:"string"==typeof a?a:null==(i=e.spacing)?void 0:i.call(e,a)})}),r},N=({theme:e,ownerState:t})=>{if(!t.container)return{};let n=y(t),r=T(t)?{[`--Grid-columnSpacing${E(t.unstable_level)}`]:n("column")}:{};return b(e.breakpoints,t.columnSpacing,(n,a)=>{var i;n(r,{[`--Grid-columnSpacing${E(t.unstable_level)}`]:"string"==typeof a?a:null==(i=e.spacing)?void 0:i.call(e,a)})}),r},R=({theme:e,ownerState:t})=>{if(!t.container)return{};let n={};return b(e.breakpoints,t.direction,(e,t)=>{e(n,{flexDirection:t})}),n},I=({ownerState:e})=>{let t=S(e),n=y(e);return(0,r.Z)({minWidth:0,boxSizing:"border-box"},e.container&&(0,r.Z)({display:"flex",flexWrap:"wrap"},e.wrap&&"wrap"!==e.wrap&&{flexWrap:e.wrap},{margin:`calc(${t("row")} / -2) calc(${t("column")} / -2)`},e.disableEqualOverflow&&{margin:`calc(${t("row")} * -1) 0px 0px calc(${t("column")} * -1)`}),(!e.container||T(e))&&(0,r.Z)({padding:`calc(${n("row")} / 2) calc(${n("column")} / 2)`},(e.disableEqualOverflow||e.parentDisableEqualOverflow)&&{padding:`${n("row")} 0px 0px ${n("column")}`}))},O=e=>{let t=[];return Object.entries(e).forEach(([e,n])=>{!1!==n&&void 0!==n&&t.push(`grid-${e}-${String(n)}`)}),t},w=(e,t="xs")=>{function n(e){return void 0!==e&&("string"==typeof e&&!Number.isNaN(Number(e))||"number"==typeof e&&e>0)}if(n(e))return[`spacing-${t}-${String(e)}`];if("object"==typeof e&&!Array.isArray(e)){let t=[];return Object.entries(e).forEach(([e,r])=>{n(r)&&t.push(`spacing-${e}-${String(r)}`)}),t}return[]},x=e=>void 0===e?[]:"object"==typeof e?Object.entries(e).map(([e,t])=>`direction-${e}-${t}`):[`direction-xs-${String(e)}`];var L=n(85893);let D=["className","children","columns","container","component","direction","wrap","spacing","rowSpacing","columnSpacing","disableEqualOverflow","unstable_level"],P=(0,f.Z)(),M=d("div",{name:"MuiGrid",slot:"Root",overridesResolver:(e,t)=>t.root});function F(e){return(0,p.Z)({props:e,name:"MuiGrid",defaultTheme:P})}var U=n(74312),B=n(20407);let H=function(e={}){let{createStyledComponent:t=M,useThemeProps:n=F,componentName:u="MuiGrid"}=e,d=i.createContext(void 0),p=(e,t)=>{let{container:n,direction:r,spacing:a,wrap:i,gridSize:o}=e,c={root:["root",n&&"container","wrap"!==i&&`wrap-xs-${String(i)}`,...x(r),...O(o),...n?w(a,t.breakpoints.keys[0]):[]]};return(0,s.Z)(c,e=>(0,l.Z)(u,e),{})},f=t(v,N,C,_,R,I,k),h=i.forwardRef(function(e,t){var s,l,u,h,b,E,T,S;let y=(0,m.Z)(),A=n(e),_=(0,g.Z)(A),k=i.useContext(d),{className:v,children:C,columns:N=12,container:R=!1,component:I="div",direction:O="row",wrap:w="wrap",spacing:x=0,rowSpacing:P=x,columnSpacing:M=x,disableEqualOverflow:F,unstable_level:U=0}=_,B=(0,a.Z)(_,D),H=F;U&&void 0!==F&&(H=e.disableEqualOverflow);let G={},z={},$={};Object.entries(B).forEach(([e,t])=>{void 0!==y.breakpoints.values[e]?G[e]=t:void 0!==y.breakpoints.values[e.replace("Offset","")]?z[e.replace("Offset","")]=t:$[e]=t});let j=null!=(s=e.columns)?s:U?void 0:N,V=null!=(l=e.spacing)?l:U?void 0:x,W=null!=(u=null!=(h=e.rowSpacing)?h:e.spacing)?u:U?void 0:P,K=null!=(b=null!=(E=e.columnSpacing)?E:e.spacing)?b:U?void 0:M,Z=(0,r.Z)({},_,{level:U,columns:j,container:R,direction:O,wrap:w,spacing:V,rowSpacing:W,columnSpacing:K,gridSize:G,gridOffset:z,disableEqualOverflow:null!=(T=null!=(S=H)?S:k)&&T,parentDisableEqualOverflow:k}),Y=p(Z,y),q=(0,L.jsx)(f,(0,r.Z)({ref:t,as:I,ownerState:Z,className:(0,o.Z)(Y.root,v)},$,{children:i.Children.map(C,e=>{if(i.isValidElement(e)&&(0,c.Z)(e,["Grid"])){var t;return i.cloneElement(e,{unstable_level:null!=(t=e.props.unstable_level)?t:U+1})}return e})}));return void 0!==H&&H!==(null!=k&&k)&&(q=(0,L.jsx)(d.Provider,{value:H,children:q})),q});return h.muiName="Grid",h}({createStyledComponent:(0,U.Z)("div",{name:"JoyGrid",slot:"Root",overridesResolver:(e,t)=>t.root}),useThemeProps:e=>(0,B.Z)({props:e,name:"JoyGrid"})});var G=H},14553:function(e,t,n){"use strict";n.d(t,{ZP:function(){return _}});var r=n(63366),a=n(87462),i=n(67294),o=n(14142),s=n(33703),l=n(70758),c=n(94780),u=n(74312),d=n(20407),p=n(78653),m=n(30220),g=n(26821);function f(e){return(0,g.d6)("MuiIconButton",e)}(0,g.sI)("MuiIconButton",["root","colorPrimary","colorNeutral","colorDanger","colorSuccess","colorWarning","colorContext","variantPlain","variantOutlined","variantSoft","variantSolid","focusVisible","disabled","sizeSm","sizeMd","sizeLg"]);var h=n(89996),b=n(85893);let E=["children","action","component","color","disabled","variant","size","slots","slotProps"],T=e=>{let{color:t,disabled:n,focusVisible:r,focusVisibleClassName:a,size:i,variant:s}=e,l={root:["root",n&&"disabled",r&&"focusVisible",s&&`variant${(0,o.Z)(s)}`,t&&`color${(0,o.Z)(t)}`,i&&`size${(0,o.Z)(i)}`]},u=(0,c.Z)(l,f,{});return r&&a&&(u.root+=` ${a}`),u},S=(0,u.Z)("button")(({theme:e,ownerState:t})=>{var n,r,i,o;return[(0,a.Z)({"--Icon-margin":"initial","--Icon-color":"neutral"!==t.color||"solid"===t.variant?"currentColor":e.vars.palette.text.icon},t.instanceSize&&{"--IconButton-size":({sm:"2rem",md:"2.5rem",lg:"3rem"})[t.instanceSize]},"sm"===t.size&&{"--Icon-fontSize":"calc(var(--IconButton-size, 2rem) / 1.6)","--CircularProgress-size":"20px","--CircularProgress-thickness":"2px",minWidth:"var(--IconButton-size, 2rem)",minHeight:"var(--IconButton-size, 2rem)",fontSize:e.vars.fontSize.sm,paddingInline:"2px"},"md"===t.size&&{"--Icon-fontSize":"calc(var(--IconButton-size, 2.5rem) / 1.667)","--CircularProgress-size":"24px","--CircularProgress-thickness":"3px",minWidth:"var(--IconButton-size, 2.5rem)",minHeight:"var(--IconButton-size, 2.5rem)",fontSize:e.vars.fontSize.md,paddingInline:"0.25rem"},"lg"===t.size&&{"--Icon-fontSize":"calc(var(--IconButton-size, 3rem) / 1.714)","--CircularProgress-size":"28px","--CircularProgress-thickness":"4px",minWidth:"var(--IconButton-size, 3rem)",minHeight:"var(--IconButton-size, 3rem)",fontSize:e.vars.fontSize.lg,paddingInline:"0.375rem"},{WebkitTapHighlightColor:"transparent",paddingBlock:0,fontFamily:e.vars.fontFamily.body,fontWeight:e.vars.fontWeight.md,margin:"var(--IconButton-margin)",borderRadius:`var(--IconButton-radius, ${e.vars.radius.sm})`,border:"none",boxSizing:"border-box",backgroundColor:"transparent",cursor:"pointer",display:"inline-flex",alignItems:"center",justifyContent:"center",position:"relative",[e.focus.selector]:(0,a.Z)({"--Icon-color":"currentColor"},e.focus.default)}),(0,a.Z)({},null==(n=e.variants[t.variant])?void 0:n[t.color],{"&:hover":{"@media (hover: hover)":(0,a.Z)({"--Icon-color":"currentColor"},null==(r=e.variants[`${t.variant}Hover`])?void 0:r[t.color])},'&:active, &[aria-pressed="true"]':(0,a.Z)({"--Icon-color":"currentColor"},null==(i=e.variants[`${t.variant}Active`])?void 0:i[t.color]),"&:disabled":null==(o=e.variants[`${t.variant}Disabled`])?void 0:o[t.color]})]}),y=(0,u.Z)(S,{name:"JoyIconButton",slot:"Root",overridesResolver:(e,t)=>t.root})({}),A=i.forwardRef(function(e,t){var n;let o=(0,d.Z)({props:e,name:"JoyIconButton"}),{children:c,action:u,component:g="button",color:f="neutral",disabled:S,variant:A="plain",size:_="md",slots:k={},slotProps:v={}}=o,C=(0,r.Z)(o,E),N=i.useContext(h.Z),R=e.variant||N.variant||A,I=e.size||N.size||_,{getColor:O}=(0,p.VT)(R),w=O(e.color,N.color||f),x=null!=(n=e.disabled)?n:N.disabled||S,L=i.useRef(null),D=(0,s.Z)(L,t),{focusVisible:P,setFocusVisible:M,getRootProps:F}=(0,l.U)((0,a.Z)({},o,{disabled:x,rootRef:D}));i.useImperativeHandle(u,()=>({focusVisible:()=>{var e;M(!0),null==(e=L.current)||e.focus()}}),[M]);let U=(0,a.Z)({},o,{component:g,color:w,disabled:x,variant:R,size:I,focusVisible:P,instanceSize:e.size}),B=T(U),H=(0,a.Z)({},C,{component:g,slots:k,slotProps:v}),[G,z]=(0,m.Z)("root",{ref:t,className:B.root,elementType:y,getSlotProps:F,externalForwardedProps:H,ownerState:U});return(0,b.jsx)(G,(0,a.Z)({},z,{children:c}))});A.muiName="IconButton";var _=A},25359:function(e,t,n){"use strict";n.d(t,{Z:function(){return U}});var r=n(63366),a=n(87462),i=n(67294),o=n(14142),s=n(94780),l=n(33703),c=n(92996),u=n(73546),d=n(22644),p=n(7333);function m(e,t){if(t.type===d.F.itemHover)return e;let n=(0,p.R$)(e,t);if(null===n.highlightedValue&&t.context.items.length>0)return(0,a.Z)({},n,{highlightedValue:t.context.items[0]});if(t.type===d.F.keyDown&&"Escape"===t.event.key)return(0,a.Z)({},n,{open:!1});if(t.type===d.F.blur){var r,i,o;if(!(null!=(r=t.context.listboxRef.current)&&r.contains(t.event.relatedTarget))){let e=null==(i=t.context.listboxRef.current)?void 0:i.getAttribute("id"),r=null==(o=t.event.relatedTarget)?void 0:o.getAttribute("aria-controls");return e&&r&&e===r?n:(0,a.Z)({},n,{open:!1,highlightedValue:t.context.items[0]})}}return n}var g=n(85241),f=n(96592),h=n(51633),b=n(12247),E=n(2900);let T={dispatch:()=>{},popupId:"",registerPopup:()=>{},registerTrigger:()=>{},state:{open:!0},triggerElement:null};var S=n(26558),y=n(85893);function A(e){let{value:t,children:n}=e,{dispatch:r,getItemIndex:a,getItemState:o,registerHighlightChangeHandler:s,registerSelectionChangeHandler:l,registerItem:c,totalSubitemCount:u}=t,d=i.useMemo(()=>({dispatch:r,getItemState:o,getItemIndex:a,registerHighlightChangeHandler:s,registerSelectionChangeHandler:l}),[r,a,o,s,l]),p=i.useMemo(()=>({getItemIndex:a,registerItem:c,totalSubitemCount:u}),[c,a,u]);return(0,y.jsx)(b.s.Provider,{value:p,children:(0,y.jsx)(S.Z.Provider,{value:d,children:n})})}var _=n(53406),k=n(7293),v=n(50984),C=n(3419),N=n(43614),R=n(74312),I=n(20407),O=n(55907),w=n(78653),x=n(26821);function L(e){return(0,x.d6)("MuiMenu",e)}(0,x.sI)("MuiMenu",["root","listbox","expanded","colorPrimary","colorNeutral","colorDanger","colorSuccess","colorWarning","colorContext","variantPlain","variantOutlined","variantSoft","variantSolid","sizeSm","sizeMd","sizeLg"]);let D=["actions","children","color","component","disablePortal","keepMounted","id","invertedColors","onItemsChange","modifiers","variant","size","slots","slotProps"],P=e=>{let{open:t,variant:n,color:r,size:a}=e,i={root:["root",t&&"expanded",n&&`variant${(0,o.Z)(n)}`,r&&`color${(0,o.Z)(r)}`,a&&`size${(0,o.Z)(a)}`],listbox:["listbox"]};return(0,s.Z)(i,L,{})},M=(0,R.Z)(v.C,{name:"JoyMenu",slot:"Root",overridesResolver:(e,t)=>t.root})(({theme:e,ownerState:t})=>{var n,r;let i=null==(n=e.variants[t.variant])?void 0:n[t.color];return[(0,a.Z)({"--focus-outline-offset":`calc(${e.vars.focus.thickness} * -1)`,"--ListItem-stickyBackground":(null==i?void 0:i.backgroundColor)||(null==i?void 0:i.background)||e.vars.palette.background.popup,"--ListItem-stickyTop":"calc(var(--List-padding, var(--ListDivider-gap)) * -1)"},C.M,{borderRadius:`var(--List-radius, ${e.vars.radius.sm})`,boxShadow:e.shadow.md,overflow:"auto",zIndex:`var(--unstable_popup-zIndex, ${e.vars.zIndex.popup})`},!(null!=i&&i.backgroundColor)&&{backgroundColor:e.vars.palette.background.popup}),"context"!==t.color&&t.invertedColors&&(null==(r=e.colorInversion[t.variant])?void 0:r[t.color])]}),F=i.forwardRef(function(e,t){var n;let o=(0,I.Z)({props:e,name:"JoyMenu"}),{actions:s,children:p,color:S="neutral",component:v,disablePortal:R=!1,keepMounted:x=!1,id:L,invertedColors:F=!1,onItemsChange:U,modifiers:B,variant:H="outlined",size:G="md",slots:z={},slotProps:$={}}=o,j=(0,r.Z)(o,D),{getColor:V}=(0,w.VT)(H),W=R?V(e.color,S):S,{contextValue:K,getListboxProps:Z,dispatch:Y,open:q,triggerElement:X}=function(e={}){var t,n;let{listboxRef:r,onItemsChange:o,id:s}=e,d=i.useRef(null),p=(0,l.Z)(d,r),S=null!=(t=(0,c.Z)(s))?t:"",{state:{open:y},dispatch:A,triggerElement:_,registerPopup:k}=null!=(n=i.useContext(g.D))?n:T,v=i.useRef(y),{subitems:C,contextValue:N}=(0,b.Y)(),R=i.useMemo(()=>Array.from(C.keys()),[C]),I=i.useCallback(e=>{var t,n;return null==e?null:null!=(t=null==(n=C.get(e))?void 0:n.ref.current)?t:null},[C]),{dispatch:O,getRootProps:w,contextValue:x,state:{highlightedValue:L},rootRef:D}=(0,f.s)({disabledItemsFocusable:!0,focusManagement:"DOM",getItemDomElement:I,getInitialState:()=>({selectedValues:[],highlightedValue:null}),isItemDisabled:e=>{var t;return(null==C||null==(t=C.get(e))?void 0:t.disabled)||!1},items:R,getItemAsString:e=>{var t,n;return(null==(t=C.get(e))?void 0:t.label)||(null==(n=C.get(e))||null==(n=n.ref.current)?void 0:n.innerText)},rootRef:p,onItemsChange:o,reducerActionContext:{listboxRef:d},selectionMode:"none",stateReducer:m});(0,u.Z)(()=>{k(S)},[S,k]),i.useEffect(()=>{if(y&&L===R[0]&&!v.current){var e;null==(e=C.get(R[0]))||null==(e=e.ref)||null==(e=e.current)||e.focus()}},[y,L,C,R]),i.useEffect(()=>{var e,t;null!=(e=d.current)&&e.contains(document.activeElement)&&null!==L&&(null==C||null==(t=C.get(L))||null==(t=t.ref.current)||t.focus())},[L,C]);let P=e=>t=>{var n,r;null==(n=e.onBlur)||n.call(e,t),t.defaultMuiPrevented||null!=(r=d.current)&&r.contains(t.relatedTarget)||t.relatedTarget===_||A({type:h.Q.blur,event:t})},M=e=>t=>{var n;null==(n=e.onKeyDown)||n.call(e,t),t.defaultMuiPrevented||"Escape"!==t.key||A({type:h.Q.escapeKeyDown,event:t})},F=(e={})=>({onBlur:P(e),onKeyDown:M(e)});return i.useDebugValue({subitems:C,highlightedValue:L}),{contextValue:(0,a.Z)({},N,x),dispatch:O,getListboxProps:(e={})=>{let t=(0,E.f)(F,w);return(0,a.Z)({},t(e),{id:S,role:"menu"})},highlightedValue:L,listboxRef:D,menuItems:C,open:y,triggerElement:_}}({onItemsChange:U,id:L,listboxRef:t});i.useImperativeHandle(s,()=>({dispatch:Y,resetHighlight:()=>Y({type:d.F.resetHighlight,event:null})}),[Y]);let Q=(0,a.Z)({},o,{disablePortal:R,invertedColors:F,color:W,variant:H,size:G,open:q,nesting:!1,row:!1}),J=P(Q),ee=(0,a.Z)({},j,{component:v,slots:z,slotProps:$}),et=i.useMemo(()=>[{name:"offset",options:{offset:[0,4]}},...B||[]],[B]),en=(0,k.y)({elementType:M,getSlotProps:Z,externalForwardedProps:ee,externalSlotProps:{},ownerState:Q,additionalProps:{anchorEl:X,open:q&&null!==X,disablePortal:R,keepMounted:x,modifiers:et},className:J.root}),er=(0,y.jsx)(A,{value:K,children:(0,y.jsx)(O.Yb,{variant:F?void 0:H,color:S,children:(0,y.jsx)(N.Z.Provider,{value:"menu",children:(0,y.jsx)(C.Z,{nested:!0,children:p})})})});return F&&(er=(0,y.jsx)(w.do,{variant:H,children:er})),er=(0,y.jsx)(M,(0,a.Z)({},en,!(null!=(n=o.slots)&&n.root)&&{as:_.r,slots:{root:v||"ul"}},{children:er})),R?er:(0,y.jsx)(w.ZP.Provider,{value:void 0,children:er})});var U=F},59562:function(e,t,n){"use strict";n.d(t,{Z:function(){return O}});var r=n(63366),a=n(87462),i=n(67294),o=n(33703),s=n(85241),l=n(51633),c=n(70758),u=n(2900),d=n(94780),p=n(14142),m=n(26821);function g(e){return(0,m.d6)("MuiMenuButton",e)}(0,m.sI)("MuiMenuButton",["root","colorPrimary","colorNeutral","colorDanger","colorInfo","colorSuccess","colorWarning","colorContext","variantPlain","variantOutlined","variantSoft","variantSolid","disabled","sizeSm","sizeMd","sizeLg","fullWidth","startDecorator","endDecorator","loading","loadingIndicatorCenter"]);var f=n(20407),h=n(30220),b=n(48699),E=n(66478),T=n(74312),S=n(78653),y=n(89996),A=n(85893);let _=["children","color","component","disabled","endDecorator","loading","loadingPosition","loadingIndicator","size","slotProps","slots","startDecorator","variant"],k=e=>{let{color:t,disabled:n,fullWidth:r,size:a,variant:i,loading:o}=e,s={root:["root",n&&"disabled",r&&"fullWidth",i&&`variant${(0,p.Z)(i)}`,t&&`color${(0,p.Z)(t)}`,a&&`size${(0,p.Z)(a)}`,o&&"loading"],startDecorator:["startDecorator"],endDecorator:["endDecorator"],loadingIndicatorCenter:["loadingIndicatorCenter"]};return(0,d.Z)(s,g,{})},v=(0,T.Z)("button",{name:"JoyMenuButton",slot:"Root",overridesResolver:(e,t)=>t.root})(E.f),C=(0,T.Z)("span",{name:"JoyMenuButton",slot:"StartDecorator",overridesResolver:(e,t)=>t.startDecorator})({"--Icon-margin":"0 0 0 calc(var(--Button-gap) / -2)","--CircularProgress-margin":"0 0 0 calc(var(--Button-gap) / -2)",display:"inherit",marginRight:"var(--Button-gap)"}),N=(0,T.Z)("span",{name:"JoyMenuButton",slot:"EndDecorator",overridesResolver:(e,t)=>t.endDecorator})({"--Icon-margin":"0 calc(var(--Button-gap) / -2) 0 0","--CircularProgress-margin":"0 calc(var(--Button-gap) / -2) 0 0",display:"inherit",marginLeft:"var(--Button-gap)"}),R=(0,T.Z)("span",{name:"JoyMenuButton",slot:"LoadingCenter",overridesResolver:(e,t)=>t.loadingIndicatorCenter})(({theme:e,ownerState:t})=>{var n,r;return(0,a.Z)({display:"inherit",position:"absolute",left:"50%",transform:"translateX(-50%)",color:null==(n=e.variants[t.variant])||null==(n=n[t.color])?void 0:n.color},t.disabled&&{color:null==(r=e.variants[`${t.variant}Disabled`])||null==(r=r[t.color])?void 0:r.color})}),I=i.forwardRef(function(e,t){var n;let d=(0,f.Z)({props:e,name:"JoyMenuButton"}),{children:p,color:m="neutral",component:g,disabled:E=!1,endDecorator:T,loading:I=!1,loadingPosition:O="center",loadingIndicator:w,size:x="md",slotProps:L={},slots:D={},startDecorator:P,variant:M="outlined"}=d,F=(0,r.Z)(d,_),U=i.useContext(y.Z),B=e.variant||U.variant||M,H=e.size||U.size||x,{getColor:G}=(0,S.VT)(B),z=G(e.color,U.color||m),$=null!=(n=e.disabled)?n:U.disabled||E||I,{getRootProps:j,open:V,active:W}=function(e={}){let{disabled:t=!1,focusableWhenDisabled:n,rootRef:r}=e,d=i.useContext(s.D);if(null===d)throw Error("useMenuButton: no menu context available.");let{state:p,dispatch:m,registerTrigger:g,popupId:f}=d,{getRootProps:h,rootRef:b,active:E}=(0,c.U)({disabled:t,focusableWhenDisabled:n,rootRef:r}),T=(0,o.Z)(b,g),S=e=>t=>{var n;null==(n=e.onClick)||n.call(e,t),t.defaultMuiPrevented||m({type:l.Q.toggle,event:t})},y=e=>t=>{var n;null==(n=e.onKeyDown)||n.call(e,t),t.defaultMuiPrevented||"ArrowDown"!==t.key&&"ArrowUp"!==t.key||(t.preventDefault(),m({type:l.Q.open,event:t}))},A=(e={})=>({onClick:S(e),onKeyDown:y(e)});return{active:E,getRootProps:(e={})=>{let t=(0,u.f)(h,A);return(0,a.Z)({},t(e),{"aria-haspopup":"menu","aria-expanded":p.open,"aria-controls":f,ref:T})},open:p.open,rootRef:T}}({rootRef:t,disabled:$}),K=null!=w?w:(0,A.jsx)(b.Z,(0,a.Z)({},"context"!==z&&{color:z},{thickness:{sm:2,md:3,lg:4}[H]||3})),Z=(0,a.Z)({},d,{active:W,color:z,disabled:$,open:V,size:H,variant:B}),Y=k(Z),q=(0,a.Z)({},F,{component:g,slots:D,slotProps:L}),[X,Q]=(0,h.Z)("root",{elementType:v,getSlotProps:j,externalForwardedProps:q,ref:t,ownerState:Z,className:Y.root}),[J,ee]=(0,h.Z)("startDecorator",{className:Y.startDecorator,elementType:C,externalForwardedProps:q,ownerState:Z}),[et,en]=(0,h.Z)("endDecorator",{className:Y.endDecorator,elementType:N,externalForwardedProps:q,ownerState:Z}),[er,ea]=(0,h.Z)("loadingIndicatorCenter",{className:Y.loadingIndicatorCenter,elementType:R,externalForwardedProps:q,ownerState:Z});return(0,A.jsxs)(X,(0,a.Z)({},Q,{children:[(P||I&&"start"===O)&&(0,A.jsx)(J,(0,a.Z)({},ee,{children:I&&"start"===O?K:P})),p,I&&"center"===O&&(0,A.jsx)(er,(0,a.Z)({},ea,{children:K})),(T||I&&"end"===O)&&(0,A.jsx)(et,(0,a.Z)({},en,{children:I&&"end"===O?K:T}))]}))});var O=I},7203:function(e,t,n){"use strict";n.d(t,{Z:function(){return L}});var r=n(87462),a=n(63366),i=n(67294),o=n(14142),s=n(94780),l=n(92996),c=n(33703),u=n(70758),d=n(43069),p=n(51633),m=n(85241),g=n(2900),f=n(14072);function h(e){return`menu-item-${e.size}`}let b={dispatch:()=>{},popupId:"",registerPopup:()=>{},registerTrigger:()=>{},state:{open:!0},triggerElement:null};var E=n(39984),T=n(74312),S=n(20407),y=n(78653),A=n(55907),_=n(26821);function k(e){return(0,_.d6)("MuiMenuItem",e)}(0,_.sI)("MuiMenuItem",["root","focusVisible","disabled","selected","colorPrimary","colorNeutral","colorDanger","colorSuccess","colorWarning","colorContext","variantPlain","variantSoft","variantOutlined","variantSolid"]);var v=n(40780);let C=i.createContext("horizontal");var N=n(30220),R=n(85893);let I=["children","disabled","component","selected","color","orientation","variant","slots","slotProps"],O=e=>{let{focusVisible:t,disabled:n,selected:r,color:a,variant:i}=e,l={root:["root",t&&"focusVisible",n&&"disabled",r&&"selected",a&&`color${(0,o.Z)(a)}`,i&&`variant${(0,o.Z)(i)}`]},c=(0,s.Z)(l,k,{});return c},w=(0,T.Z)(E.r,{name:"JoyMenuItem",slot:"Root",overridesResolver:(e,t)=>t.root})({}),x=i.forwardRef(function(e,t){let n=(0,S.Z)({props:e,name:"JoyMenuItem"}),o=i.useContext(v.Z),{children:s,disabled:E=!1,component:T="li",selected:_=!1,color:k="neutral",orientation:x="horizontal",variant:L="plain",slots:D={},slotProps:P={}}=n,M=(0,a.Z)(n,I),{variant:F=L,color:U=k}=(0,A.yP)(e.variant,e.color),{getColor:B}=(0,y.VT)(F),H=B(e.color,U),{getRootProps:G,disabled:z,focusVisible:$}=function(e){var t;let{disabled:n=!1,id:a,rootRef:o,label:s}=e,E=(0,l.Z)(a),T=i.useRef(null),S=i.useMemo(()=>({disabled:n,id:null!=E?E:"",label:s,ref:T}),[n,E,s]),{dispatch:y}=null!=(t=i.useContext(m.D))?t:b,{getRootProps:A,highlighted:_,rootRef:k}=(0,d.J)({item:E}),{index:v,totalItemCount:C}=(0,f.B)(null!=E?E:h,S),{getRootProps:N,focusVisible:R,rootRef:I}=(0,u.U)({disabled:n,focusableWhenDisabled:!0}),O=(0,c.Z)(k,I,o,T);i.useDebugValue({id:E,highlighted:_,disabled:n,label:s});let w=e=>t=>{var n;null==(n=e.onClick)||n.call(e,t),t.defaultMuiPrevented||y({type:p.Q.close,event:t})},x=(e={})=>(0,r.Z)({},e,{onClick:w(e)});function L(e={}){let t=(0,g.f)(x,(0,g.f)(N,A));return(0,r.Z)({},t(e),{ref:O,role:"menuitem"})}return void 0===E?{getRootProps:L,disabled:!1,focusVisible:R,highlighted:!1,index:-1,totalItemCount:0,rootRef:O}:{getRootProps:L,disabled:n,focusVisible:R,highlighted:_,index:v,totalItemCount:C,rootRef:O}}({disabled:E,rootRef:t}),j=(0,r.Z)({},n,{component:T,color:H,disabled:z,focusVisible:$,orientation:x,selected:_,row:o,variant:F}),V=O(j),W=(0,r.Z)({},M,{component:T,slots:D,slotProps:P}),[K,Z]=(0,N.Z)("root",{ref:t,elementType:w,getSlotProps:G,externalForwardedProps:W,className:V.root,ownerState:j});return(0,R.jsx)(C.Provider,{value:x,children:(0,R.jsx)(K,(0,r.Z)({},Z,{children:s}))})});var L=x},3414:function(e,t,n){"use strict";n.d(t,{Z:function(){return A}});var r=n(63366),a=n(87462),i=n(67294),o=n(90512),s=n(94780),l=n(14142),c=n(54844),u=n(20407),d=n(74312),p=n(58859),m=n(26821);function g(e){return(0,m.d6)("MuiSheet",e)}(0,m.sI)("MuiSheet",["root","colorPrimary","colorNeutral","colorDanger","colorSuccess","colorWarning","colorContext","variantPlain","variantOutlined","variantSoft","variantSolid"]);var f=n(78653),h=n(30220),b=n(85893);let E=["className","color","component","variant","invertedColors","slots","slotProps"],T=e=>{let{variant:t,color:n}=e,r={root:["root",t&&`variant${(0,l.Z)(t)}`,n&&`color${(0,l.Z)(n)}`]};return(0,s.Z)(r,g,{})},S=(0,d.Z)("div",{name:"JoySheet",slot:"Root",overridesResolver:(e,t)=>t.root})(({theme:e,ownerState:t})=>{var n,r;let i=null==(n=e.variants[t.variant])?void 0:n[t.color],{borderRadius:o,bgcolor:s,backgroundColor:l,background:u}=(0,p.V)({theme:e,ownerState:t},["borderRadius","bgcolor","backgroundColor","background"]),d=(0,c.DW)(e,`palette.${s}`)||s||(0,c.DW)(e,`palette.${l}`)||l||u||(null==i?void 0:i.backgroundColor)||(null==i?void 0:i.background)||e.vars.palette.background.surface;return[(0,a.Z)({"--Icon-color":"neutral"!==t.color||"solid"===t.variant?"currentColor":e.vars.palette.text.icon,"--ListItem-stickyBackground":"transparent"===d?"initial":d,"--Sheet-background":"transparent"===d?"initial":d},void 0!==o&&{"--List-radius":`calc(${o} - var(--variant-borderWidth, 0px))`,"--unstable_actionRadius":`calc(${o} - var(--variant-borderWidth, 0px))`},{backgroundColor:e.vars.palette.background.surface,position:"relative"}),(0,a.Z)({},e.typography["body-md"],i),"context"!==t.color&&t.invertedColors&&(null==(r=e.colorInversion[t.variant])?void 0:r[t.color])]}),y=i.forwardRef(function(e,t){let n=(0,u.Z)({props:e,name:"JoySheet"}),{className:i,color:s="neutral",component:l="div",variant:c="plain",invertedColors:d=!1,slots:p={},slotProps:m={}}=n,g=(0,r.Z)(n,E),{getColor:y}=(0,f.VT)(c),A=y(e.color,s),_=(0,a.Z)({},n,{color:A,component:l,invertedColors:d,variant:c}),k=T(_),v=(0,a.Z)({},g,{component:l,slots:p,slotProps:m}),[C,N]=(0,h.Z)("root",{ref:t,className:(0,o.Z)(k.root,i),elementType:S,externalForwardedProps:v,ownerState:_}),R=(0,b.jsx)(C,(0,a.Z)({},N));return d?(0,b.jsx)(f.do,{variant:c,children:R}):R});var A=y},63955:function(e,t,n){"use strict";let r;n.d(t,{Z:function(){return q}});var a=n(63366),i=n(87462),o=n(67294),s=n(90512),l=n(14142),c=n(94780),u=n(82690),d=n(19032),p=n(99962),m=n(33703),g=n(73546),f=n(59948),h={border:0,clip:"rect(0 0 0 0)",height:"1px",margin:-1,overflow:"hidden",padding:0,position:"absolute",whiteSpace:"nowrap",width:"1px"},b=n(6414);function E(e,t){return e-t}function T(e,t,n){return null==e?t:Math.min(Math.max(t,e),n)}function S(e,t){var n;let{index:r}=null!=(n=e.reduce((e,n,r)=>{let a=Math.abs(t-n);return null===e||a({left:`${e}%`}),leap:e=>({width:`${e}%`})},"horizontal-reverse":{offset:e=>({right:`${e}%`}),leap:e=>({width:`${e}%`})},vertical:{offset:e=>({bottom:`${e}%`}),leap:e=>({height:`${e}%`})}},C=e=>e;function N(){return void 0===r&&(r="undefined"==typeof CSS||"function"!=typeof CSS.supports||CSS.supports("touch-action","none")),r}var R=n(28442),I=n(74312),O=n(20407),w=n(78653),x=n(30220),L=n(26821);function D(e){return(0,L.d6)("MuiSlider",e)}let P=(0,L.sI)("MuiSlider",["root","disabled","dragging","focusVisible","marked","vertical","trackInverted","trackFalse","rail","track","mark","markActive","markLabel","thumb","thumbStart","thumbEnd","valueLabel","valueLabelOpen","colorPrimary","colorNeutral","colorDanger","colorSuccess","colorWarning","colorContext","variantPlain","variantOutlined","variantSoft","variantSolid","disabled","sizeSm","sizeMd","sizeLg","input"]);var M=n(85893);let F=["aria-label","aria-valuetext","className","classes","disableSwap","disabled","defaultValue","getAriaLabel","getAriaValueText","marks","max","min","name","onChange","onChangeCommitted","onMouseDown","orientation","scale","step","tabIndex","track","value","valueLabelDisplay","valueLabelFormat","isRtl","color","size","variant","component","slots","slotProps"];function U(e){return e}let B=e=>{let{disabled:t,dragging:n,marked:r,orientation:a,track:i,variant:o,color:s,size:u}=e,d={root:["root",t&&"disabled",n&&"dragging",r&&"marked","vertical"===a&&"vertical","inverted"===i&&"trackInverted",!1===i&&"trackFalse",o&&`variant${(0,l.Z)(o)}`,s&&`color${(0,l.Z)(s)}`,u&&`size${(0,l.Z)(u)}`],rail:["rail"],track:["track"],thumb:["thumb",t&&"disabled"],input:["input"],mark:["mark"],markActive:["markActive"],markLabel:["markLabel"],markLabelActive:["markLabelActive"],valueLabel:["valueLabel"],valueLabelOpen:["valueLabelOpen"],active:["active"],focusVisible:["focusVisible"]};return(0,c.Z)(d,D,{})},H=({theme:e,ownerState:t})=>(n={})=>{var r,a;let o=(null==(r=e.variants[`${t.variant}${n.state||""}`])?void 0:r[t.color])||{};return(0,i.Z)({},!n.state&&{"--variant-borderWidth":null!=(a=o["--variant-borderWidth"])?a:"0px"},{"--Slider-trackColor":o.color,"--Slider-thumbBackground":o.color,"--Slider-thumbColor":o.backgroundColor||e.vars.palette.background.surface,"--Slider-trackBackground":o.backgroundColor||e.vars.palette.background.surface,"--Slider-trackBorderColor":o.borderColor,"--Slider-railBackground":e.vars.palette.background.level2})},G=(0,I.Z)("span",{name:"JoySlider",slot:"Root",overridesResolver:(e,t)=>t.root})(({theme:e,ownerState:t})=>{let n=H({theme:e,ownerState:t});return[(0,i.Z)({"--Slider-size":"max(42px, max(var(--Slider-thumbSize), var(--Slider-trackSize)))","--Slider-trackRadius":"var(--Slider-size)","--Slider-markBackground":e.vars.palette.text.tertiary,[`& .${P.markActive}`]:{"--Slider-markBackground":"var(--Slider-trackColor)"}},"sm"===t.size&&{"--Slider-markSize":"2px","--Slider-trackSize":"4px","--Slider-thumbSize":"14px","--Slider-valueLabelArrowSize":"6px"},"md"===t.size&&{"--Slider-markSize":"2px","--Slider-trackSize":"6px","--Slider-thumbSize":"18px","--Slider-valueLabelArrowSize":"8px"},"lg"===t.size&&{"--Slider-markSize":"3px","--Slider-trackSize":"8px","--Slider-thumbSize":"24px","--Slider-valueLabelArrowSize":"10px"},{"--Slider-thumbRadius":"calc(var(--Slider-thumbSize) / 2)","--Slider-thumbWidth":"var(--Slider-thumbSize)"},n(),{"&:hover":(0,i.Z)({},n({state:"Hover"})),"&:active":(0,i.Z)({},n({state:"Active"})),[`&.${P.disabled}`]:(0,i.Z)({pointerEvents:"none",color:e.vars.palette.text.tertiary},n({state:"Disabled"})),boxSizing:"border-box",display:"inline-block",position:"relative",cursor:"pointer",touchAction:"none",WebkitTapHighlightColor:"transparent"},"horizontal"===t.orientation&&{padding:"calc(var(--Slider-size) / 2) 0",width:"100%"},"vertical"===t.orientation&&{padding:"0 calc(var(--Slider-size) / 2)",height:"100%"},{"@media print":{colorAdjust:"exact"}})]}),z=(0,I.Z)("span",{name:"JoySlider",slot:"Rail",overridesResolver:(e,t)=>t.rail})(({ownerState:e})=>[(0,i.Z)({display:"block",position:"absolute",backgroundColor:"inverted"===e.track?"var(--Slider-trackBackground)":"var(--Slider-railBackground)",border:"inverted"===e.track?"var(--variant-borderWidth, 0px) solid var(--Slider-trackBorderColor)":"initial",borderRadius:"var(--Slider-trackRadius)"},"horizontal"===e.orientation&&{height:"var(--Slider-trackSize)",top:"50%",left:0,right:0,transform:"translateY(-50%)"},"vertical"===e.orientation&&{width:"var(--Slider-trackSize)",top:0,bottom:0,left:"50%",transform:"translateX(-50%)"},"inverted"===e.track&&{opacity:1})]),$=(0,I.Z)("span",{name:"JoySlider",slot:"Track",overridesResolver:(e,t)=>t.track})(({ownerState:e})=>[(0,i.Z)({display:"block",position:"absolute",color:"var(--Slider-trackColor)",border:"inverted"===e.track?"initial":"var(--variant-borderWidth, 0px) solid var(--Slider-trackBorderColor)",backgroundColor:"inverted"===e.track?"var(--Slider-railBackground)":"var(--Slider-trackBackground)"},"horizontal"===e.orientation&&{height:"var(--Slider-trackSize)",top:"50%",transform:"translateY(-50%)",borderRadius:"var(--Slider-trackRadius) 0 0 var(--Slider-trackRadius)"},"vertical"===e.orientation&&{width:"var(--Slider-trackSize)",left:"50%",transform:"translateX(-50%)",borderRadius:"0 0 var(--Slider-trackRadius) var(--Slider-trackRadius)"},!1===e.track&&{display:"none"})]),j=(0,I.Z)("span",{name:"JoySlider",slot:"Thumb",overridesResolver:(e,t)=>t.thumb})(({ownerState:e,theme:t})=>{var n;return(0,i.Z)({position:"absolute",boxSizing:"border-box",outline:0,display:"flex",alignItems:"center",justifyContent:"center",width:"var(--Slider-thumbWidth)",height:"var(--Slider-thumbSize)",border:"var(--variant-borderWidth, 0px) solid var(--Slider-trackBorderColor)",borderRadius:"var(--Slider-thumbRadius)",boxShadow:"var(--Slider-thumbShadow)",color:"var(--Slider-thumbColor)",backgroundColor:"var(--Slider-thumbBackground)",[t.focus.selector]:(0,i.Z)({},t.focus.default,{outlineOffset:0,outlineWidth:"max(4px, var(--Slider-thumbSize) / 3.6)"},"context"!==e.color&&{outlineColor:`rgba(${null==(n=t.vars.palette)||null==(n=n[e.color])?void 0:n.mainChannel} / 0.32)`})},"horizontal"===e.orientation&&{top:"50%",transform:"translate(-50%, -50%)"},"vertical"===e.orientation&&{left:"50%",transform:"translate(-50%, 50%)"},{"&::before":{boxSizing:"border-box",content:'""',display:"block",position:"absolute",background:"transparent",top:0,left:0,width:"100%",height:"100%",border:"2px solid",borderColor:"var(--Slider-thumbColor)",borderRadius:"inherit"}})}),V=(0,I.Z)("span",{name:"JoySlider",slot:"Mark",overridesResolver:(e,t)=>t.mark})(({ownerState:e})=>(0,i.Z)({position:"absolute",width:"var(--Slider-markSize)",height:"var(--Slider-markSize)",borderRadius:"var(--Slider-markSize)",backgroundColor:"var(--Slider-markBackground)"},"horizontal"===e.orientation&&(0,i.Z)({top:"50%",transform:"translate(calc(var(--Slider-markSize) / -2), -50%)"},0===e.percent&&{transform:"translate(min(var(--Slider-markSize), 3px), -50%)"},100===e.percent&&{transform:"translate(calc(var(--Slider-markSize) * -1 - min(var(--Slider-markSize), 3px)), -50%)"}),"vertical"===e.orientation&&(0,i.Z)({left:"50%",transform:"translate(-50%, calc(var(--Slider-markSize) / 2))"},0===e.percent&&{transform:"translate(-50%, calc(min(var(--Slider-markSize), 3px) * -1))"},100===e.percent&&{transform:"translate(-50%, calc(var(--Slider-markSize) * 1 + min(var(--Slider-markSize), 3px)))"}))),W=(0,I.Z)("span",{name:"JoySlider",slot:"ValueLabel",overridesResolver:(e,t)=>t.valueLabel})(({theme:e,ownerState:t})=>(0,i.Z)({},"sm"===t.size&&{fontSize:e.fontSize.xs,lineHeight:e.lineHeight.md,paddingInline:"0.25rem",minWidth:"20px"},"md"===t.size&&{fontSize:e.fontSize.sm,lineHeight:e.lineHeight.md,paddingInline:"0.375rem",minWidth:"24px"},"lg"===t.size&&{fontSize:e.fontSize.md,lineHeight:e.lineHeight.md,paddingInline:"0.5rem",minWidth:"28px"},{zIndex:1,display:"flex",alignItems:"center",justifyContent:"center",whiteSpace:"nowrap",fontFamily:e.vars.fontFamily.body,fontWeight:e.vars.fontWeight.md,bottom:0,transformOrigin:"bottom center",transform:"translateY(calc((var(--Slider-thumbSize) + var(--Slider-valueLabelArrowSize)) * -1)) scale(0)",position:"absolute",backgroundColor:e.vars.palette.background.tooltip,boxShadow:e.shadow.sm,borderRadius:e.vars.radius.xs,color:"#fff","&::before":{display:"var(--Slider-valueLabelArrowDisplay)",position:"absolute",content:'""',color:e.vars.palette.background.tooltip,bottom:0,border:"calc(var(--Slider-valueLabelArrowSize) / 2) solid",borderColor:"currentColor",borderRightColor:"transparent",borderBottomColor:"transparent",borderLeftColor:"transparent",left:"50%",transform:"translate(-50%, 100%)",backgroundColor:"transparent"},[`&.${P.valueLabelOpen}`]:{transform:"translateY(calc((var(--Slider-thumbSize) + var(--Slider-valueLabelArrowSize)) * -1)) scale(1)"}})),K=(0,I.Z)("span",{name:"JoySlider",slot:"MarkLabel",overridesResolver:(e,t)=>t.markLabel})(({theme:e,ownerState:t})=>(0,i.Z)({fontFamily:e.vars.fontFamily.body},"sm"===t.size&&{fontSize:e.vars.fontSize.xs},"md"===t.size&&{fontSize:e.vars.fontSize.sm},"lg"===t.size&&{fontSize:e.vars.fontSize.md},{color:e.palette.text.tertiary,position:"absolute",whiteSpace:"nowrap"},"horizontal"===t.orientation&&{top:"calc(50% + 4px + (max(var(--Slider-trackSize), var(--Slider-thumbSize)) / 2))",transform:"translateX(-50%)"},"vertical"===t.orientation&&{left:"calc(50% + 8px + (max(var(--Slider-trackSize), var(--Slider-thumbSize)) / 2))",transform:"translateY(50%)"})),Z=(0,I.Z)("input",{name:"JoySlider",slot:"Input",overridesResolver:(e,t)=>t.input})({}),Y=o.forwardRef(function(e,t){let n=(0,O.Z)({props:e,name:"JoySlider"}),{"aria-label":r,"aria-valuetext":l,className:c,classes:b,disableSwap:I=!1,disabled:L=!1,defaultValue:D,getAriaLabel:P,getAriaValueText:H,marks:Y=!1,max:q=100,min:X=0,orientation:Q="horizontal",scale:J=U,step:ee=1,track:et="normal",valueLabelDisplay:en="off",valueLabelFormat:er=U,isRtl:ea=!1,color:ei="primary",size:eo="md",variant:es="solid",component:el,slots:ec={},slotProps:eu={}}=n,ed=(0,a.Z)(n,F),{getColor:ep}=(0,w.VT)("solid"),em=ep(e.color,ei),eg=(0,i.Z)({},n,{marks:Y,classes:b,disabled:L,defaultValue:D,disableSwap:I,isRtl:ea,max:q,min:X,orientation:Q,scale:J,step:ee,track:et,valueLabelDisplay:en,valueLabelFormat:er,color:em,size:eo,variant:es}),{axisProps:ef,getRootProps:eh,getHiddenInputProps:eb,getThumbProps:eE,open:eT,active:eS,axis:ey,focusedThumbIndex:eA,range:e_,dragging:ek,marks:ev,values:eC,trackOffset:eN,trackLeap:eR,getThumbStyle:eI}=function(e){let{"aria-labelledby":t,defaultValue:n,disabled:r=!1,disableSwap:a=!1,isRtl:s=!1,marks:l=!1,max:c=100,min:b=0,name:R,onChange:I,onChangeCommitted:O,orientation:w="horizontal",rootRef:x,scale:L=C,step:D=1,tabIndex:P,value:M}=e,F=o.useRef(),[U,B]=o.useState(-1),[H,G]=o.useState(-1),[z,$]=o.useState(!1),j=o.useRef(0),[V,W]=(0,d.Z)({controlled:M,default:null!=n?n:b,name:"Slider"}),K=I&&((e,t,n)=>{let r=e.nativeEvent||e,a=new r.constructor(r.type,r);Object.defineProperty(a,"target",{writable:!0,value:{value:t,name:R}}),I(a,t,n)}),Z=Array.isArray(V),Y=Z?V.slice().sort(E):[V];Y=Y.map(e=>T(e,b,c));let q=!0===l&&null!==D?[...Array(Math.floor((c-b)/D)+1)].map((e,t)=>({value:b+D*t})):l||[],X=q.map(e=>e.value),{isFocusVisibleRef:Q,onBlur:J,onFocus:ee,ref:et}=(0,p.Z)(),[en,er]=o.useState(-1),ea=o.useRef(),ei=(0,m.Z)(et,ea),eo=(0,m.Z)(x,ei),es=e=>t=>{var n;let r=Number(t.currentTarget.getAttribute("data-index"));ee(t),!0===Q.current&&er(r),G(r),null==e||null==(n=e.onFocus)||n.call(e,t)},el=e=>t=>{var n;J(t),!1===Q.current&&er(-1),G(-1),null==e||null==(n=e.onBlur)||n.call(e,t)};(0,g.Z)(()=>{if(r&&ea.current.contains(document.activeElement)){var e;null==(e=document.activeElement)||e.blur()}},[r]),r&&-1!==U&&B(-1),r&&-1!==en&&er(-1);let ec=e=>t=>{var n;null==(n=e.onChange)||n.call(e,t);let r=Number(t.currentTarget.getAttribute("data-index")),i=Y[r],o=X.indexOf(i),s=t.target.valueAsNumber;if(q&&null==D){let e=X[X.length-1];s=s>e?e:s{let n,r;let{current:i}=ea,{width:o,height:s,bottom:l,left:u}=i.getBoundingClientRect();if(n=0===ed.indexOf("vertical")?(l-e.y)/s:(e.x-u)/o,-1!==ed.indexOf("-reverse")&&(n=1-n),r=(c-b)*n+b,D)r=function(e,t,n){let r=Math.round((e-n)/t)*t+n;return Number(r.toFixed(function(e){if(1>Math.abs(e)){let t=e.toExponential().split("e-"),n=t[0].split(".")[1];return(n?n.length:0)+parseInt(t[1],10)}let t=e.toString().split(".")[1];return t?t.length:0}(t)))}(r,D,b);else{let e=S(X,r);r=X[e]}r=T(r,b,c);let d=0;if(Z){d=t?eu.current:S(Y,r),a&&(r=T(r,Y[d-1]||-1/0,Y[d+1]||1/0));let e=r;r=A({values:Y,newValue:r,index:d}),a&&t||(d=r.indexOf(e),eu.current=d)}return{newValue:r,activeIndex:d}},em=(0,f.Z)(e=>{let t=y(e,F);if(!t)return;if(j.current+=1,"mousemove"===e.type&&0===e.buttons){eg(e);return}let{newValue:n,activeIndex:r}=ep({finger:t,move:!0});_({sliderRef:ea,activeIndex:r,setActive:B}),W(n),!z&&j.current>2&&$(!0),K&&!k(n,V)&&K(e,n,r)}),eg=(0,f.Z)(e=>{let t=y(e,F);if($(!1),!t)return;let{newValue:n}=ep({finger:t,move:!0});B(-1),"touchend"===e.type&&G(-1),O&&O(e,n),F.current=void 0,eh()}),ef=(0,f.Z)(e=>{if(r)return;N()||e.preventDefault();let t=e.changedTouches[0];null!=t&&(F.current=t.identifier);let n=y(e,F);if(!1!==n){let{newValue:t,activeIndex:r}=ep({finger:n});_({sliderRef:ea,activeIndex:r,setActive:B}),W(t),K&&!k(t,V)&&K(e,t,r)}j.current=0;let a=(0,u.Z)(ea.current);a.addEventListener("touchmove",em),a.addEventListener("touchend",eg)}),eh=o.useCallback(()=>{let e=(0,u.Z)(ea.current);e.removeEventListener("mousemove",em),e.removeEventListener("mouseup",eg),e.removeEventListener("touchmove",em),e.removeEventListener("touchend",eg)},[eg,em]);o.useEffect(()=>{let{current:e}=ea;return e.addEventListener("touchstart",ef,{passive:N()}),()=>{e.removeEventListener("touchstart",ef,{passive:N()}),eh()}},[eh,ef]),o.useEffect(()=>{r&&eh()},[r,eh]);let eb=e=>t=>{var n;if(null==(n=e.onMouseDown)||n.call(e,t),r||t.defaultPrevented||0!==t.button)return;t.preventDefault();let a=y(t,F);if(!1!==a){let{newValue:e,activeIndex:n}=ep({finger:a});_({sliderRef:ea,activeIndex:n,setActive:B}),W(e),K&&!k(e,V)&&K(t,e,n)}j.current=0;let i=(0,u.Z)(ea.current);i.addEventListener("mousemove",em),i.addEventListener("mouseup",eg)},eE=((Z?Y[0]:b)-b)*100/(c-b),eT=(Y[Y.length-1]-b)*100/(c-b)-eE,eS=e=>t=>{var n;null==(n=e.onMouseOver)||n.call(e,t);let r=Number(t.currentTarget.getAttribute("data-index"));G(r)},ey=e=>t=>{var n;null==(n=e.onMouseLeave)||n.call(e,t),G(-1)};return{active:U,axis:ed,axisProps:v,dragging:z,focusedThumbIndex:en,getHiddenInputProps:(n={})=>{var a;let o={onChange:ec(n||{}),onFocus:es(n||{}),onBlur:el(n||{})},l=(0,i.Z)({},n,o);return(0,i.Z)({tabIndex:P,"aria-labelledby":t,"aria-orientation":w,"aria-valuemax":L(c),"aria-valuemin":L(b),name:R,type:"range",min:e.min,max:e.max,step:null===e.step&&e.marks?"any":null!=(a=e.step)?a:void 0,disabled:r},l,{style:(0,i.Z)({},h,{direction:s?"rtl":"ltr",width:"100%",height:"100%"})})},getRootProps:(e={})=>{let t={onMouseDown:eb(e||{})},n=(0,i.Z)({},e,t);return(0,i.Z)({ref:eo},n)},getThumbProps:(e={})=>{let t={onMouseOver:eS(e||{}),onMouseLeave:ey(e||{})};return(0,i.Z)({},e,t)},marks:q,open:H,range:Z,rootRef:eo,trackLeap:eT,trackOffset:eE,values:Y,getThumbStyle:e=>({pointerEvents:-1!==U&&U!==e?"none":void 0})}}((0,i.Z)({},eg,{rootRef:t}));eg.marked=ev.length>0&&ev.some(e=>e.label),eg.dragging=ek;let eO=(0,i.Z)({},ef[ey].offset(eN),ef[ey].leap(eR)),ew=B(eg),ex=(0,i.Z)({},ed,{component:el,slots:ec,slotProps:eu}),[eL,eD]=(0,x.Z)("root",{ref:t,className:(0,s.Z)(ew.root,c),elementType:G,externalForwardedProps:ex,getSlotProps:eh,ownerState:eg}),[eP,eM]=(0,x.Z)("rail",{className:ew.rail,elementType:z,externalForwardedProps:ex,ownerState:eg}),[eF,eU]=(0,x.Z)("track",{additionalProps:{style:eO},className:ew.track,elementType:$,externalForwardedProps:ex,ownerState:eg}),[eB,eH]=(0,x.Z)("mark",{className:ew.mark,elementType:V,externalForwardedProps:ex,ownerState:eg}),[eG,ez]=(0,x.Z)("markLabel",{className:ew.markLabel,elementType:K,externalForwardedProps:ex,ownerState:eg,additionalProps:{"aria-hidden":!0}}),[e$,ej]=(0,x.Z)("thumb",{className:ew.thumb,elementType:j,externalForwardedProps:ex,getSlotProps:eE,ownerState:eg}),[eV,eW]=(0,x.Z)("input",{className:ew.input,elementType:Z,externalForwardedProps:ex,getSlotProps:eb,ownerState:eg}),[eK,eZ]=(0,x.Z)("valueLabel",{className:ew.valueLabel,elementType:W,externalForwardedProps:ex,ownerState:eg});return(0,M.jsxs)(eL,(0,i.Z)({},eD,{children:[(0,M.jsx)(eP,(0,i.Z)({},eM)),(0,M.jsx)(eF,(0,i.Z)({},eU)),ev.filter(e=>e.value>=X&&e.value<=q).map((e,t)=>{let n;let r=(e.value-X)*100/(q-X),a=ef[ey].offset(r);return n=!1===et?-1!==eC.indexOf(e.value):"normal"===et&&(e_?e.value>=eC[0]&&e.value<=eC[eC.length-1]:e.value<=eC[0])||"inverted"===et&&(e_?e.value<=eC[0]||e.value>=eC[eC.length-1]:e.value>=eC[0]),(0,M.jsxs)(o.Fragment,{children:[(0,M.jsx)(eB,(0,i.Z)({"data-index":t},eH,!(0,R.X)(eB)&&{ownerState:(0,i.Z)({},eH.ownerState,{percent:r})},{style:(0,i.Z)({},a,eH.style),className:(0,s.Z)(eH.className,n&&ew.markActive)})),null!=e.label?(0,M.jsx)(eG,(0,i.Z)({"data-index":t},ez,{style:(0,i.Z)({},a,ez.style),className:(0,s.Z)(ew.markLabel,ez.className,n&&ew.markLabelActive),children:e.label})):null]},e.value)}),eC.map((e,t)=>{let n=(e-X)*100/(q-X),a=ef[ey].offset(n);return(0,M.jsxs)(e$,(0,i.Z)({"data-index":t},ej,{className:(0,s.Z)(ej.className,eS===t&&ew.active,eA===t&&ew.focusVisible),style:(0,i.Z)({},a,eI(t),ej.style),children:[(0,M.jsx)(eV,(0,i.Z)({"data-index":t,"aria-label":P?P(t):r,"aria-valuenow":J(e),"aria-valuetext":H?H(J(e),t):l,value:eC[t]},eW)),"off"!==en?(0,M.jsx)(eK,(0,i.Z)({},eZ,{className:(0,s.Z)(eZ.className,(eT===t||eS===t||"on"===en)&&ew.valueLabelOpen),children:"function"==typeof er?er(J(e),t):er})):null]}),t)})]}))});var q=Y},33028:function(e,t,n){"use strict";n.d(t,{Z:function(){return U}});var r=n(63366),a=n(87462),i=n(67294),o=n(14142),s=n(94780),l=n(73935),c=n(33703),u=n(74161),d=n(39336),p=n(73546),m=n(85893);let g=["onChange","maxRows","minRows","style","value"];function f(e){return parseInt(e,10)||0}let h={shadow:{visibility:"hidden",position:"absolute",overflow:"hidden",height:0,top:0,left:0,transform:"translateZ(0)"}};function b(e){return null==e||0===Object.keys(e).length||0===e.outerHeightStyle&&!e.overflow}let E=i.forwardRef(function(e,t){let{onChange:n,maxRows:o,minRows:s=1,style:E,value:T}=e,S=(0,r.Z)(e,g),{current:y}=i.useRef(null!=T),A=i.useRef(null),_=(0,c.Z)(t,A),k=i.useRef(null),v=i.useRef(0),[C,N]=i.useState({outerHeightStyle:0}),R=i.useCallback(()=>{let t=A.current,n=(0,u.Z)(t),r=n.getComputedStyle(t);if("0px"===r.width)return{outerHeightStyle:0};let a=k.current;a.style.width=r.width,a.value=t.value||e.placeholder||"x","\n"===a.value.slice(-1)&&(a.value+=" ");let i=r.boxSizing,l=f(r.paddingBottom)+f(r.paddingTop),c=f(r.borderBottomWidth)+f(r.borderTopWidth),d=a.scrollHeight;a.value="x";let p=a.scrollHeight,m=d;s&&(m=Math.max(Number(s)*p,m)),o&&(m=Math.min(Number(o)*p,m)),m=Math.max(m,p);let g=m+("border-box"===i?l+c:0),h=1>=Math.abs(m-d);return{outerHeightStyle:g,overflow:h}},[o,s,e.placeholder]),I=(e,t)=>{let{outerHeightStyle:n,overflow:r}=t;return v.current<20&&(n>0&&Math.abs((e.outerHeightStyle||0)-n)>1||e.overflow!==r)?(v.current+=1,{overflow:r,outerHeightStyle:n}):e},O=i.useCallback(()=>{let e=R();b(e)||N(t=>I(t,e))},[R]),w=()=>{let e=R();b(e)||l.flushSync(()=>{N(t=>I(t,e))})};return i.useEffect(()=>{let e;let t=(0,d.Z)(()=>{v.current=0,A.current&&w()}),n=A.current,r=(0,u.Z)(n);return r.addEventListener("resize",t),"undefined"!=typeof ResizeObserver&&(e=new ResizeObserver(()=>{v.current=0,A.current&&w()})).observe(n),()=>{t.clear(),r.removeEventListener("resize",t),e&&e.disconnect()}}),(0,p.Z)(()=>{O()}),i.useEffect(()=>{v.current=0},[T]),(0,m.jsxs)(i.Fragment,{children:[(0,m.jsx)("textarea",(0,a.Z)({value:T,onChange:e=>{v.current=0,y||O(),n&&n(e)},ref:_,rows:s,style:(0,a.Z)({height:C.outerHeightStyle,overflow:C.overflow?"hidden":void 0},E)},S)),(0,m.jsx)("textarea",{"aria-hidden":!0,className:e.className,readOnly:!0,ref:k,tabIndex:-1,style:(0,a.Z)({},h.shadow,E,{paddingTop:0,paddingBottom:0})})]})});var T=n(74312),S=n(20407),y=n(78653),A=n(30220),_=n(26821);function k(e){return(0,_.d6)("MuiTextarea",e)}let v=(0,_.sI)("MuiTextarea",["root","textarea","startDecorator","endDecorator","formControl","disabled","error","focused","colorPrimary","colorNeutral","colorDanger","colorSuccess","colorWarning","colorContext","sizeSm","sizeMd","sizeLg","variantPlain","variantOutlined","variantSoft"]);var C=n(71387);let N=i.createContext(void 0);var R=n(30437),I=n(76043);let O=["aria-describedby","aria-label","aria-labelledby","autoComplete","autoFocus","className","defaultValue","disabled","error","id","name","onClick","onChange","onKeyDown","onKeyUp","onFocus","onBlur","placeholder","readOnly","required","type","value"],w=["propsToForward","rootStateClasses","inputStateClasses","getRootProps","getInputProps","formControl","focused","error","disabled","size","color","variant","startDecorator","endDecorator","minRows","maxRows","component","slots","slotProps"],x=e=>{let{disabled:t,variant:n,color:r,size:a}=e,i={root:["root",t&&"disabled",n&&`variant${(0,o.Z)(n)}`,r&&`color${(0,o.Z)(r)}`,a&&`size${(0,o.Z)(a)}`],textarea:["textarea"],startDecorator:["startDecorator"],endDecorator:["endDecorator"]};return(0,s.Z)(i,k,{})},L=(0,T.Z)("div",{name:"JoyTextarea",slot:"Root",overridesResolver:(e,t)=>t.root})(({theme:e,ownerState:t})=>{var n,r,i,o,s;let l=null==(n=e.variants[`${t.variant}`])?void 0:n[t.color];return[(0,a.Z)({"--Textarea-radius":e.vars.radius.sm,"--Textarea-gap":"0.5rem","--Textarea-placeholderColor":"inherit","--Textarea-placeholderOpacity":.64,"--Textarea-decoratorColor":e.vars.palette.text.icon,"--Textarea-focused":"0","--Textarea-focusedThickness":e.vars.focus.thickness},"context"===t.color?{"--Textarea-focusedHighlight":e.vars.palette.focusVisible}:{"--Textarea-focusedHighlight":null==(r=e.vars.palette["neutral"===t.color?"primary":t.color])?void 0:r[500]},"sm"===t.size&&{"--Textarea-minHeight":"2rem","--Textarea-paddingBlock":"calc(0.5rem - var(--variant-borderWidth, 0px))","--Textarea-paddingInline":"0.5rem","--Textarea-decoratorChildHeight":"min(1.5rem, var(--Textarea-minHeight))","--Icon-fontSize":e.vars.fontSize.xl},"md"===t.size&&{"--Textarea-minHeight":"2.5rem","--Textarea-paddingBlock":"calc(0.5rem - var(--variant-borderWidth, 0px))","--Textarea-paddingInline":"0.75rem","--Textarea-decoratorChildHeight":"min(2rem, var(--Textarea-minHeight))","--Icon-fontSize":e.vars.fontSize.xl2},"lg"===t.size&&{"--Textarea-minHeight":"3rem","--Textarea-paddingBlock":"calc(0.75rem - var(--variant-borderWidth, 0px))","--Textarea-paddingInline":"1rem","--Textarea-gap":"0.75rem","--Textarea-decoratorChildHeight":"min(2.375rem, var(--Textarea-minHeight))","--Icon-fontSize":e.vars.fontSize.xl2},{"--_Textarea-paddingBlock":"max((var(--Textarea-minHeight) - 2 * var(--variant-borderWidth, 0px) - var(--Textarea-decoratorChildHeight)) / 2, 0px)","--Textarea-decoratorChildRadius":"max(var(--Textarea-radius) - var(--variant-borderWidth, 0px) - var(--_Textarea-paddingBlock), min(var(--_Textarea-paddingBlock) + var(--variant-borderWidth, 0px), var(--Textarea-radius) / 2))","--Button-minHeight":"var(--Textarea-decoratorChildHeight)","--IconButton-size":"var(--Textarea-decoratorChildHeight)","--Button-radius":"var(--Textarea-decoratorChildRadius)","--IconButton-radius":"var(--Textarea-decoratorChildRadius)",boxSizing:"border-box"},"plain"!==t.variant&&{boxShadow:e.shadow.xs},{minWidth:0,minHeight:"var(--Textarea-minHeight)",cursor:"text",position:"relative",display:"flex",flexDirection:"column",paddingInlineStart:"var(--Textarea-paddingInline)",paddingBlock:"var(--Textarea-paddingBlock)",borderRadius:"var(--Textarea-radius)"},e.typography[`body-${t.size}`],l,{backgroundColor:null!=(i=null==l?void 0:l.backgroundColor)?i:e.vars.palette.background.surface,"&:before":{boxSizing:"border-box",content:'""',display:"block",position:"absolute",pointerEvents:"none",top:0,left:0,right:0,bottom:0,zIndex:1,borderRadius:"inherit",margin:"calc(var(--variant-borderWidth, 0px) * -1)",boxShadow:"var(--Textarea-focusedInset, inset) 0 0 0 calc(var(--Textarea-focused) * var(--Textarea-focusedThickness)) var(--Textarea-focusedHighlight)"}}),{"&:hover":(0,a.Z)({},null==(o=e.variants[`${t.variant}Hover`])?void 0:o[t.color],{backgroundColor:null,cursor:"text"}),[`&.${v.disabled}`]:null==(s=e.variants[`${t.variant}Disabled`])?void 0:s[t.color],"&:focus-within::before":{"--Textarea-focused":"1"}}]}),D=(0,T.Z)(E,{name:"JoyTextarea",slot:"Textarea",overridesResolver:(e,t)=>t.textarea})({resize:"none",border:"none",minWidth:0,outline:0,padding:0,paddingInlineEnd:"var(--Textarea-paddingInline)",flex:"auto",alignSelf:"stretch",color:"inherit",backgroundColor:"transparent",fontFamily:"inherit",fontSize:"inherit",fontStyle:"inherit",fontWeight:"inherit",lineHeight:"inherit","&::-webkit-input-placeholder":{color:"var(--Textarea-placeholderColor)",opacity:"var(--Textarea-placeholderOpacity)"},"&::-moz-placeholder":{color:"var(--Textarea-placeholderColor)",opacity:"var(--Textarea-placeholderOpacity)"},"&:-ms-input-placeholder":{color:"var(--Textarea-placeholderColor)",opacity:"var(--Textarea-placeholderOpacity)"},"&::-ms-input-placeholder":{color:"var(--Textarea-placeholderColor)",opacity:"var(--Textarea-placeholderOpacity)"}}),P=(0,T.Z)("div",{name:"JoyTextarea",slot:"StartDecorator",overridesResolver:(e,t)=>t.startDecorator})({display:"flex",marginInlineStart:"calc(var(--Textarea-paddingBlock) - var(--Textarea-paddingInline))",marginInlineEnd:"var(--Textarea-paddingBlock)",marginBlockEnd:"var(--Textarea-gap)",color:"var(--Textarea-decoratorColor)",cursor:"initial"}),M=(0,T.Z)("div",{name:"JoyTextarea",slot:"EndDecorator",overridesResolver:(e,t)=>t.endDecorator})({display:"flex",marginInlineStart:"calc(var(--Textarea-paddingBlock) - var(--Textarea-paddingInline))",marginInlineEnd:"var(--Textarea-paddingBlock)",marginBlockStart:"var(--Textarea-gap)",color:"var(--Textarea-decoratorColor)",cursor:"initial"}),F=i.forwardRef(function(e,t){var n,o,s,l,u,d,p;let g=(0,S.Z)({props:e,name:"JoyTextarea"}),f=function(e,t){let n=i.useContext(I.Z),{"aria-describedby":o,"aria-label":s,"aria-labelledby":l,autoComplete:u,autoFocus:d,className:p,defaultValue:m,disabled:g,error:f,id:h,name:b,onClick:E,onChange:T,onKeyDown:S,onKeyUp:y,onFocus:A,onBlur:_,placeholder:k,readOnly:v,required:w,type:x,value:L}=e,D=(0,r.Z)(e,O),{getRootProps:P,getInputProps:M,focused:F,error:U,disabled:B}=function(e){let t,n,r,o,s;let{defaultValue:l,disabled:u=!1,error:d=!1,onBlur:p,onChange:m,onFocus:g,required:f=!1,value:h,inputRef:b}=e,E=i.useContext(N);if(E){var T,S,y;t=void 0,n=null!=(T=E.disabled)&&T,r=null!=(S=E.error)&&S,o=null!=(y=E.required)&&y,s=E.value}else t=l,n=u,r=d,o=f,s=h;let{current:A}=i.useRef(null!=s),_=i.useCallback(e=>{},[]),k=i.useRef(null),v=(0,c.Z)(k,b,_),[I,O]=i.useState(!1);i.useEffect(()=>{!E&&n&&I&&(O(!1),null==p||p())},[E,n,I,p]);let w=e=>t=>{var n,r;if(null!=E&&E.disabled){t.stopPropagation();return}null==(n=e.onFocus)||n.call(e,t),E&&E.onFocus?null==E||null==(r=E.onFocus)||r.call(E):O(!0)},x=e=>t=>{var n;null==(n=e.onBlur)||n.call(e,t),E&&E.onBlur?E.onBlur():O(!1)},L=e=>(t,...n)=>{var r,a;if(!A){let e=t.target||k.current;if(null==e)throw Error((0,C.Z)(17))}null==E||null==(r=E.onChange)||r.call(E,t),null==(a=e.onChange)||a.call(e,t,...n)},D=e=>t=>{var n;k.current&&t.currentTarget===t.target&&k.current.focus(),null==(n=e.onClick)||n.call(e,t)};return{disabled:n,error:r,focused:I,formControlContext:E,getInputProps:(e={})=>{let i=(0,a.Z)({},{onBlur:p,onChange:m,onFocus:g},(0,R._)(e)),l=(0,a.Z)({},e,i,{onBlur:x(i),onChange:L(i),onFocus:w(i)});return(0,a.Z)({},l,{"aria-invalid":r||void 0,defaultValue:t,ref:v,value:s,required:o,disabled:n})},getRootProps:(t={})=>{let n=(0,R._)(e,["onBlur","onChange","onFocus"]),r=(0,a.Z)({},n,(0,R._)(t));return(0,a.Z)({},t,r,{onClick:D(r)})},inputRef:v,required:o,value:s}}({disabled:null!=g?g:null==n?void 0:n.disabled,defaultValue:m,error:f,onBlur:_,onClick:E,onChange:T,onFocus:A,required:null!=w?w:null==n?void 0:n.required,value:L}),H={[t.disabled]:B,[t.error]:U,[t.focused]:F,[t.formControl]:!!n,[p]:p},G={[t.disabled]:B};return(0,a.Z)({formControl:n,propsToForward:{"aria-describedby":o,"aria-label":s,"aria-labelledby":l,autoComplete:u,autoFocus:d,disabled:B,id:h,onKeyDown:S,onKeyUp:y,name:b,placeholder:k,readOnly:v,type:x},rootStateClasses:H,inputStateClasses:G,getRootProps:P,getInputProps:M,focused:F,error:U,disabled:B},D)}(g,v),{propsToForward:h,rootStateClasses:b,inputStateClasses:E,getRootProps:T,getInputProps:_,formControl:k,focused:F,error:U=!1,disabled:B=!1,size:H="md",color:G="neutral",variant:z="outlined",startDecorator:$,endDecorator:j,minRows:V,maxRows:W,component:K,slots:Z={},slotProps:Y={}}=f,q=(0,r.Z)(f,w),X=null!=(n=null!=(o=e.disabled)?o:null==k?void 0:k.disabled)?n:B,Q=null!=(s=null!=(l=e.error)?l:null==k?void 0:k.error)?s:U,J=null!=(u=null!=(d=e.size)?d:null==k?void 0:k.size)?u:H,{getColor:ee}=(0,y.VT)(z),et=ee(e.color,Q?"danger":null!=(p=null==k?void 0:k.color)?p:G),en=(0,a.Z)({},g,{color:et,disabled:X,error:Q,focused:F,size:J,variant:z}),er=x(en),ea=(0,a.Z)({},q,{component:K,slots:Z,slotProps:Y}),[ei,eo]=(0,A.Z)("root",{ref:t,className:[er.root,b],elementType:L,externalForwardedProps:ea,getSlotProps:T,ownerState:en}),[es,el]=(0,A.Z)("textarea",{additionalProps:{id:null==k?void 0:k.htmlFor,"aria-describedby":null==k?void 0:k["aria-describedby"]},className:[er.textarea,E],elementType:D,internalForwardedProps:(0,a.Z)({},h,{minRows:V,maxRows:W}),externalForwardedProps:ea,getSlotProps:_,ownerState:en}),[ec,eu]=(0,A.Z)("startDecorator",{className:er.startDecorator,elementType:P,externalForwardedProps:ea,ownerState:en}),[ed,ep]=(0,A.Z)("endDecorator",{className:er.endDecorator,elementType:M,externalForwardedProps:ea,ownerState:en});return(0,m.jsxs)(ei,(0,a.Z)({},eo,{children:[$&&(0,m.jsx)(ec,(0,a.Z)({},eu,{children:$})),(0,m.jsx)(es,(0,a.Z)({},el)),j&&(0,m.jsx)(ed,(0,a.Z)({},ep,{children:j}))]}))});var U=F},38426:function(e,t,n){"use strict";n.d(t,{Z:function(){return eA}});var r=n(67294),a=n(99611),i=n(94184),o=n.n(i),s=n(87462),l=n(1413),c=n(4942),u=n(97685),d=n(71002),p=n(45987),m=n(27678),g=n(21770),f=["crossOrigin","decoding","draggable","loading","referrerPolicy","sizes","srcSet","useMap","alt"],h=r.createContext(null),b=0;function E(e){var t=e.src,n=e.isCustomPlaceholder,a=e.fallback,i=(0,r.useState)(n?"loading":"normal"),o=(0,u.Z)(i,2),s=o[0],l=o[1],c=(0,r.useRef)(!1),d="error"===s;(0,r.useEffect)(function(){new Promise(function(e){var n=document.createElement("img");n.onerror=function(){return e(!1)},n.onload=function(){return e(!0)},n.src=t}).then(function(e){e||l("error")})},[t]),(0,r.useEffect)(function(){n&&!c.current?l("loading"):d&&l("normal")},[t]);var p=function(){l("normal")};return[function(e){c.current=!1,"loading"===s&&null!=e&&e.complete&&(e.naturalWidth||e.naturalHeight)&&(c.current=!0,p())},d&&a?{src:a}:{onLoad:p,src:t},s]}var T=n(13328),S=n(64019),y=n(15105),A=n(80334);function _(e,t,n,r){var a=t+n,i=(n-r)/2;if(n>r){if(t>0)return(0,c.Z)({},e,i);if(t<0&&ar)return(0,c.Z)({},e,t<0?i:-i);return{}}var k=n(91881),v=n(75164),C={x:0,y:0,rotate:0,scale:1,flipX:!1,flipY:!1},N=n(2788),R=n(82225),I=function(e){var t=e.visible,n=e.maskTransitionName,a=e.getContainer,i=e.prefixCls,s=e.rootClassName,u=e.icons,d=e.countRender,p=e.showSwitch,m=e.showProgress,g=e.current,f=e.transform,b=e.count,E=e.scale,T=e.minScale,S=e.maxScale,A=e.closeIcon,_=e.onSwitchLeft,k=e.onSwitchRight,v=e.onClose,C=e.onZoomIn,I=e.onZoomOut,O=e.onRotateRight,w=e.onRotateLeft,x=e.onFlipX,L=e.onFlipY,D=e.toolbarRender,P=(0,r.useContext)(h),M=u.rotateLeft,F=u.rotateRight,U=u.zoomIn,B=u.zoomOut,H=u.close,G=u.left,z=u.right,$=u.flipX,j=u.flipY,V="".concat(i,"-operations-operation");r.useEffect(function(){var e=function(e){e.keyCode===y.Z.ESC&&v()};return t&&window.addEventListener("keydown",e),function(){window.removeEventListener("keydown",e)}},[t]);var W=[{icon:j,onClick:L,type:"flipY"},{icon:$,onClick:x,type:"flipX"},{icon:M,onClick:w,type:"rotateLeft"},{icon:F,onClick:O,type:"rotateRight"},{icon:B,onClick:I,type:"zoomOut",disabled:E===T},{icon:U,onClick:C,type:"zoomIn",disabled:E===S}].map(function(e){var t,n=e.icon,a=e.onClick,s=e.type,l=e.disabled;return r.createElement("div",{className:o()(V,(t={},(0,c.Z)(t,"".concat(i,"-operations-operation-").concat(s),!0),(0,c.Z)(t,"".concat(i,"-operations-operation-disabled"),!!l),t)),onClick:a,key:s},n)}),K=r.createElement("div",{className:"".concat(i,"-operations")},W);return r.createElement(R.ZP,{visible:t,motionName:n},function(e){var t=e.className,n=e.style;return r.createElement(N.Z,{open:!0,getContainer:null!=a?a:document.body},r.createElement("div",{className:o()("".concat(i,"-operations-wrapper"),t,s),style:n},null===A?null:r.createElement("button",{className:"".concat(i,"-close"),onClick:v},A||H),p&&r.createElement(r.Fragment,null,r.createElement("div",{className:o()("".concat(i,"-switch-left"),(0,c.Z)({},"".concat(i,"-switch-left-disabled"),0===g)),onClick:_},G),r.createElement("div",{className:o()("".concat(i,"-switch-right"),(0,c.Z)({},"".concat(i,"-switch-right-disabled"),g===b-1)),onClick:k},z)),r.createElement("div",{className:"".concat(i,"-footer")},m&&r.createElement("div",{className:"".concat(i,"-progress")},d?d(g+1,b):"".concat(g+1," / ").concat(b)),D?D(K,(0,l.Z)({icons:{flipYIcon:W[0],flipXIcon:W[1],rotateLeftIcon:W[2],rotateRightIcon:W[3],zoomOutIcon:W[4],zoomInIcon:W[5]},actions:{onFlipY:L,onFlipX:x,onRotateLeft:w,onRotateRight:O,onZoomOut:I,onZoomIn:C},transform:f},P?{current:g,total:b}:{})):K)))})},O=["fallback","src","imgRef"],w=["prefixCls","src","alt","fallback","movable","onClose","visible","icons","rootClassName","closeIcon","getContainer","current","count","countRender","scaleStep","minScale","maxScale","transitionName","maskTransitionName","imageRender","imgCommonProps","toolbarRender","onTransform","onChange"],x=function(e){var t=e.fallback,n=e.src,a=e.imgRef,i=(0,p.Z)(e,O),o=E({src:n,fallback:t}),l=(0,u.Z)(o,2),c=l[0],d=l[1];return r.createElement("img",(0,s.Z)({ref:function(e){a.current=e,c(e)}},i,d))},L=function(e){var t,n,a,i,d,g,f,b=e.prefixCls,E=e.src,N=e.alt,R=e.fallback,O=e.movable,L=void 0===O||O,D=e.onClose,P=e.visible,M=e.icons,F=e.rootClassName,U=e.closeIcon,B=e.getContainer,H=e.current,G=void 0===H?0:H,z=e.count,$=void 0===z?1:z,j=e.countRender,V=e.scaleStep,W=void 0===V?.5:V,K=e.minScale,Z=void 0===K?1:K,Y=e.maxScale,q=void 0===Y?50:Y,X=e.transitionName,Q=e.maskTransitionName,J=void 0===Q?"fade":Q,ee=e.imageRender,et=e.imgCommonProps,en=e.toolbarRender,er=e.onTransform,ea=e.onChange,ei=(0,p.Z)(e,w),eo=(0,r.useRef)(),es=(0,r.useRef)({deltaX:0,deltaY:0,transformX:0,transformY:0}),el=(0,r.useState)(!1),ec=(0,u.Z)(el,2),eu=ec[0],ed=ec[1],ep=(0,r.useContext)(h),em=ep&&$>1,eg=ep&&$>=1,ef=(t=(0,r.useRef)(null),n=(0,r.useRef)([]),a=(0,r.useState)(C),d=(i=(0,u.Z)(a,2))[0],g=i[1],f=function(e,r){null===t.current&&(n.current=[],t.current=(0,v.Z)(function(){g(function(e){var a=e;return n.current.forEach(function(e){a=(0,l.Z)((0,l.Z)({},a),e)}),t.current=null,null==er||er({transform:a,action:r}),a})})),n.current.push((0,l.Z)((0,l.Z)({},d),e))},{transform:d,resetTransform:function(e){g(C),er&&!(0,k.Z)(C,d)&&er({transform:C,action:e})},updateTransform:f,dispatchZoomChange:function(e,t,n,r){var a=eo.current,i=a.width,o=a.height,s=a.offsetWidth,l=a.offsetHeight,c=a.offsetLeft,u=a.offsetTop,p=e,g=d.scale*e;g>q?(p=q/d.scale,g=q):g0&&(e_(!1),eb("prev"),null==ea||ea(G-1,G))},eO=function(e){null==e||e.preventDefault(),null==e||e.stopPropagation(),G<$-1&&(e_(!1),eb("next"),null==ea||ea(G+1,G))},ew=function(){if(P&&eu){ed(!1);var e,t,n,r,a,i,o=es.current,s=o.transformX,c=o.transformY;if(eC!==s&&eN!==c){var u=eo.current.offsetWidth*ev,d=eo.current.offsetHeight*ev,p=eo.current.getBoundingClientRect(),g=p.left,f=p.top,h=ek%180!=0,b=(e=h?d:u,t=h?u:d,r=(n=(0,m.g1)()).width,a=n.height,i=null,e<=r&&t<=a?i={x:0,y:0}:(e>r||t>a)&&(i=(0,l.Z)((0,l.Z)({},_("x",g,e,r)),_("y",f,t,a))),i);b&&eE((0,l.Z)({},b),"dragRebound")}}},ex=function(e){P&&eu&&eE({x:e.pageX-es.current.deltaX,y:e.pageY-es.current.deltaY},"move")},eL=function(e){P&&em&&(e.keyCode===y.Z.LEFT?eI():e.keyCode===y.Z.RIGHT&&eO())};(0,r.useEffect)(function(){var e,t,n,r;if(L){n=(0,S.Z)(window,"mouseup",ew,!1),r=(0,S.Z)(window,"mousemove",ex,!1);try{window.top!==window.self&&(e=(0,S.Z)(window.top,"mouseup",ew,!1),t=(0,S.Z)(window.top,"mousemove",ex,!1))}catch(e){(0,A.Kp)(!1,"[rc-image] ".concat(e))}}return function(){var a,i,o,s;null===(a=n)||void 0===a||a.remove(),null===(i=r)||void 0===i||i.remove(),null===(o=e)||void 0===o||o.remove(),null===(s=t)||void 0===s||s.remove()}},[P,eu,eC,eN,ek,L]),(0,r.useEffect)(function(){var e=(0,S.Z)(window,"keydown",eL,!1);return function(){e.remove()}},[P,em,G]);var eD=r.createElement(x,(0,s.Z)({},et,{width:e.width,height:e.height,imgRef:eo,className:"".concat(b,"-img"),alt:N,style:{transform:"translate3d(".concat(eh.x,"px, ").concat(eh.y,"px, 0) scale3d(").concat(eh.flipX?"-":"").concat(ev,", ").concat(eh.flipY?"-":"").concat(ev,", 1) rotate(").concat(ek,"deg)"),transitionDuration:!eA&&"0s"},fallback:R,src:E,onWheel:function(e){if(P&&0!=e.deltaY){var t=1+Math.min(Math.abs(e.deltaY/100),1)*W;e.deltaY>0&&(t=1/t),eT(t,"wheel",e.clientX,e.clientY)}},onMouseDown:function(e){L&&0===e.button&&(e.preventDefault(),e.stopPropagation(),es.current={deltaX:e.pageX-eh.x,deltaY:e.pageY-eh.y,transformX:eh.x,transformY:eh.y},ed(!0))},onDoubleClick:function(e){P&&(1!==ev?eE({x:0,y:0,scale:1},"doubleClick"):eT(1+W,"doubleClick",e.clientX,e.clientY))}}));return r.createElement(r.Fragment,null,r.createElement(T.Z,(0,s.Z)({transitionName:void 0===X?"zoom":X,maskTransitionName:J,closable:!1,keyboard:!0,prefixCls:b,onClose:D,visible:P,wrapClassName:eR,rootClassName:F,getContainer:B},ei,{afterClose:function(){eb("close")}}),r.createElement("div",{className:"".concat(b,"-img-wrapper")},ee?ee(eD,(0,l.Z)({transform:eh},ep?{current:G}:{})):eD)),r.createElement(I,{visible:P,transform:eh,maskTransitionName:J,closeIcon:U,getContainer:B,prefixCls:b,rootClassName:F,icons:void 0===M?{}:M,countRender:j,showSwitch:em,showProgress:eg,current:G,count:$,scale:ev,minScale:Z,maxScale:q,toolbarRender:en,onSwitchLeft:eI,onSwitchRight:eO,onZoomIn:function(){eT(1+W,"zoomIn")},onZoomOut:function(){eT(1/(1+W),"zoomOut")},onRotateRight:function(){eE({rotate:ek+90},"rotateRight")},onRotateLeft:function(){eE({rotate:ek-90},"rotateLeft")},onFlipX:function(){eE({flipX:!eh.flipX},"flipX")},onFlipY:function(){eE({flipY:!eh.flipY},"flipY")},onClose:D}))},D=n(74902),P=["visible","onVisibleChange","getContainer","current","movable","minScale","maxScale","countRender","closeIcon","onChange","onTransform","toolbarRender","imageRender"],M=["src"],F=["src","alt","onPreviewClose","prefixCls","previewPrefixCls","placeholder","fallback","width","height","style","preview","className","onClick","onError","wrapperClassName","wrapperStyle","rootClassName"],U=["src","visible","onVisibleChange","getContainer","mask","maskClassName","movable","icons","scaleStep","minScale","maxScale","imageRender","toolbarRender"],B=function(e){var t,n,a,i,T=e.src,S=e.alt,y=e.onPreviewClose,A=e.prefixCls,_=void 0===A?"rc-image":A,k=e.previewPrefixCls,v=void 0===k?"".concat(_,"-preview"):k,C=e.placeholder,N=e.fallback,R=e.width,I=e.height,O=e.style,w=e.preview,x=void 0===w||w,D=e.className,P=e.onClick,M=e.onError,B=e.wrapperClassName,H=e.wrapperStyle,G=e.rootClassName,z=(0,p.Z)(e,F),$=C&&!0!==C,j="object"===(0,d.Z)(x)?x:{},V=j.src,W=j.visible,K=void 0===W?void 0:W,Z=j.onVisibleChange,Y=j.getContainer,q=j.mask,X=j.maskClassName,Q=j.movable,J=j.icons,ee=j.scaleStep,et=j.minScale,en=j.maxScale,er=j.imageRender,ea=j.toolbarRender,ei=(0,p.Z)(j,U),eo=null!=V?V:T,es=(0,g.Z)(!!K,{value:K,onChange:void 0===Z?y:Z}),el=(0,u.Z)(es,2),ec=el[0],eu=el[1],ed=E({src:T,isCustomPlaceholder:$,fallback:N}),ep=(0,u.Z)(ed,3),em=ep[0],eg=ep[1],ef=ep[2],eh=(0,r.useState)(null),eb=(0,u.Z)(eh,2),eE=eb[0],eT=eb[1],eS=(0,r.useContext)(h),ey=!!x,eA=o()(_,B,G,(0,c.Z)({},"".concat(_,"-error"),"error"===ef)),e_=(0,r.useMemo)(function(){var t={};return f.forEach(function(n){void 0!==e[n]&&(t[n]=e[n])}),t},f.map(function(t){return e[t]})),ek=(0,r.useMemo)(function(){return(0,l.Z)((0,l.Z)({},e_),{},{src:eo})},[eo,e_]),ev=(t=r.useState(function(){return String(b+=1)}),n=(0,u.Z)(t,1)[0],a=r.useContext(h),i={data:ek,canPreview:ey},r.useEffect(function(){if(a)return a.register(n,i)},[]),r.useEffect(function(){a&&a.register(n,i)},[ey,ek]),n);return r.createElement(r.Fragment,null,r.createElement("div",(0,s.Z)({},z,{className:eA,onClick:ey?function(e){var t=(0,m.os)(e.target),n=t.left,r=t.top;eS?eS.onPreview(ev,n,r):(eT({x:n,y:r}),eu(!0)),null==P||P(e)}:P,style:(0,l.Z)({width:R,height:I},H)}),r.createElement("img",(0,s.Z)({},e_,{className:o()("".concat(_,"-img"),(0,c.Z)({},"".concat(_,"-img-placeholder"),!0===C),D),style:(0,l.Z)({height:I},O),ref:em},eg,{width:R,height:I,onError:M})),"loading"===ef&&r.createElement("div",{"aria-hidden":"true",className:"".concat(_,"-placeholder")},C),q&&ey&&r.createElement("div",{className:o()("".concat(_,"-mask"),X),style:{display:(null==O?void 0:O.display)==="none"?"none":void 0}},q)),!eS&&ey&&r.createElement(L,(0,s.Z)({"aria-hidden":!ec,visible:ec,prefixCls:v,onClose:function(){eu(!1),eT(null)},mousePosition:eE,src:eo,alt:S,fallback:N,getContainer:void 0===Y?void 0:Y,icons:J,movable:Q,scaleStep:ee,minScale:et,maxScale:en,rootClassName:G,imageRender:er,imgCommonProps:e_,toolbarRender:ea},ei)))};B.PreviewGroup=function(e){var t,n,a,i,o,m,b=e.previewPrefixCls,E=e.children,T=e.icons,S=e.items,y=e.preview,A=e.fallback,_="object"===(0,d.Z)(y)?y:{},k=_.visible,v=_.onVisibleChange,C=_.getContainer,N=_.current,R=_.movable,I=_.minScale,O=_.maxScale,w=_.countRender,x=_.closeIcon,F=_.onChange,U=_.onTransform,B=_.toolbarRender,H=_.imageRender,G=(0,p.Z)(_,P),z=(t=r.useState({}),a=(n=(0,u.Z)(t,2))[0],i=n[1],o=r.useCallback(function(e,t){return i(function(n){return(0,l.Z)((0,l.Z)({},n),{},(0,c.Z)({},e,t))}),function(){i(function(t){var n=(0,l.Z)({},t);return delete n[e],n})}},[]),[r.useMemo(function(){return S?S.map(function(e){if("string"==typeof e)return{data:{src:e}};var t={};return Object.keys(e).forEach(function(n){["src"].concat((0,D.Z)(f)).includes(n)&&(t[n]=e[n])}),{data:t}}):Object.keys(a).reduce(function(e,t){var n=a[t],r=n.canPreview,i=n.data;return r&&e.push({data:i,id:t}),e},[])},[S,a]),o]),$=(0,u.Z)(z,2),j=$[0],V=$[1],W=(0,g.Z)(0,{value:N}),K=(0,u.Z)(W,2),Z=K[0],Y=K[1],q=(0,r.useState)(!1),X=(0,u.Z)(q,2),Q=X[0],J=X[1],ee=(null===(m=j[Z])||void 0===m?void 0:m.data)||{},et=ee.src,en=(0,p.Z)(ee,M),er=(0,g.Z)(!!k,{value:k,onChange:function(e,t){null==v||v(e,t,Z)}}),ea=(0,u.Z)(er,2),ei=ea[0],eo=ea[1],es=(0,r.useState)(null),el=(0,u.Z)(es,2),ec=el[0],eu=el[1],ed=r.useCallback(function(e,t,n){var r=j.findIndex(function(t){return t.id===e});eo(!0),eu({x:t,y:n}),Y(r<0?0:r),J(!0)},[j]);r.useEffect(function(){ei?Q||Y(0):J(!1)},[ei]);var ep=r.useMemo(function(){return{register:V,onPreview:ed}},[V,ed]);return r.createElement(h.Provider,{value:ep},E,r.createElement(L,(0,s.Z)({"aria-hidden":!ei,movable:R,visible:ei,prefixCls:void 0===b?"rc-image-preview":b,closeIcon:x,onClose:function(){eo(!1),eu(null)},mousePosition:ec,imgCommonProps:en,src:et,fallback:A,icons:void 0===T?{}:T,minScale:I,maxScale:O,getContainer:C,current:Z,count:j.length,countRender:w,onTransform:U,toolbarRender:B,imageRender:H,onChange:function(e,t){Y(e),null==F||F(e,t)}},G)))},B.displayName="Image";var H=n(33603),G=n(53124),z=n(88526),$=n(97937),j=n(6171),V=n(18073),W={icon:{tag:"svg",attrs:{viewBox:"64 64 896 896",focusable:"false"},children:[{tag:"defs",attrs:{},children:[{tag:"style",attrs:{}}]},{tag:"path",attrs:{d:"M672 418H144c-17.7 0-32 14.3-32 32v414c0 17.7 14.3 32 32 32h528c17.7 0 32-14.3 32-32V450c0-17.7-14.3-32-32-32zm-44 402H188V494h440v326z"}},{tag:"path",attrs:{d:"M819.3 328.5c-78.8-100.7-196-153.6-314.6-154.2l-.2-64c0-6.5-7.6-10.1-12.6-6.1l-128 101c-4 3.1-3.9 9.1 0 12.3L492 318.6c5.1 4 12.7.4 12.6-6.1v-63.9c12.9.1 25.9.9 38.8 2.5 42.1 5.2 82.1 18.2 119 38.7 38.1 21.2 71.2 49.7 98.4 84.3 27.1 34.7 46.7 73.7 58.1 115.8a325.95 325.95 0 016.5 140.9h74.9c14.8-103.6-11.3-213-81-302.3z"}}]},name:"rotate-left",theme:"outlined"},K=n(84089),Z=r.forwardRef(function(e,t){return r.createElement(K.Z,(0,s.Z)({},e,{ref:t,icon:W}))}),Y={icon:{tag:"svg",attrs:{viewBox:"64 64 896 896",focusable:"false"},children:[{tag:"defs",attrs:{},children:[{tag:"style",attrs:{}}]},{tag:"path",attrs:{d:"M480.5 251.2c13-1.6 25.9-2.4 38.8-2.5v63.9c0 6.5 7.5 10.1 12.6 6.1L660 217.6c4-3.2 4-9.2 0-12.3l-128-101c-5.1-4-12.6-.4-12.6 6.1l-.2 64c-118.6.5-235.8 53.4-314.6 154.2A399.75 399.75 0 00123.5 631h74.9c-.9-5.3-1.7-10.7-2.4-16.1-5.1-42.1-2.1-84.1 8.9-124.8 11.4-42.2 31-81.1 58.1-115.8 27.2-34.7 60.3-63.2 98.4-84.3 37-20.6 76.9-33.6 119.1-38.8z"}},{tag:"path",attrs:{d:"M880 418H352c-17.7 0-32 14.3-32 32v414c0 17.7 14.3 32 32 32h528c17.7 0 32-14.3 32-32V450c0-17.7-14.3-32-32-32zm-44 402H396V494h440v326z"}}]},name:"rotate-right",theme:"outlined"},q=r.forwardRef(function(e,t){return r.createElement(K.Z,(0,s.Z)({},e,{ref:t,icon:Y}))}),X={icon:{tag:"svg",attrs:{viewBox:"64 64 896 896",focusable:"false"},children:[{tag:"path",attrs:{d:"M847.9 592H152c-4.4 0-8 3.6-8 8v60c0 4.4 3.6 8 8 8h605.2L612.9 851c-4.1 5.2-.4 13 6.3 13h72.5c4.9 0 9.5-2.2 12.6-6.1l168.8-214.1c16.5-21 1.6-51.8-25.2-51.8zM872 356H266.8l144.3-183c4.1-5.2.4-13-6.3-13h-72.5c-4.9 0-9.5 2.2-12.6 6.1L150.9 380.2c-16.5 21-1.6 51.8 25.1 51.8h696c4.4 0 8-3.6 8-8v-60c0-4.4-3.6-8-8-8z"}}]},name:"swap",theme:"outlined"},Q=r.forwardRef(function(e,t){return r.createElement(K.Z,(0,s.Z)({},e,{ref:t,icon:X}))}),J={icon:{tag:"svg",attrs:{viewBox:"64 64 896 896",focusable:"false"},children:[{tag:"path",attrs:{d:"M637 443H519V309c0-4.4-3.6-8-8-8h-60c-4.4 0-8 3.6-8 8v134H325c-4.4 0-8 3.6-8 8v60c0 4.4 3.6 8 8 8h118v134c0 4.4 3.6 8 8 8h60c4.4 0 8-3.6 8-8V519h118c4.4 0 8-3.6 8-8v-60c0-4.4-3.6-8-8-8zm284 424L775 721c122.1-148.9 113.6-369.5-26-509-148-148.1-388.4-148.1-537 0-148.1 148.6-148.1 389 0 537 139.5 139.6 360.1 148.1 509 26l146 146c3.2 2.8 8.3 2.8 11 0l43-43c2.8-2.7 2.8-7.8 0-11zM696 696c-118.8 118.7-311.2 118.7-430 0-118.7-118.8-118.7-311.2 0-430 118.8-118.7 311.2-118.7 430 0 118.7 118.8 118.7 311.2 0 430z"}}]},name:"zoom-in",theme:"outlined"},ee=r.forwardRef(function(e,t){return r.createElement(K.Z,(0,s.Z)({},e,{ref:t,icon:J}))}),et={icon:{tag:"svg",attrs:{viewBox:"64 64 896 896",focusable:"false"},children:[{tag:"path",attrs:{d:"M637 443H325c-4.4 0-8 3.6-8 8v60c0 4.4 3.6 8 8 8h312c4.4 0 8-3.6 8-8v-60c0-4.4-3.6-8-8-8zm284 424L775 721c122.1-148.9 113.6-369.5-26-509-148-148.1-388.4-148.1-537 0-148.1 148.6-148.1 389 0 537 139.5 139.6 360.1 148.1 509 26l146 146c3.2 2.8 8.3 2.8 11 0l43-43c2.8-2.7 2.8-7.8 0-11zM696 696c-118.8 118.7-311.2 118.7-430 0-118.7-118.8-118.7-311.2 0-430 118.8-118.7 311.2-118.7 430 0 118.7 118.8 118.7 311.2 0 430z"}}]},name:"zoom-out",theme:"outlined"},en=r.forwardRef(function(e,t){return r.createElement(K.Z,(0,s.Z)({},e,{ref:t,icon:et}))}),er=n(10274),ea=n(71194),ei=n(14747),eo=n(50438),es=n(16932),el=n(67968),ec=n(45503);let eu=e=>({position:e||"absolute",inset:0}),ed=e=>{let{iconCls:t,motionDurationSlow:n,paddingXXS:r,marginXXS:a,prefixCls:i,colorTextLightSolid:o}=e;return{position:"absolute",inset:0,display:"flex",alignItems:"center",justifyContent:"center",color:o,background:new er.C("#000").setAlpha(.5).toRgbString(),cursor:"pointer",opacity:0,transition:`opacity ${n}`,[`.${i}-mask-info`]:Object.assign(Object.assign({},ei.vS),{padding:`0 ${r}px`,[t]:{marginInlineEnd:a,svg:{verticalAlign:"baseline"}}})}},ep=e=>{let{previewCls:t,modalMaskBg:n,paddingSM:r,marginXL:a,margin:i,paddingLG:o,previewOperationColorDisabled:s,previewOperationHoverColor:l,motionDurationSlow:c,iconCls:u,colorTextLightSolid:d}=e,p=new er.C(n).setAlpha(.1),m=p.clone().setAlpha(.2);return{[`${t}-footer`]:{position:"fixed",bottom:a,left:{_skip_check_:!0,value:0},width:"100%",display:"flex",flexDirection:"column",alignItems:"center",color:e.previewOperationColor},[`${t}-progress`]:{marginBottom:i},[`${t}-close`]:{position:"fixed",top:a,right:{_skip_check_:!0,value:a},display:"flex",color:d,backgroundColor:p.toRgbString(),borderRadius:"50%",padding:r,outline:0,border:0,cursor:"pointer",transition:`all ${c}`,"&:hover":{backgroundColor:m.toRgbString()},[`& > ${u}`]:{fontSize:e.previewOperationSize}},[`${t}-operations`]:{display:"flex",alignItems:"center",padding:`0 ${o}px`,backgroundColor:p.toRgbString(),borderRadius:100,"&-operation":{marginInlineStart:r,padding:r,cursor:"pointer",transition:`all ${c}`,userSelect:"none",[`&:not(${t}-operations-operation-disabled):hover > ${u}`]:{color:l},"&-disabled":{color:s,cursor:"not-allowed"},"&:first-of-type":{marginInlineStart:0},[`& > ${u}`]:{fontSize:e.previewOperationSize}}}}},em=e=>{let{modalMaskBg:t,iconCls:n,previewOperationColorDisabled:r,previewCls:a,zIndexPopup:i,motionDurationSlow:o}=e,s=new er.C(t).setAlpha(.1),l=s.clone().setAlpha(.2);return{[`${a}-switch-left, ${a}-switch-right`]:{position:"fixed",insetBlockStart:"50%",zIndex:i+1,display:"flex",alignItems:"center",justifyContent:"center",width:e.imagePreviewSwitchSize,height:e.imagePreviewSwitchSize,marginTop:-e.imagePreviewSwitchSize/2,color:e.previewOperationColor,background:s.toRgbString(),borderRadius:"50%",transform:"translateY(-50%)",cursor:"pointer",transition:`all ${o}`,userSelect:"none","&:hover":{background:l.toRgbString()},"&-disabled":{"&, &:hover":{color:r,background:"transparent",cursor:"not-allowed",[`> ${n}`]:{cursor:"not-allowed"}}},[`> ${n}`]:{fontSize:e.previewOperationSize}},[`${a}-switch-left`]:{insetInlineStart:e.marginSM},[`${a}-switch-right`]:{insetInlineEnd:e.marginSM}}},eg=e=>{let{motionEaseOut:t,previewCls:n,motionDurationSlow:r,componentCls:a}=e;return[{[`${a}-preview-root`]:{[n]:{height:"100%",textAlign:"center",pointerEvents:"none"},[`${n}-body`]:Object.assign(Object.assign({},eu()),{overflow:"hidden"}),[`${n}-img`]:{maxWidth:"100%",maxHeight:"70%",verticalAlign:"middle",transform:"scale3d(1, 1, 1)",cursor:"grab",transition:`transform ${r} ${t} 0s`,userSelect:"none","&-wrapper":Object.assign(Object.assign({},eu()),{transition:`transform ${r} ${t} 0s`,display:"flex",justifyContent:"center",alignItems:"center","& > *":{pointerEvents:"auto"},"&::before":{display:"inline-block",width:1,height:"50%",marginInlineEnd:-1,content:'""'}})},[`${n}-moving`]:{[`${n}-preview-img`]:{cursor:"grabbing","&-wrapper":{transitionDuration:"0s"}}}}},{[`${a}-preview-root`]:{[`${n}-wrap`]:{zIndex:e.zIndexPopup}}},{[`${a}-preview-operations-wrapper`]:{position:"fixed",zIndex:e.zIndexPopup+1},"&":[ep(e),em(e)]}]},ef=e=>{let{componentCls:t}=e;return{[t]:{position:"relative",display:"inline-block",[`${t}-img`]:{width:"100%",height:"auto",verticalAlign:"middle"},[`${t}-img-placeholder`]:{backgroundColor:e.colorBgContainerDisabled,backgroundImage:"url('data:image/svg+xml;base64,PHN2ZyB3aWR0aD0iMTYiIGhlaWdodD0iMTYiIHZpZXdCb3g9IjAgMCAxNiAxNiIgeG1sbnM9Imh0dHA6Ly93d3cudzMub3JnLzIwMDAvc3ZnIj48cGF0aCBkPSJNMTQuNSAyLjVoLTEzQS41LjUgMCAwIDAgMSAzdjEwYS41LjUgMCAwIDAgLjUuNWgxM2EuNS41IDAgMCAwIC41LS41VjNhLjUuNSAwIDAgMC0uNS0uNXpNNS4yODEgNC43NWExIDEgMCAwIDEgMCAyIDEgMSAwIDAgMSAwLTJ6bTguMDMgNi44M2EuMTI3LjEyNyAwIDAgMS0uMDgxLjAzSDIuNzY5YS4xMjUuMTI1IDAgMCAxLS4wOTYtLjIwN2wyLjY2MS0zLjE1NmEuMTI2LjEyNiAwIDAgMSAuMTc3LS4wMTZsLjAxNi4wMTZMNy4wOCAxMC4wOWwyLjQ3LTIuOTNhLjEyNi4xMjYgMCAwIDEgLjE3Ny0uMDE2bC4wMTUuMDE2IDMuNTg4IDQuMjQ0YS4xMjcuMTI3IDAgMCAxLS4wMi4xNzV6IiBmaWxsPSIjOEM4QzhDIiBmaWxsLXJ1bGU9Im5vbnplcm8iLz48L3N2Zz4=')",backgroundRepeat:"no-repeat",backgroundPosition:"center center",backgroundSize:"30%"},[`${t}-mask`]:Object.assign({},ed(e)),[`${t}-mask:hover`]:{opacity:1},[`${t}-placeholder`]:Object.assign({},eu())}}},eh=e=>{let{previewCls:t}=e;return{[`${t}-root`]:(0,eo._y)(e,"zoom"),"&":(0,es.J$)(e,!0)}};var eb=(0,el.Z)("Image",e=>{let t=`${e.componentCls}-preview`,n=(0,ec.TS)(e,{previewCls:t,modalMaskBg:new er.C("#000").setAlpha(.45).toRgbString(),imagePreviewSwitchSize:e.controlHeightLG});return[ef(n),eg(n),(0,ea.Q)((0,ec.TS)(n,{componentCls:t})),eh(n)]},e=>({zIndexPopup:e.zIndexPopupBase+80,previewOperationColor:new er.C(e.colorTextLightSolid).setAlpha(.65).toRgbString(),previewOperationHoverColor:new er.C(e.colorTextLightSolid).setAlpha(.85).toRgbString(),previewOperationColorDisabled:new er.C(e.colorTextLightSolid).setAlpha(.25).toRgbString(),previewOperationSize:1.5*e.fontSizeIcon})),eE=function(e,t){var n={};for(var r in e)Object.prototype.hasOwnProperty.call(e,r)&&0>t.indexOf(r)&&(n[r]=e[r]);if(null!=e&&"function"==typeof Object.getOwnPropertySymbols)for(var a=0,r=Object.getOwnPropertySymbols(e);at.indexOf(r[a])&&Object.prototype.propertyIsEnumerable.call(e,r[a])&&(n[r[a]]=e[r[a]]);return n};let eT={rotateLeft:r.createElement(Z,null),rotateRight:r.createElement(q,null),zoomIn:r.createElement(ee,null),zoomOut:r.createElement(en,null),close:r.createElement($.Z,null),left:r.createElement(j.Z,null),right:r.createElement(V.Z,null),flipX:r.createElement(Q,null),flipY:r.createElement(Q,{rotate:90})};var eS=function(e,t){var n={};for(var r in e)Object.prototype.hasOwnProperty.call(e,r)&&0>t.indexOf(r)&&(n[r]=e[r]);if(null!=e&&"function"==typeof Object.getOwnPropertySymbols)for(var a=0,r=Object.getOwnPropertySymbols(e);at.indexOf(r[a])&&Object.prototype.propertyIsEnumerable.call(e,r[a])&&(n[r[a]]=e[r[a]]);return n};let ey=e=>{let{prefixCls:t,preview:n,className:i,rootClassName:s,style:l}=e,c=eS(e,["prefixCls","preview","className","rootClassName","style"]),{getPrefixCls:u,locale:d=z.Z,getPopupContainer:p,image:m}=r.useContext(G.E_),g=u("image",t),f=u(),h=d.Image||z.Z.Image,[b,E]=eb(g),T=o()(s,E),S=o()(i,E,null==m?void 0:m.className),y=r.useMemo(()=>{if(!1===n)return n;let e="object"==typeof n?n:{},{getContainer:t}=e,i=eS(e,["getContainer"]);return Object.assign(Object.assign({mask:r.createElement("div",{className:`${g}-mask-info`},r.createElement(a.Z,null),null==h?void 0:h.preview),icons:eT},i),{getContainer:t||p,transitionName:(0,H.m)(f,"zoom",e.transitionName),maskTransitionName:(0,H.m)(f,"fade",e.maskTransitionName)})},[n,h]),A=Object.assign(Object.assign({},null==m?void 0:m.style),l);return b(r.createElement(B,Object.assign({prefixCls:g,preview:y,rootClassName:T,className:S,style:A},c)))};ey.PreviewGroup=e=>{var{previewPrefixCls:t,preview:n}=e,a=eE(e,["previewPrefixCls","preview"]);let{getPrefixCls:i}=r.useContext(G.E_),s=i("image",t),l=`${s}-preview`,c=i(),[u,d]=eb(s),p=r.useMemo(()=>{var e;if(!1===n)return n;let t="object"==typeof n?n:{},r=o()(d,null!==(e=t.rootClassName)&&void 0!==e?e:"");return Object.assign(Object.assign({},t),{transitionName:(0,H.m)(c,"zoom",t.transitionName),maskTransitionName:(0,H.m)(c,"fade",t.maskTransitionName),rootClassName:r})},[n]);return u(r.createElement(B.PreviewGroup,Object.assign({preview:p,previewPrefixCls:l,icons:eT},a)))};var eA=ey},66309:function(e,t,n){"use strict";n.d(t,{Z:function(){return C}});var r=n(67294),a=n(97937),i=n(94184),o=n.n(i),s=n(98787),l=n(69760),c=n(45353),u=n(53124),d=n(14747),p=n(45503),m=n(67968);let g=e=>{let{paddingXXS:t,lineWidth:n,tagPaddingHorizontal:r,componentCls:a}=e,i=r-n;return{[a]:Object.assign(Object.assign({},(0,d.Wf)(e)),{display:"inline-block",height:"auto",marginInlineEnd:e.marginXS,paddingInline:i,fontSize:e.tagFontSize,lineHeight:e.tagLineHeight,whiteSpace:"nowrap",background:e.defaultBg,border:`${e.lineWidth}px ${e.lineType} ${e.colorBorder}`,borderRadius:e.borderRadiusSM,opacity:1,transition:`all ${e.motionDurationMid}`,textAlign:"start",position:"relative",[`&${a}-rtl`]:{direction:"rtl"},"&, a, a:hover":{color:e.defaultColor},[`${a}-close-icon`]:{marginInlineStart:t-n,color:e.colorTextDescription,fontSize:e.tagIconSize,cursor:"pointer",transition:`all ${e.motionDurationMid}`,"&:hover":{color:e.colorTextHeading}},[`&${a}-has-color`]:{borderColor:"transparent",[`&, a, a:hover, ${e.iconCls}-close, ${e.iconCls}-close:hover`]:{color:e.colorTextLightSolid}},"&-checkable":{backgroundColor:"transparent",borderColor:"transparent",cursor:"pointer",[`&:not(${a}-checkable-checked):hover`]:{color:e.colorPrimary,backgroundColor:e.colorFillSecondary},"&:active, &-checked":{color:e.colorTextLightSolid},"&-checked":{backgroundColor:e.colorPrimary,"&:hover":{backgroundColor:e.colorPrimaryHover}},"&:active":{backgroundColor:e.colorPrimaryActive}},"&-hidden":{display:"none"},[`> ${e.iconCls} + span, > span + ${e.iconCls}`]:{marginInlineStart:i}}),[`${a}-borderless`]:{borderColor:"transparent",background:e.tagBorderlessBg}}},f=e=>{let{lineWidth:t,fontSizeIcon:n}=e,r=e.fontSizeSM,a=`${e.lineHeightSM*r}px`,i=(0,p.TS)(e,{tagFontSize:r,tagLineHeight:a,tagIconSize:n-2*t,tagPaddingHorizontal:8,tagBorderlessBg:e.colorFillTertiary});return i},h=e=>({defaultBg:e.colorFillQuaternary,defaultColor:e.colorText});var b=(0,m.Z)("Tag",e=>{let t=f(e);return g(t)},h),E=function(e,t){var n={};for(var r in e)Object.prototype.hasOwnProperty.call(e,r)&&0>t.indexOf(r)&&(n[r]=e[r]);if(null!=e&&"function"==typeof Object.getOwnPropertySymbols)for(var a=0,r=Object.getOwnPropertySymbols(e);at.indexOf(r[a])&&Object.prototype.propertyIsEnumerable.call(e,r[a])&&(n[r[a]]=e[r[a]]);return n},T=n(98719);let S=e=>(0,T.Z)(e,(t,n)=>{let{textColor:r,lightBorderColor:a,lightColor:i,darkColor:o}=n;return{[`${e.componentCls}-${t}`]:{color:r,background:i,borderColor:a,"&-inverse":{color:e.colorTextLightSolid,background:o,borderColor:o},[`&${e.componentCls}-borderless`]:{borderColor:"transparent"}}}});var y=(0,m.b)(["Tag","preset"],e=>{let t=f(e);return S(t)},h);let A=(e,t,n)=>{let r=function(e){if("string"!=typeof e)return e;let t=e.charAt(0).toUpperCase()+e.slice(1);return t}(n);return{[`${e.componentCls}-${t}`]:{color:e[`color${n}`],background:e[`color${r}Bg`],borderColor:e[`color${r}Border`],[`&${e.componentCls}-borderless`]:{borderColor:"transparent"}}}};var _=(0,m.b)(["Tag","status"],e=>{let t=f(e);return[A(t,"success","Success"),A(t,"processing","Info"),A(t,"error","Error"),A(t,"warning","Warning")]},h),k=function(e,t){var n={};for(var r in e)Object.prototype.hasOwnProperty.call(e,r)&&0>t.indexOf(r)&&(n[r]=e[r]);if(null!=e&&"function"==typeof Object.getOwnPropertySymbols)for(var a=0,r=Object.getOwnPropertySymbols(e);at.indexOf(r[a])&&Object.prototype.propertyIsEnumerable.call(e,r[a])&&(n[r[a]]=e[r[a]]);return n};let v=r.forwardRef((e,t)=>{let{prefixCls:n,className:i,rootClassName:d,style:p,children:m,icon:g,color:f,onClose:h,closeIcon:E,closable:T,bordered:S=!0}=e,A=k(e,["prefixCls","className","rootClassName","style","children","icon","color","onClose","closeIcon","closable","bordered"]),{getPrefixCls:v,direction:C,tag:N}=r.useContext(u.E_),[R,I]=r.useState(!0);r.useEffect(()=>{"visible"in A&&I(A.visible)},[A.visible]);let O=(0,s.o2)(f),w=(0,s.yT)(f),x=O||w,L=Object.assign(Object.assign({backgroundColor:f&&!x?f:void 0},null==N?void 0:N.style),p),D=v("tag",n),[P,M]=b(D),F=o()(D,null==N?void 0:N.className,{[`${D}-${f}`]:x,[`${D}-has-color`]:f&&!x,[`${D}-hidden`]:!R,[`${D}-rtl`]:"rtl"===C,[`${D}-borderless`]:!S},i,d,M),U=e=>{e.stopPropagation(),null==h||h(e),e.defaultPrevented||I(!1)},[,B]=(0,l.Z)(T,E,e=>null===e?r.createElement(a.Z,{className:`${D}-close-icon`,onClick:U}):r.createElement("span",{className:`${D}-close-icon`,onClick:U},e),null,!1),H="function"==typeof A.onClick||m&&"a"===m.type,G=g||null,z=G?r.createElement(r.Fragment,null,G,m&&r.createElement("span",null,m)):m,$=r.createElement("span",Object.assign({},A,{ref:t,className:F,style:L}),z,B,O&&r.createElement(y,{key:"preset",prefixCls:D}),w&&r.createElement(_,{key:"status",prefixCls:D}));return P(H?r.createElement(c.Z,{component:"Tag"},$):$)});v.CheckableTag=e=>{let{prefixCls:t,className:n,checked:a,onChange:i,onClick:s}=e,l=E(e,["prefixCls","className","checked","onChange","onClick"]),{getPrefixCls:c}=r.useContext(u.E_),d=c("tag",t),[p,m]=b(d),g=o()(d,`${d}-checkable`,{[`${d}-checkable-checked`]:a},n,m);return p(r.createElement("span",Object.assign({},l,{className:g,onClick:e=>{null==i||i(!a),null==s||s(e)}})))};var C=v},56851:function(e,t){"use strict";t.Q=function(e){for(var t,n=[],r=String(e||""),a=r.indexOf(","),i=0,o=!1;!o;)-1===a&&(a=r.length,o=!0),((t=r.slice(i,a).trim())||!o)&&n.push(t),i=a+1,a=r.indexOf(",",i);return n}},94470:function(e){"use strict";var t=Object.prototype.hasOwnProperty,n=Object.prototype.toString,r=Object.defineProperty,a=Object.getOwnPropertyDescriptor,i=function(e){return"function"==typeof Array.isArray?Array.isArray(e):"[object Array]"===n.call(e)},o=function(e){if(!e||"[object Object]"!==n.call(e))return!1;var r,a=t.call(e,"constructor"),i=e.constructor&&e.constructor.prototype&&t.call(e.constructor.prototype,"isPrototypeOf");if(e.constructor&&!a&&!i)return!1;for(r in e);return void 0===r||t.call(e,r)},s=function(e,t){r&&"__proto__"===t.name?r(e,t.name,{enumerable:!0,configurable:!0,value:t.newValue,writable:!0}):e[t.name]=t.newValue},l=function(e,n){if("__proto__"===n){if(!t.call(e,n))return;if(a)return a(e,n).value}return e[n]};e.exports=function e(){var t,n,r,a,c,u,d=arguments[0],p=1,m=arguments.length,g=!1;for("boolean"==typeof d&&(g=d,d=arguments[1]||{},p=2),(null==d||"object"!=typeof d&&"function"!=typeof d)&&(d={});p=97&&t<=122||t>=65&&t<=90}},7961:function(e,t,n){"use strict";var r=n(46260),a=n(46195);e.exports=function(e){return r(e)||a(e)}},46195:function(e){"use strict";e.exports=function(e){var t="string"==typeof e?e.charCodeAt(0):e;return t>=48&&t<=57}},79480:function(e){"use strict";e.exports=function(e){var t="string"==typeof e?e.charCodeAt(0):e;return t>=97&&t<=102||t>=65&&t<=70||t>=48&&t<=57}},89435:function(e){"use strict";var t;e.exports=function(e){var n,r="&"+e+";";return(t=t||document.createElement("i")).innerHTML=r,(59!==(n=t.textContent).charCodeAt(n.length-1)||"semi"===e)&&n!==r&&n}},57574:function(e,t,n){"use strict";var r=n(37452),a=n(93580),i=n(46195),o=n(79480),s=n(7961),l=n(89435);e.exports=function(e,t){var n,i,o={};for(i in t||(t={}),p)n=t[i],o[i]=null==n?p[i]:n;return(o.position.indent||o.position.start)&&(o.indent=o.position.indent||[],o.position=o.position.start),function(e,t){var n,i,o,p,T,S,y,A,_,k,v,C,N,R,I,O,w,x,L,D,P,M=t.additional,F=t.nonTerminated,U=t.text,B=t.reference,H=t.warning,G=t.textContext,z=t.referenceContext,$=t.warningContext,j=t.position,V=t.indent||[],W=e.length,K=0,Z=-1,Y=j.column||1,q=j.line||1,X="",Q=[];for("string"==typeof M&&(M=M.charCodeAt(0)),x=J(),k=H?function(e,t){var n=J();n.column+=t,n.offset+=t,H.call($,E[e],n,e)}:d,K--,W++;++K=55296&&n<=57343||n>1114111?(k(7,D),A=u(65533)):A in a?(k(6,D),A=a[A]):(C="",((i=A)>=1&&i<=8||11===i||i>=13&&i<=31||i>=127&&i<=159||i>=64976&&i<=65007||(65535&i)==65535||(65535&i)==65534)&&k(6,D),A>65535&&(A-=65536,C+=u(A>>>10|55296),A=56320|1023&A),A=C+u(A))):O!==m&&k(4,D)),A?(ee(),x=J(),K=P-1,Y+=P-I+1,Q.push(A),L=J(),L.offset++,B&&B.call(z,A,{start:x,end:L},e.slice(I-1,P)),x=L):(X+=S=e.slice(I-1,P),Y+=S.length,K=P-1)}else 10===y&&(q++,Z++,Y=0),y==y?(X+=u(y),Y++):ee();return Q.join("");function J(){return{line:q,column:Y,offset:K+(j.offset||0)}}function ee(){X&&(Q.push(X),U&&U.call(G,X,{start:x,end:J()}),X="")}}(e,o)};var c={}.hasOwnProperty,u=String.fromCharCode,d=Function.prototype,p={warning:null,reference:null,text:null,warningContext:null,referenceContext:null,textContext:null,position:{},additional:null,attribute:!1,nonTerminated:!0},m="named",g="hexadecimal",f="decimal",h={};h[g]=16,h[f]=10;var b={};b[m]=s,b[f]=i,b[g]=o;var E={};E[1]="Named character references must be terminated by a semicolon",E[2]="Numeric character references must be terminated by a semicolon",E[3]="Named character references cannot be empty",E[4]="Numeric character references cannot be empty",E[5]="Named character references must be known",E[6]="Numeric character references cannot be disallowed",E[7]="Numeric character references cannot be outside the permissible Unicode range"},31515:function(e,t,n){"use strict";let{DOCUMENT_MODE:r}=n(16152),a="html",i=["+//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//"],o=i.concat(["-//w3c//dtd html 4.01 frameset//","-//w3c//dtd html 4.01 transitional//"]),s=["-//w3o//dtd w3 html strict 3.0//en//","-/w3c/dtd html 4.0 transitional/en","html"],l=["-//w3c//dtd xhtml 1.0 frameset//","-//w3c//dtd xhtml 1.0 transitional//"],c=l.concat(["-//w3c//dtd html 4.01 frameset//","-//w3c//dtd html 4.01 transitional//"]);function u(e){let t=-1!==e.indexOf('"')?"'":'"';return t+e+t}function d(e,t){for(let n=0;n-1)return r.QUIRKS;let e=null===t?o:i;if(d(n,e))return r.QUIRKS;if(d(n,e=null===t?l:c))return r.LIMITED_QUIRKS}return r.NO_QUIRKS},t.serializeContent=function(e,t,n){let r="!DOCTYPE ";return e&&(r+=e),t?r+=" PUBLIC "+u(t):n&&(r+=" SYSTEM"),null!==n&&(r+=" "+u(n)),r}},41734:function(e){"use strict";e.exports={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"}},88779:function(e,t,n){"use strict";let r=n(55763),a=n(16152),i=a.TAG_NAMES,o=a.NAMESPACES,s=a.ATTRS,l={TEXT_HTML:"text/html",APPLICATION_XML:"application/xhtml+xml"},c={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"},u={"xlink:actuate":{prefix:"xlink",name:"actuate",namespace:o.XLINK},"xlink:arcrole":{prefix:"xlink",name:"arcrole",namespace:o.XLINK},"xlink:href":{prefix:"xlink",name:"href",namespace:o.XLINK},"xlink:role":{prefix:"xlink",name:"role",namespace:o.XLINK},"xlink:show":{prefix:"xlink",name:"show",namespace:o.XLINK},"xlink:title":{prefix:"xlink",name:"title",namespace:o.XLINK},"xlink:type":{prefix:"xlink",name:"type",namespace:o.XLINK},"xml:base":{prefix:"xml",name:"base",namespace:o.XML},"xml:lang":{prefix:"xml",name:"lang",namespace:o.XML},"xml:space":{prefix:"xml",name:"space",namespace:o.XML},xmlns:{prefix:"",name:"xmlns",namespace:o.XMLNS},"xmlns:xlink":{prefix:"xmlns",name:"xlink",namespace:o.XMLNS}},d=t.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"},p={[i.B]:!0,[i.BIG]:!0,[i.BLOCKQUOTE]:!0,[i.BODY]:!0,[i.BR]:!0,[i.CENTER]:!0,[i.CODE]:!0,[i.DD]:!0,[i.DIV]:!0,[i.DL]:!0,[i.DT]:!0,[i.EM]:!0,[i.EMBED]:!0,[i.H1]:!0,[i.H2]:!0,[i.H3]:!0,[i.H4]:!0,[i.H5]:!0,[i.H6]:!0,[i.HEAD]:!0,[i.HR]:!0,[i.I]:!0,[i.IMG]:!0,[i.LI]:!0,[i.LISTING]:!0,[i.MENU]:!0,[i.META]:!0,[i.NOBR]:!0,[i.OL]:!0,[i.P]:!0,[i.PRE]:!0,[i.RUBY]:!0,[i.S]:!0,[i.SMALL]:!0,[i.SPAN]:!0,[i.STRONG]:!0,[i.STRIKE]:!0,[i.SUB]:!0,[i.SUP]:!0,[i.TABLE]:!0,[i.TT]:!0,[i.U]:!0,[i.UL]:!0,[i.VAR]:!0};t.causesExit=function(e){let t=e.tagName,n=t===i.FONT&&(null!==r.getTokenAttr(e,s.COLOR)||null!==r.getTokenAttr(e,s.SIZE)||null!==r.getTokenAttr(e,s.FACE));return!!n||p[t]},t.adjustTokenMathMLAttrs=function(e){for(let t=0;t=55296&&e<=57343},t.isSurrogatePair=function(e){return e>=56320&&e<=57343},t.getSurrogatePairCodePoint=function(e,t){return(e-55296)*1024+9216+t},t.isControlCodePoint=function(e){return 32!==e&&10!==e&&13!==e&&9!==e&&12!==e&&e>=1&&e<=31||e>=127&&e<=159},t.isUndefinedCodePoint=function(e){return e>=64976&&e<=65007||n.indexOf(e)>-1}},23843:function(e,t,n){"use strict";let r=n(81704);e.exports=class extends r{constructor(e,t){super(e),this.posTracker=null,this.onParseError=t.onParseError}_setErrorLocation(e){e.startLine=e.endLine=this.posTracker.line,e.startCol=e.endCol=this.posTracker.col,e.startOffset=e.endOffset=this.posTracker.offset}_reportError(e){let t={code:e,startLine:-1,startCol:-1,startOffset:-1,endLine:-1,endCol:-1,endOffset:-1};this._setErrorLocation(t),this.onParseError(t)}_getOverriddenMethods(e){return{_err(t){e._reportError(t)}}}}},22232:function(e,t,n){"use strict";let r=n(23843),a=n(70050),i=n(46110),o=n(81704);e.exports=class extends r{constructor(e,t){super(e,t),this.opts=t,this.ctLoc=null,this.locBeforeToken=!1}_setErrorLocation(e){this.ctLoc&&(e.startLine=this.ctLoc.startLine,e.startCol=this.ctLoc.startCol,e.startOffset=this.ctLoc.startOffset,e.endLine=this.locBeforeToken?this.ctLoc.startLine:this.ctLoc.endLine,e.endCol=this.locBeforeToken?this.ctLoc.startCol:this.ctLoc.endCol,e.endOffset=this.locBeforeToken?this.ctLoc.startOffset:this.ctLoc.endOffset)}_getOverriddenMethods(e,t){return{_bootstrap(n,r){t._bootstrap.call(this,n,r),o.install(this.tokenizer,a,e.opts),o.install(this.tokenizer,i)},_processInputToken(n){e.ctLoc=n.location,t._processInputToken.call(this,n)},_err(t,n){e.locBeforeToken=n&&n.beforeToken,e._reportError(t)}}}}},23288:function(e,t,n){"use strict";let r=n(23843),a=n(57930),i=n(81704);e.exports=class extends r{constructor(e,t){super(e,t),this.posTracker=i.install(e,a),this.lastErrOffset=-1}_reportError(e){this.lastErrOffset!==this.posTracker.offset&&(this.lastErrOffset=this.posTracker.offset,super._reportError(e))}}},70050:function(e,t,n){"use strict";let r=n(23843),a=n(23288),i=n(81704);e.exports=class extends r{constructor(e,t){super(e,t);let n=i.install(e.preprocessor,a,t);this.posTracker=n.posTracker}}},11077:function(e,t,n){"use strict";let r=n(81704);e.exports=class extends r{constructor(e,t){super(e),this.onItemPop=t.onItemPop}_getOverriddenMethods(e,t){return{pop(){e.onItemPop(this.current),t.pop.call(this)},popAllUpToHtmlElement(){for(let t=this.stackTop;t>0;t--)e.onItemPop(this.items[t]);t.popAllUpToHtmlElement.call(this)},remove(n){e.onItemPop(this.current),t.remove.call(this,n)}}}}},452:function(e,t,n){"use strict";let r=n(81704),a=n(55763),i=n(46110),o=n(11077),s=n(16152),l=s.TAG_NAMES;e.exports=class extends r{constructor(e){super(e),this.parser=e,this.treeAdapter=this.parser.treeAdapter,this.posTracker=null,this.lastStartTagToken=null,this.lastFosterParentingLocation=null,this.currentToken=null}_setStartLocation(e){let t=null;this.lastStartTagToken&&((t=Object.assign({},this.lastStartTagToken.location)).startTag=this.lastStartTagToken.location),this.treeAdapter.setNodeSourceCodeLocation(e,t)}_setEndLocation(e,t){let n=this.treeAdapter.getNodeSourceCodeLocation(e);if(n&&t.location){let n=t.location,r=this.treeAdapter.getTagName(e),i=t.type===a.END_TAG_TOKEN&&r===t.tagName,o={};i?(o.endTag=Object.assign({},n),o.endLine=n.endLine,o.endCol=n.endCol,o.endOffset=n.endOffset):(o.endLine=n.startLine,o.endCol=n.startCol,o.endOffset=n.startOffset),this.treeAdapter.updateNodeSourceCodeLocation(e,o)}}_getOverriddenMethods(e,t){return{_bootstrap(n,a){t._bootstrap.call(this,n,a),e.lastStartTagToken=null,e.lastFosterParentingLocation=null,e.currentToken=null;let s=r.install(this.tokenizer,i);e.posTracker=s.posTracker,r.install(this.openElements,o,{onItemPop:function(t){e._setEndLocation(t,e.currentToken)}})},_runParsingLoop(n){t._runParsingLoop.call(this,n);for(let t=this.openElements.stackTop;t>=0;t--)e._setEndLocation(this.openElements.items[t],e.currentToken)},_processTokenInForeignContent(n){e.currentToken=n,t._processTokenInForeignContent.call(this,n)},_processToken(n){e.currentToken=n,t._processToken.call(this,n);let r=n.type===a.END_TAG_TOKEN&&(n.tagName===l.HTML||n.tagName===l.BODY&&this.openElements.hasInScope(l.BODY));if(r)for(let t=this.openElements.stackTop;t>=0;t--){let r=this.openElements.items[t];if(this.treeAdapter.getTagName(r)===n.tagName){e._setEndLocation(r,n);break}}},_setDocumentType(e){t._setDocumentType.call(this,e);let n=this.treeAdapter.getChildNodes(this.document),r=n.length;for(let t=0;t{let i=a.MODE[r];n[i]=function(n){e.ctLoc=e._getCurrentLocation(),t[i].call(this,n)}}),n}}},57930:function(e,t,n){"use strict";let r=n(81704);e.exports=class extends r{constructor(e){super(e),this.preprocessor=e,this.isEol=!1,this.lineStartPos=0,this.droppedBufferSize=0,this.offset=0,this.col=0,this.line=1}_getOverriddenMethods(e,t){return{advance(){let n=this.pos+1,r=this.html[n];return e.isEol&&(e.isEol=!1,e.line++,e.lineStartPos=n),("\n"===r||"\r"===r&&"\n"!==this.html[n+1])&&(e.isEol=!0),e.col=n-e.lineStartPos+1,e.offset=e.droppedBufferSize+n,t.advance.call(this)},retreat(){t.retreat.call(this),e.isEol=!1,e.col=this.pos-e.lineStartPos+1},dropParsedChunk(){let n=this.pos;t.dropParsedChunk.call(this);let r=n-this.pos;e.lineStartPos-=r,e.droppedBufferSize+=r,e.offset=e.droppedBufferSize+this.pos}}}}},12484:function(e){"use strict";class t{constructor(e){this.length=0,this.entries=[],this.treeAdapter=e,this.bookmark=null}_getNoahArkConditionCandidates(e){let n=[];if(this.length>=3){let r=this.treeAdapter.getAttrList(e).length,a=this.treeAdapter.getTagName(e),i=this.treeAdapter.getNamespaceURI(e);for(let e=this.length-1;e>=0;e--){let o=this.entries[e];if(o.type===t.MARKER_ENTRY)break;let s=o.element,l=this.treeAdapter.getAttrList(s),c=this.treeAdapter.getTagName(s)===a&&this.treeAdapter.getNamespaceURI(s)===i&&l.length===r;c&&n.push({idx:e,attrs:l})}}return n.length<3?[]:n}_ensureNoahArkCondition(e){let t=this._getNoahArkConditionCandidates(e),n=t.length;if(n){let r=this.treeAdapter.getAttrList(e),a=r.length,i=Object.create(null);for(let e=0;e=2;e--)this.entries.splice(t[e].idx,1),this.length--}}insertMarker(){this.entries.push({type:t.MARKER_ENTRY}),this.length++}pushElement(e,n){this._ensureNoahArkCondition(e),this.entries.push({type:t.ELEMENT_ENTRY,element:e,token:n}),this.length++}insertElementAfterBookmark(e,n){let r=this.length-1;for(;r>=0&&this.entries[r]!==this.bookmark;r--);this.entries.splice(r+1,0,{type:t.ELEMENT_ENTRY,element:e,token:n}),this.length++}removeEntry(e){for(let t=this.length-1;t>=0;t--)if(this.entries[t]===e){this.entries.splice(t,1),this.length--;break}}clearToLastMarker(){for(;this.length;){let e=this.entries.pop();if(this.length--,e.type===t.MARKER_ENTRY)break}}getElementEntryInScopeWithTagName(e){for(let n=this.length-1;n>=0;n--){let r=this.entries[n];if(r.type===t.MARKER_ENTRY)break;if(this.treeAdapter.getTagName(r.element)===e)return r}return null}getElementEntry(e){for(let n=this.length-1;n>=0;n--){let r=this.entries[n];if(r.type===t.ELEMENT_ENTRY&&r.element===e)return r}return null}}t.MARKER_ENTRY="MARKER_ENTRY",t.ELEMENT_ENTRY="ELEMENT_ENTRY",e.exports=t},7045:function(e,t,n){"use strict";let r=n(55763),a=n(46519),i=n(12484),o=n(452),s=n(22232),l=n(81704),c=n(17296),u=n(8904),d=n(31515),p=n(88779),m=n(41734),g=n(54284),f=n(16152),h=f.TAG_NAMES,b=f.NAMESPACES,E=f.ATTRS,T={scriptingEnabled:!0,sourceCodeLocationInfo:!1,onParseError:null,treeAdapter:c},S="hidden",y="INITIAL_MODE",A="BEFORE_HTML_MODE",_="BEFORE_HEAD_MODE",k="IN_HEAD_MODE",v="IN_HEAD_NO_SCRIPT_MODE",C="AFTER_HEAD_MODE",N="IN_BODY_MODE",R="TEXT_MODE",I="IN_TABLE_MODE",O="IN_TABLE_TEXT_MODE",w="IN_CAPTION_MODE",x="IN_COLUMN_GROUP_MODE",L="IN_TABLE_BODY_MODE",D="IN_ROW_MODE",P="IN_CELL_MODE",M="IN_SELECT_MODE",F="IN_SELECT_IN_TABLE_MODE",U="IN_TEMPLATE_MODE",B="AFTER_BODY_MODE",H="IN_FRAMESET_MODE",G="AFTER_FRAMESET_MODE",z="AFTER_AFTER_BODY_MODE",$="AFTER_AFTER_FRAMESET_MODE",j={[h.TR]:D,[h.TBODY]:L,[h.THEAD]:L,[h.TFOOT]:L,[h.CAPTION]:w,[h.COLGROUP]:x,[h.TABLE]:I,[h.BODY]:N,[h.FRAMESET]:H},V={[h.CAPTION]:I,[h.COLGROUP]:I,[h.TBODY]:I,[h.TFOOT]:I,[h.THEAD]:I,[h.COL]:x,[h.TR]:L,[h.TD]:D,[h.TH]:D},W={[y]:{[r.CHARACTER_TOKEN]:ee,[r.NULL_CHARACTER_TOKEN]:ee,[r.WHITESPACE_CHARACTER_TOKEN]:Z,[r.COMMENT_TOKEN]:q,[r.DOCTYPE_TOKEN]:function(e,t){e._setDocumentType(t);let n=t.forceQuirks?f.DOCUMENT_MODE.QUIRKS:d.getDocumentMode(t);d.isConforming(t)||e._err(m.nonConformingDoctype),e.treeAdapter.setDocumentMode(e.document,n),e.insertionMode=A},[r.START_TAG_TOKEN]:ee,[r.END_TAG_TOKEN]:ee,[r.EOF_TOKEN]:ee},[A]:{[r.CHARACTER_TOKEN]:et,[r.NULL_CHARACTER_TOKEN]:et,[r.WHITESPACE_CHARACTER_TOKEN]:Z,[r.COMMENT_TOKEN]:q,[r.DOCTYPE_TOKEN]:Z,[r.START_TAG_TOKEN]:function(e,t){t.tagName===h.HTML?(e._insertElement(t,b.HTML),e.insertionMode=_):et(e,t)},[r.END_TAG_TOKEN]:function(e,t){let n=t.tagName;(n===h.HTML||n===h.HEAD||n===h.BODY||n===h.BR)&&et(e,t)},[r.EOF_TOKEN]:et},[_]:{[r.CHARACTER_TOKEN]:en,[r.NULL_CHARACTER_TOKEN]:en,[r.WHITESPACE_CHARACTER_TOKEN]:Z,[r.COMMENT_TOKEN]:q,[r.DOCTYPE_TOKEN]:Y,[r.START_TAG_TOKEN]:function(e,t){let n=t.tagName;n===h.HTML?eS(e,t):n===h.HEAD?(e._insertElement(t,b.HTML),e.headElement=e.openElements.current,e.insertionMode=k):en(e,t)},[r.END_TAG_TOKEN]:function(e,t){let n=t.tagName;n===h.HEAD||n===h.BODY||n===h.HTML||n===h.BR?en(e,t):e._err(m.endTagWithoutMatchingOpenElement)},[r.EOF_TOKEN]:en},[k]:{[r.CHARACTER_TOKEN]:ei,[r.NULL_CHARACTER_TOKEN]:ei,[r.WHITESPACE_CHARACTER_TOKEN]:Q,[r.COMMENT_TOKEN]:q,[r.DOCTYPE_TOKEN]:Y,[r.START_TAG_TOKEN]:er,[r.END_TAG_TOKEN]:ea,[r.EOF_TOKEN]:ei},[v]:{[r.CHARACTER_TOKEN]:eo,[r.NULL_CHARACTER_TOKEN]:eo,[r.WHITESPACE_CHARACTER_TOKEN]:Q,[r.COMMENT_TOKEN]:q,[r.DOCTYPE_TOKEN]:Y,[r.START_TAG_TOKEN]:function(e,t){let n=t.tagName;n===h.HTML?eS(e,t):n===h.BASEFONT||n===h.BGSOUND||n===h.HEAD||n===h.LINK||n===h.META||n===h.NOFRAMES||n===h.STYLE?er(e,t):n===h.NOSCRIPT?e._err(m.nestedNoscriptInHead):eo(e,t)},[r.END_TAG_TOKEN]:function(e,t){let n=t.tagName;n===h.NOSCRIPT?(e.openElements.pop(),e.insertionMode=k):n===h.BR?eo(e,t):e._err(m.endTagWithoutMatchingOpenElement)},[r.EOF_TOKEN]:eo},[C]:{[r.CHARACTER_TOKEN]:es,[r.NULL_CHARACTER_TOKEN]:es,[r.WHITESPACE_CHARACTER_TOKEN]:Q,[r.COMMENT_TOKEN]:q,[r.DOCTYPE_TOKEN]:Y,[r.START_TAG_TOKEN]:function(e,t){let n=t.tagName;n===h.HTML?eS(e,t):n===h.BODY?(e._insertElement(t,b.HTML),e.framesetOk=!1,e.insertionMode=N):n===h.FRAMESET?(e._insertElement(t,b.HTML),e.insertionMode=H):n===h.BASE||n===h.BASEFONT||n===h.BGSOUND||n===h.LINK||n===h.META||n===h.NOFRAMES||n===h.SCRIPT||n===h.STYLE||n===h.TEMPLATE||n===h.TITLE?(e._err(m.abandonedHeadElementChild),e.openElements.push(e.headElement),er(e,t),e.openElements.remove(e.headElement)):n===h.HEAD?e._err(m.misplacedStartTagForHeadElement):es(e,t)},[r.END_TAG_TOKEN]:function(e,t){let n=t.tagName;n===h.BODY||n===h.HTML||n===h.BR?es(e,t):n===h.TEMPLATE?ea(e,t):e._err(m.endTagWithoutMatchingOpenElement)},[r.EOF_TOKEN]:es},[N]:{[r.CHARACTER_TOKEN]:ec,[r.NULL_CHARACTER_TOKEN]:Z,[r.WHITESPACE_CHARACTER_TOKEN]:el,[r.COMMENT_TOKEN]:q,[r.DOCTYPE_TOKEN]:Z,[r.START_TAG_TOKEN]:eS,[r.END_TAG_TOKEN]:ek,[r.EOF_TOKEN]:ev},[R]:{[r.CHARACTER_TOKEN]:Q,[r.NULL_CHARACTER_TOKEN]:Q,[r.WHITESPACE_CHARACTER_TOKEN]:Q,[r.COMMENT_TOKEN]:Z,[r.DOCTYPE_TOKEN]:Z,[r.START_TAG_TOKEN]:Z,[r.END_TAG_TOKEN]:function(e,t){t.tagName===h.SCRIPT&&(e.pendingScript=e.openElements.current),e.openElements.pop(),e.insertionMode=e.originalInsertionMode},[r.EOF_TOKEN]:function(e,t){e._err(m.eofInElementThatCanContainOnlyText),e.openElements.pop(),e.insertionMode=e.originalInsertionMode,e._processToken(t)}},[I]:{[r.CHARACTER_TOKEN]:eC,[r.NULL_CHARACTER_TOKEN]:eC,[r.WHITESPACE_CHARACTER_TOKEN]:eC,[r.COMMENT_TOKEN]:q,[r.DOCTYPE_TOKEN]:Z,[r.START_TAG_TOKEN]:eN,[r.END_TAG_TOKEN]:eR,[r.EOF_TOKEN]:ev},[O]:{[r.CHARACTER_TOKEN]:function(e,t){e.pendingCharacterTokens.push(t),e.hasNonWhitespacePendingCharacterToken=!0},[r.NULL_CHARACTER_TOKEN]:Z,[r.WHITESPACE_CHARACTER_TOKEN]:function(e,t){e.pendingCharacterTokens.push(t)},[r.COMMENT_TOKEN]:eO,[r.DOCTYPE_TOKEN]:eO,[r.START_TAG_TOKEN]:eO,[r.END_TAG_TOKEN]:eO,[r.EOF_TOKEN]:eO},[w]:{[r.CHARACTER_TOKEN]:ec,[r.NULL_CHARACTER_TOKEN]:Z,[r.WHITESPACE_CHARACTER_TOKEN]:el,[r.COMMENT_TOKEN]:q,[r.DOCTYPE_TOKEN]:Z,[r.START_TAG_TOKEN]:function(e,t){let n=t.tagName;n===h.CAPTION||n===h.COL||n===h.COLGROUP||n===h.TBODY||n===h.TD||n===h.TFOOT||n===h.TH||n===h.THEAD||n===h.TR?e.openElements.hasInTableScope(h.CAPTION)&&(e.openElements.generateImpliedEndTags(),e.openElements.popUntilTagNamePopped(h.CAPTION),e.activeFormattingElements.clearToLastMarker(),e.insertionMode=I,e._processToken(t)):eS(e,t)},[r.END_TAG_TOKEN]:function(e,t){let n=t.tagName;n===h.CAPTION||n===h.TABLE?e.openElements.hasInTableScope(h.CAPTION)&&(e.openElements.generateImpliedEndTags(),e.openElements.popUntilTagNamePopped(h.CAPTION),e.activeFormattingElements.clearToLastMarker(),e.insertionMode=I,n===h.TABLE&&e._processToken(t)):n!==h.BODY&&n!==h.COL&&n!==h.COLGROUP&&n!==h.HTML&&n!==h.TBODY&&n!==h.TD&&n!==h.TFOOT&&n!==h.TH&&n!==h.THEAD&&n!==h.TR&&ek(e,t)},[r.EOF_TOKEN]:ev},[x]:{[r.CHARACTER_TOKEN]:ew,[r.NULL_CHARACTER_TOKEN]:ew,[r.WHITESPACE_CHARACTER_TOKEN]:Q,[r.COMMENT_TOKEN]:q,[r.DOCTYPE_TOKEN]:Z,[r.START_TAG_TOKEN]:function(e,t){let n=t.tagName;n===h.HTML?eS(e,t):n===h.COL?(e._appendElement(t,b.HTML),t.ackSelfClosing=!0):n===h.TEMPLATE?er(e,t):ew(e,t)},[r.END_TAG_TOKEN]:function(e,t){let n=t.tagName;n===h.COLGROUP?e.openElements.currentTagName===h.COLGROUP&&(e.openElements.pop(),e.insertionMode=I):n===h.TEMPLATE?ea(e,t):n!==h.COL&&ew(e,t)},[r.EOF_TOKEN]:ev},[L]:{[r.CHARACTER_TOKEN]:eC,[r.NULL_CHARACTER_TOKEN]:eC,[r.WHITESPACE_CHARACTER_TOKEN]:eC,[r.COMMENT_TOKEN]:q,[r.DOCTYPE_TOKEN]:Z,[r.START_TAG_TOKEN]:function(e,t){let n=t.tagName;n===h.TR?(e.openElements.clearBackToTableBodyContext(),e._insertElement(t,b.HTML),e.insertionMode=D):n===h.TH||n===h.TD?(e.openElements.clearBackToTableBodyContext(),e._insertFakeElement(h.TR),e.insertionMode=D,e._processToken(t)):n===h.CAPTION||n===h.COL||n===h.COLGROUP||n===h.TBODY||n===h.TFOOT||n===h.THEAD?e.openElements.hasTableBodyContextInTableScope()&&(e.openElements.clearBackToTableBodyContext(),e.openElements.pop(),e.insertionMode=I,e._processToken(t)):eN(e,t)},[r.END_TAG_TOKEN]:function(e,t){let n=t.tagName;n===h.TBODY||n===h.TFOOT||n===h.THEAD?e.openElements.hasInTableScope(n)&&(e.openElements.clearBackToTableBodyContext(),e.openElements.pop(),e.insertionMode=I):n===h.TABLE?e.openElements.hasTableBodyContextInTableScope()&&(e.openElements.clearBackToTableBodyContext(),e.openElements.pop(),e.insertionMode=I,e._processToken(t)):(n!==h.BODY&&n!==h.CAPTION&&n!==h.COL&&n!==h.COLGROUP||n!==h.HTML&&n!==h.TD&&n!==h.TH&&n!==h.TR)&&eR(e,t)},[r.EOF_TOKEN]:ev},[D]:{[r.CHARACTER_TOKEN]:eC,[r.NULL_CHARACTER_TOKEN]:eC,[r.WHITESPACE_CHARACTER_TOKEN]:eC,[r.COMMENT_TOKEN]:q,[r.DOCTYPE_TOKEN]:Z,[r.START_TAG_TOKEN]:function(e,t){let n=t.tagName;n===h.TH||n===h.TD?(e.openElements.clearBackToTableRowContext(),e._insertElement(t,b.HTML),e.insertionMode=P,e.activeFormattingElements.insertMarker()):n===h.CAPTION||n===h.COL||n===h.COLGROUP||n===h.TBODY||n===h.TFOOT||n===h.THEAD||n===h.TR?e.openElements.hasInTableScope(h.TR)&&(e.openElements.clearBackToTableRowContext(),e.openElements.pop(),e.insertionMode=L,e._processToken(t)):eN(e,t)},[r.END_TAG_TOKEN]:function(e,t){let n=t.tagName;n===h.TR?e.openElements.hasInTableScope(h.TR)&&(e.openElements.clearBackToTableRowContext(),e.openElements.pop(),e.insertionMode=L):n===h.TABLE?e.openElements.hasInTableScope(h.TR)&&(e.openElements.clearBackToTableRowContext(),e.openElements.pop(),e.insertionMode=L,e._processToken(t)):n===h.TBODY||n===h.TFOOT||n===h.THEAD?(e.openElements.hasInTableScope(n)||e.openElements.hasInTableScope(h.TR))&&(e.openElements.clearBackToTableRowContext(),e.openElements.pop(),e.insertionMode=L,e._processToken(t)):(n!==h.BODY&&n!==h.CAPTION&&n!==h.COL&&n!==h.COLGROUP||n!==h.HTML&&n!==h.TD&&n!==h.TH)&&eR(e,t)},[r.EOF_TOKEN]:ev},[P]:{[r.CHARACTER_TOKEN]:ec,[r.NULL_CHARACTER_TOKEN]:Z,[r.WHITESPACE_CHARACTER_TOKEN]:el,[r.COMMENT_TOKEN]:q,[r.DOCTYPE_TOKEN]:Z,[r.START_TAG_TOKEN]:function(e,t){let n=t.tagName;n===h.CAPTION||n===h.COL||n===h.COLGROUP||n===h.TBODY||n===h.TD||n===h.TFOOT||n===h.TH||n===h.THEAD||n===h.TR?(e.openElements.hasInTableScope(h.TD)||e.openElements.hasInTableScope(h.TH))&&(e._closeTableCell(),e._processToken(t)):eS(e,t)},[r.END_TAG_TOKEN]:function(e,t){let n=t.tagName;n===h.TD||n===h.TH?e.openElements.hasInTableScope(n)&&(e.openElements.generateImpliedEndTags(),e.openElements.popUntilTagNamePopped(n),e.activeFormattingElements.clearToLastMarker(),e.insertionMode=D):n===h.TABLE||n===h.TBODY||n===h.TFOOT||n===h.THEAD||n===h.TR?e.openElements.hasInTableScope(n)&&(e._closeTableCell(),e._processToken(t)):n!==h.BODY&&n!==h.CAPTION&&n!==h.COL&&n!==h.COLGROUP&&n!==h.HTML&&ek(e,t)},[r.EOF_TOKEN]:ev},[M]:{[r.CHARACTER_TOKEN]:Q,[r.NULL_CHARACTER_TOKEN]:Z,[r.WHITESPACE_CHARACTER_TOKEN]:Q,[r.COMMENT_TOKEN]:q,[r.DOCTYPE_TOKEN]:Z,[r.START_TAG_TOKEN]:ex,[r.END_TAG_TOKEN]:eL,[r.EOF_TOKEN]:ev},[F]:{[r.CHARACTER_TOKEN]:Q,[r.NULL_CHARACTER_TOKEN]:Z,[r.WHITESPACE_CHARACTER_TOKEN]:Q,[r.COMMENT_TOKEN]:q,[r.DOCTYPE_TOKEN]:Z,[r.START_TAG_TOKEN]:function(e,t){let n=t.tagName;n===h.CAPTION||n===h.TABLE||n===h.TBODY||n===h.TFOOT||n===h.THEAD||n===h.TR||n===h.TD||n===h.TH?(e.openElements.popUntilTagNamePopped(h.SELECT),e._resetInsertionMode(),e._processToken(t)):ex(e,t)},[r.END_TAG_TOKEN]:function(e,t){let n=t.tagName;n===h.CAPTION||n===h.TABLE||n===h.TBODY||n===h.TFOOT||n===h.THEAD||n===h.TR||n===h.TD||n===h.TH?e.openElements.hasInTableScope(n)&&(e.openElements.popUntilTagNamePopped(h.SELECT),e._resetInsertionMode(),e._processToken(t)):eL(e,t)},[r.EOF_TOKEN]:ev},[U]:{[r.CHARACTER_TOKEN]:ec,[r.NULL_CHARACTER_TOKEN]:Z,[r.WHITESPACE_CHARACTER_TOKEN]:el,[r.COMMENT_TOKEN]:q,[r.DOCTYPE_TOKEN]:Z,[r.START_TAG_TOKEN]:function(e,t){let n=t.tagName;if(n===h.BASE||n===h.BASEFONT||n===h.BGSOUND||n===h.LINK||n===h.META||n===h.NOFRAMES||n===h.SCRIPT||n===h.STYLE||n===h.TEMPLATE||n===h.TITLE)er(e,t);else{let r=V[n]||N;e._popTmplInsertionMode(),e._pushTmplInsertionMode(r),e.insertionMode=r,e._processToken(t)}},[r.END_TAG_TOKEN]:function(e,t){t.tagName===h.TEMPLATE&&ea(e,t)},[r.EOF_TOKEN]:eD},[B]:{[r.CHARACTER_TOKEN]:eP,[r.NULL_CHARACTER_TOKEN]:eP,[r.WHITESPACE_CHARACTER_TOKEN]:el,[r.COMMENT_TOKEN]:function(e,t){e._appendCommentNode(t,e.openElements.items[0])},[r.DOCTYPE_TOKEN]:Z,[r.START_TAG_TOKEN]:function(e,t){t.tagName===h.HTML?eS(e,t):eP(e,t)},[r.END_TAG_TOKEN]:function(e,t){t.tagName===h.HTML?e.fragmentContext||(e.insertionMode=z):eP(e,t)},[r.EOF_TOKEN]:J},[H]:{[r.CHARACTER_TOKEN]:Z,[r.NULL_CHARACTER_TOKEN]:Z,[r.WHITESPACE_CHARACTER_TOKEN]:Q,[r.COMMENT_TOKEN]:q,[r.DOCTYPE_TOKEN]:Z,[r.START_TAG_TOKEN]:function(e,t){let n=t.tagName;n===h.HTML?eS(e,t):n===h.FRAMESET?e._insertElement(t,b.HTML):n===h.FRAME?(e._appendElement(t,b.HTML),t.ackSelfClosing=!0):n===h.NOFRAMES&&er(e,t)},[r.END_TAG_TOKEN]:function(e,t){t.tagName!==h.FRAMESET||e.openElements.isRootHtmlElementCurrent()||(e.openElements.pop(),e.fragmentContext||e.openElements.currentTagName===h.FRAMESET||(e.insertionMode=G))},[r.EOF_TOKEN]:J},[G]:{[r.CHARACTER_TOKEN]:Z,[r.NULL_CHARACTER_TOKEN]:Z,[r.WHITESPACE_CHARACTER_TOKEN]:Q,[r.COMMENT_TOKEN]:q,[r.DOCTYPE_TOKEN]:Z,[r.START_TAG_TOKEN]:function(e,t){let n=t.tagName;n===h.HTML?eS(e,t):n===h.NOFRAMES&&er(e,t)},[r.END_TAG_TOKEN]:function(e,t){t.tagName===h.HTML&&(e.insertionMode=$)},[r.EOF_TOKEN]:J},[z]:{[r.CHARACTER_TOKEN]:eM,[r.NULL_CHARACTER_TOKEN]:eM,[r.WHITESPACE_CHARACTER_TOKEN]:el,[r.COMMENT_TOKEN]:X,[r.DOCTYPE_TOKEN]:Z,[r.START_TAG_TOKEN]:function(e,t){t.tagName===h.HTML?eS(e,t):eM(e,t)},[r.END_TAG_TOKEN]:eM,[r.EOF_TOKEN]:J},[$]:{[r.CHARACTER_TOKEN]:Z,[r.NULL_CHARACTER_TOKEN]:Z,[r.WHITESPACE_CHARACTER_TOKEN]:el,[r.COMMENT_TOKEN]:X,[r.DOCTYPE_TOKEN]:Z,[r.START_TAG_TOKEN]:function(e,t){let n=t.tagName;n===h.HTML?eS(e,t):n===h.NOFRAMES&&er(e,t)},[r.END_TAG_TOKEN]:Z,[r.EOF_TOKEN]:J}};function K(e,t){let n,r;for(let a=0;a<8&&((r=e.activeFormattingElements.getElementEntryInScopeWithTagName(t.tagName))?e.openElements.contains(r.element)?e.openElements.hasInScope(t.tagName)||(r=null):(e.activeFormattingElements.removeEntry(r),r=null):e_(e,t),n=r);a++){let t=function(e,t){let n=null;for(let r=e.openElements.stackTop;r>=0;r--){let a=e.openElements.items[r];if(a===t.element)break;e._isSpecialElement(a)&&(n=a)}return n||(e.openElements.popUntilElementPopped(t.element),e.activeFormattingElements.removeEntry(t)),n}(e,n);if(!t)break;e.activeFormattingElements.bookmark=n;let r=function(e,t,n){let r=t,a=e.openElements.getCommonAncestor(t);for(let i=0,o=a;o!==n;i++,o=a){a=e.openElements.getCommonAncestor(o);let n=e.activeFormattingElements.getElementEntry(o),s=n&&i>=3,l=!n||s;l?(s&&e.activeFormattingElements.removeEntry(n),e.openElements.remove(o)):(o=function(e,t){let 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}(e,n),r===t&&(e.activeFormattingElements.bookmark=n),e.treeAdapter.detachNode(r),e.treeAdapter.appendChild(o,r),r=o)}return r}(e,t,n.element),a=e.openElements.getCommonAncestor(n.element);e.treeAdapter.detachNode(r),function(e,t,n){if(e._isElementCausesFosterParenting(t))e._fosterParentElement(n);else{let r=e.treeAdapter.getTagName(t),a=e.treeAdapter.getNamespaceURI(t);r===h.TEMPLATE&&a===b.HTML&&(t=e.treeAdapter.getTemplateContent(t)),e.treeAdapter.appendChild(t,n)}}(e,a,r),function(e,t,n){let r=e.treeAdapter.getNamespaceURI(n.element),a=n.token,i=e.treeAdapter.createElement(a.tagName,r,a.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)}(e,t,n)}}function Z(){}function Y(e){e._err(m.misplacedDoctype)}function q(e,t){e._appendCommentNode(t,e.openElements.currentTmplContent||e.openElements.current)}function X(e,t){e._appendCommentNode(t,e.document)}function Q(e,t){e._insertCharacters(t)}function J(e){e.stopped=!0}function ee(e,t){e._err(m.missingDoctype,{beforeToken:!0}),e.treeAdapter.setDocumentMode(e.document,f.DOCUMENT_MODE.QUIRKS),e.insertionMode=A,e._processToken(t)}function et(e,t){e._insertFakeRootElement(),e.insertionMode=_,e._processToken(t)}function en(e,t){e._insertFakeElement(h.HEAD),e.headElement=e.openElements.current,e.insertionMode=k,e._processToken(t)}function er(e,t){let n=t.tagName;n===h.HTML?eS(e,t):n===h.BASE||n===h.BASEFONT||n===h.BGSOUND||n===h.LINK||n===h.META?(e._appendElement(t,b.HTML),t.ackSelfClosing=!0):n===h.TITLE?e._switchToTextParsing(t,r.MODE.RCDATA):n===h.NOSCRIPT?e.options.scriptingEnabled?e._switchToTextParsing(t,r.MODE.RAWTEXT):(e._insertElement(t,b.HTML),e.insertionMode=v):n===h.NOFRAMES||n===h.STYLE?e._switchToTextParsing(t,r.MODE.RAWTEXT):n===h.SCRIPT?e._switchToTextParsing(t,r.MODE.SCRIPT_DATA):n===h.TEMPLATE?(e._insertTemplate(t,b.HTML),e.activeFormattingElements.insertMarker(),e.framesetOk=!1,e.insertionMode=U,e._pushTmplInsertionMode(U)):n===h.HEAD?e._err(m.misplacedStartTagForHeadElement):ei(e,t)}function ea(e,t){let n=t.tagName;n===h.HEAD?(e.openElements.pop(),e.insertionMode=C):n===h.BODY||n===h.BR||n===h.HTML?ei(e,t):n===h.TEMPLATE&&e.openElements.tmplCount>0?(e.openElements.generateImpliedEndTagsThoroughly(),e.openElements.currentTagName!==h.TEMPLATE&&e._err(m.closingOfElementWithOpenChildElements),e.openElements.popUntilTagNamePopped(h.TEMPLATE),e.activeFormattingElements.clearToLastMarker(),e._popTmplInsertionMode(),e._resetInsertionMode()):e._err(m.endTagWithoutMatchingOpenElement)}function ei(e,t){e.openElements.pop(),e.insertionMode=C,e._processToken(t)}function eo(e,t){let n=t.type===r.EOF_TOKEN?m.openElementsLeftAfterEof:m.disallowedContentInNoscriptInHead;e._err(n),e.openElements.pop(),e.insertionMode=k,e._processToken(t)}function es(e,t){e._insertFakeElement(h.BODY),e.insertionMode=N,e._processToken(t)}function el(e,t){e._reconstructActiveFormattingElements(),e._insertCharacters(t)}function ec(e,t){e._reconstructActiveFormattingElements(),e._insertCharacters(t),e.framesetOk=!1}function eu(e,t){e.openElements.hasInButtonScope(h.P)&&e._closePElement(),e._insertElement(t,b.HTML)}function ed(e,t){e.openElements.hasInButtonScope(h.P)&&e._closePElement(),e._insertElement(t,b.HTML),e.skipNextNewLine=!0,e.framesetOk=!1}function ep(e,t){e._reconstructActiveFormattingElements(),e._insertElement(t,b.HTML),e.activeFormattingElements.pushElement(e.openElements.current,t)}function em(e,t){e._reconstructActiveFormattingElements(),e._insertElement(t,b.HTML),e.activeFormattingElements.insertMarker(),e.framesetOk=!1}function eg(e,t){e._reconstructActiveFormattingElements(),e._appendElement(t,b.HTML),e.framesetOk=!1,t.ackSelfClosing=!0}function ef(e,t){e._appendElement(t,b.HTML),t.ackSelfClosing=!0}function eh(e,t){e._switchToTextParsing(t,r.MODE.RAWTEXT)}function eb(e,t){e.openElements.currentTagName===h.OPTION&&e.openElements.pop(),e._reconstructActiveFormattingElements(),e._insertElement(t,b.HTML)}function eE(e,t){e.openElements.hasInScope(h.RUBY)&&e.openElements.generateImpliedEndTags(),e._insertElement(t,b.HTML)}function eT(e,t){e._reconstructActiveFormattingElements(),e._insertElement(t,b.HTML)}function eS(e,t){let n=t.tagName;switch(n.length){case 1:n===h.I||n===h.S||n===h.B||n===h.U?ep(e,t):n===h.P?eu(e,t):n===h.A?function(e,t){let n=e.activeFormattingElements.getElementEntryInScopeWithTagName(h.A);n&&(K(e,t),e.openElements.remove(n.element),e.activeFormattingElements.removeEntry(n)),e._reconstructActiveFormattingElements(),e._insertElement(t,b.HTML),e.activeFormattingElements.pushElement(e.openElements.current,t)}(e,t):eT(e,t);break;case 2:n===h.DL||n===h.OL||n===h.UL?eu(e,t):n===h.H1||n===h.H2||n===h.H3||n===h.H4||n===h.H5||n===h.H6?function(e,t){e.openElements.hasInButtonScope(h.P)&&e._closePElement();let n=e.openElements.currentTagName;(n===h.H1||n===h.H2||n===h.H3||n===h.H4||n===h.H5||n===h.H6)&&e.openElements.pop(),e._insertElement(t,b.HTML)}(e,t):n===h.LI||n===h.DD||n===h.DT?function(e,t){e.framesetOk=!1;let n=t.tagName;for(let t=e.openElements.stackTop;t>=0;t--){let r=e.openElements.items[t],a=e.treeAdapter.getTagName(r),i=null;if(n===h.LI&&a===h.LI?i=h.LI:(n===h.DD||n===h.DT)&&(a===h.DD||a===h.DT)&&(i=a),i){e.openElements.generateImpliedEndTagsWithExclusion(i),e.openElements.popUntilTagNamePopped(i);break}if(a!==h.ADDRESS&&a!==h.DIV&&a!==h.P&&e._isSpecialElement(r))break}e.openElements.hasInButtonScope(h.P)&&e._closePElement(),e._insertElement(t,b.HTML)}(e,t):n===h.EM||n===h.TT?ep(e,t):n===h.BR?eg(e,t):n===h.HR?(e.openElements.hasInButtonScope(h.P)&&e._closePElement(),e._appendElement(t,b.HTML),e.framesetOk=!1,t.ackSelfClosing=!0):n===h.RB?eE(e,t):n===h.RT||n===h.RP?(e.openElements.hasInScope(h.RUBY)&&e.openElements.generateImpliedEndTagsWithExclusion(h.RTC),e._insertElement(t,b.HTML)):n!==h.TH&&n!==h.TD&&n!==h.TR&&eT(e,t);break;case 3:n===h.DIV||n===h.DIR||n===h.NAV?eu(e,t):n===h.PRE?ed(e,t):n===h.BIG?ep(e,t):n===h.IMG||n===h.WBR?eg(e,t):n===h.XMP?(e.openElements.hasInButtonScope(h.P)&&e._closePElement(),e._reconstructActiveFormattingElements(),e.framesetOk=!1,e._switchToTextParsing(t,r.MODE.RAWTEXT)):n===h.SVG?(e._reconstructActiveFormattingElements(),p.adjustTokenSVGAttrs(t),p.adjustTokenXMLAttrs(t),t.selfClosing?e._appendElement(t,b.SVG):e._insertElement(t,b.SVG),t.ackSelfClosing=!0):n===h.RTC?eE(e,t):n!==h.COL&&eT(e,t);break;case 4:n===h.HTML?0===e.openElements.tmplCount&&e.treeAdapter.adoptAttributes(e.openElements.items[0],t.attrs):n===h.BASE||n===h.LINK||n===h.META?er(e,t):n===h.BODY?function(e,t){let n=e.openElements.tryPeekProperlyNestedBodyElement();n&&0===e.openElements.tmplCount&&(e.framesetOk=!1,e.treeAdapter.adoptAttributes(n,t.attrs))}(e,t):n===h.MAIN||n===h.MENU?eu(e,t):n===h.FORM?function(e,t){let n=e.openElements.tmplCount>0;e.formElement&&!n||(e.openElements.hasInButtonScope(h.P)&&e._closePElement(),e._insertElement(t,b.HTML),n||(e.formElement=e.openElements.current))}(e,t):n===h.CODE||n===h.FONT?ep(e,t):n===h.NOBR?(e._reconstructActiveFormattingElements(),e.openElements.hasInScope(h.NOBR)&&(K(e,t),e._reconstructActiveFormattingElements()),e._insertElement(t,b.HTML),e.activeFormattingElements.pushElement(e.openElements.current,t)):n===h.AREA?eg(e,t):n===h.MATH?(e._reconstructActiveFormattingElements(),p.adjustTokenMathMLAttrs(t),p.adjustTokenXMLAttrs(t),t.selfClosing?e._appendElement(t,b.MATHML):e._insertElement(t,b.MATHML),t.ackSelfClosing=!0):n===h.MENU?(e.openElements.hasInButtonScope(h.P)&&e._closePElement(),e._insertElement(t,b.HTML)):n!==h.HEAD&&eT(e,t);break;case 5:n===h.STYLE||n===h.TITLE?er(e,t):n===h.ASIDE?eu(e,t):n===h.SMALL?ep(e,t):n===h.TABLE?(e.treeAdapter.getDocumentMode(e.document)!==f.DOCUMENT_MODE.QUIRKS&&e.openElements.hasInButtonScope(h.P)&&e._closePElement(),e._insertElement(t,b.HTML),e.framesetOk=!1,e.insertionMode=I):n===h.EMBED?eg(e,t):n===h.INPUT?function(e,t){e._reconstructActiveFormattingElements(),e._appendElement(t,b.HTML);let n=r.getTokenAttr(t,E.TYPE);n&&n.toLowerCase()===S||(e.framesetOk=!1),t.ackSelfClosing=!0}(e,t):n===h.PARAM||n===h.TRACK?ef(e,t):n===h.IMAGE?(t.tagName=h.IMG,eg(e,t)):n!==h.FRAME&&n!==h.TBODY&&n!==h.TFOOT&&n!==h.THEAD&&eT(e,t);break;case 6:n===h.SCRIPT?er(e,t):n===h.CENTER||n===h.FIGURE||n===h.FOOTER||n===h.HEADER||n===h.HGROUP||n===h.DIALOG?eu(e,t):n===h.BUTTON?(e.openElements.hasInScope(h.BUTTON)&&(e.openElements.generateImpliedEndTags(),e.openElements.popUntilTagNamePopped(h.BUTTON)),e._reconstructActiveFormattingElements(),e._insertElement(t,b.HTML),e.framesetOk=!1):n===h.STRIKE||n===h.STRONG?ep(e,t):n===h.APPLET||n===h.OBJECT?em(e,t):n===h.KEYGEN?eg(e,t):n===h.SOURCE?ef(e,t):n===h.IFRAME?(e.framesetOk=!1,e._switchToTextParsing(t,r.MODE.RAWTEXT)):n===h.SELECT?(e._reconstructActiveFormattingElements(),e._insertElement(t,b.HTML),e.framesetOk=!1,e.insertionMode===I||e.insertionMode===w||e.insertionMode===L||e.insertionMode===D||e.insertionMode===P?e.insertionMode=F:e.insertionMode=M):n===h.OPTION?eb(e,t):eT(e,t);break;case 7:n===h.BGSOUND?er(e,t):n===h.DETAILS||n===h.ADDRESS||n===h.ARTICLE||n===h.SECTION||n===h.SUMMARY?eu(e,t):n===h.LISTING?ed(e,t):n===h.MARQUEE?em(e,t):n===h.NOEMBED?eh(e,t):n!==h.CAPTION&&eT(e,t);break;case 8:n===h.BASEFONT?er(e,t):n===h.FRAMESET?function(e,t){let n=e.openElements.tryPeekProperlyNestedBodyElement();e.framesetOk&&n&&(e.treeAdapter.detachNode(n),e.openElements.popAllUpToHtmlElement(),e._insertElement(t,b.HTML),e.insertionMode=H)}(e,t):n===h.FIELDSET?eu(e,t):n===h.TEXTAREA?(e._insertElement(t,b.HTML),e.skipNextNewLine=!0,e.tokenizer.state=r.MODE.RCDATA,e.originalInsertionMode=e.insertionMode,e.framesetOk=!1,e.insertionMode=R):n===h.TEMPLATE?er(e,t):n===h.NOSCRIPT?e.options.scriptingEnabled?eh(e,t):eT(e,t):n===h.OPTGROUP?eb(e,t):n!==h.COLGROUP&&eT(e,t);break;case 9:n===h.PLAINTEXT?(e.openElements.hasInButtonScope(h.P)&&e._closePElement(),e._insertElement(t,b.HTML),e.tokenizer.state=r.MODE.PLAINTEXT):eT(e,t);break;case 10:n===h.BLOCKQUOTE||n===h.FIGCAPTION?eu(e,t):eT(e,t);break;default:eT(e,t)}}function ey(e,t){let n=t.tagName;e.openElements.hasInScope(n)&&(e.openElements.generateImpliedEndTags(),e.openElements.popUntilTagNamePopped(n))}function eA(e,t){let n=t.tagName;e.openElements.hasInScope(n)&&(e.openElements.generateImpliedEndTags(),e.openElements.popUntilTagNamePopped(n),e.activeFormattingElements.clearToLastMarker())}function e_(e,t){let n=t.tagName;for(let t=e.openElements.stackTop;t>0;t--){let r=e.openElements.items[t];if(e.treeAdapter.getTagName(r)===n){e.openElements.generateImpliedEndTagsWithExclusion(n),e.openElements.popUntilElementPopped(r);break}if(e._isSpecialElement(r))break}}function ek(e,t){let n=t.tagName;switch(n.length){case 1:n===h.A||n===h.B||n===h.I||n===h.S||n===h.U?K(e,t):n===h.P?(e.openElements.hasInButtonScope(h.P)||e._insertFakeElement(h.P),e._closePElement()):e_(e,t);break;case 2:n===h.DL||n===h.UL||n===h.OL?ey(e,t):n===h.LI?e.openElements.hasInListItemScope(h.LI)&&(e.openElements.generateImpliedEndTagsWithExclusion(h.LI),e.openElements.popUntilTagNamePopped(h.LI)):n===h.DD||n===h.DT?function(e,t){let n=t.tagName;e.openElements.hasInScope(n)&&(e.openElements.generateImpliedEndTagsWithExclusion(n),e.openElements.popUntilTagNamePopped(n))}(e,t):n===h.H1||n===h.H2||n===h.H3||n===h.H4||n===h.H5||n===h.H6?e.openElements.hasNumberedHeaderInScope()&&(e.openElements.generateImpliedEndTags(),e.openElements.popUntilNumberedHeaderPopped()):n===h.BR?(e._reconstructActiveFormattingElements(),e._insertFakeElement(h.BR),e.openElements.pop(),e.framesetOk=!1):n===h.EM||n===h.TT?K(e,t):e_(e,t);break;case 3:n===h.BIG?K(e,t):n===h.DIR||n===h.DIV||n===h.NAV||n===h.PRE?ey(e,t):e_(e,t);break;case 4:n===h.BODY?e.openElements.hasInScope(h.BODY)&&(e.insertionMode=B):n===h.HTML?e.openElements.hasInScope(h.BODY)&&(e.insertionMode=B,e._processToken(t)):n===h.FORM?function(e){let t=e.openElements.tmplCount>0,n=e.formElement;t||(e.formElement=null),(n||t)&&e.openElements.hasInScope(h.FORM)&&(e.openElements.generateImpliedEndTags(),t?e.openElements.popUntilTagNamePopped(h.FORM):e.openElements.remove(n))}(e,t):n===h.CODE||n===h.FONT||n===h.NOBR?K(e,t):n===h.MAIN||n===h.MENU?ey(e,t):e_(e,t);break;case 5:n===h.ASIDE?ey(e,t):n===h.SMALL?K(e,t):e_(e,t);break;case 6:n===h.CENTER||n===h.FIGURE||n===h.FOOTER||n===h.HEADER||n===h.HGROUP||n===h.DIALOG?ey(e,t):n===h.APPLET||n===h.OBJECT?eA(e,t):n===h.STRIKE||n===h.STRONG?K(e,t):e_(e,t);break;case 7:n===h.ADDRESS||n===h.ARTICLE||n===h.DETAILS||n===h.SECTION||n===h.SUMMARY||n===h.LISTING?ey(e,t):n===h.MARQUEE?eA(e,t):e_(e,t);break;case 8:n===h.FIELDSET?ey(e,t):n===h.TEMPLATE?ea(e,t):e_(e,t);break;case 10:n===h.BLOCKQUOTE||n===h.FIGCAPTION?ey(e,t):e_(e,t);break;default:e_(e,t)}}function ev(e,t){e.tmplInsertionModeStackTop>-1?eD(e,t):e.stopped=!0}function eC(e,t){let n=e.openElements.currentTagName;n===h.TABLE||n===h.TBODY||n===h.TFOOT||n===h.THEAD||n===h.TR?(e.pendingCharacterTokens=[],e.hasNonWhitespacePendingCharacterToken=!1,e.originalInsertionMode=e.insertionMode,e.insertionMode=O,e._processToken(t)):eI(e,t)}function eN(e,t){let n=t.tagName;switch(n.length){case 2:n===h.TD||n===h.TH||n===h.TR?(e.openElements.clearBackToTableContext(),e._insertFakeElement(h.TBODY),e.insertionMode=L,e._processToken(t)):eI(e,t);break;case 3:n===h.COL?(e.openElements.clearBackToTableContext(),e._insertFakeElement(h.COLGROUP),e.insertionMode=x,e._processToken(t)):eI(e,t);break;case 4:n===h.FORM?e.formElement||0!==e.openElements.tmplCount||(e._insertElement(t,b.HTML),e.formElement=e.openElements.current,e.openElements.pop()):eI(e,t);break;case 5:n===h.TABLE?e.openElements.hasInTableScope(h.TABLE)&&(e.openElements.popUntilTagNamePopped(h.TABLE),e._resetInsertionMode(),e._processToken(t)):n===h.STYLE?er(e,t):n===h.TBODY||n===h.TFOOT||n===h.THEAD?(e.openElements.clearBackToTableContext(),e._insertElement(t,b.HTML),e.insertionMode=L):n===h.INPUT?function(e,t){let n=r.getTokenAttr(t,E.TYPE);n&&n.toLowerCase()===S?e._appendElement(t,b.HTML):eI(e,t),t.ackSelfClosing=!0}(e,t):eI(e,t);break;case 6:n===h.SCRIPT?er(e,t):eI(e,t);break;case 7:n===h.CAPTION?(e.openElements.clearBackToTableContext(),e.activeFormattingElements.insertMarker(),e._insertElement(t,b.HTML),e.insertionMode=w):eI(e,t);break;case 8:n===h.COLGROUP?(e.openElements.clearBackToTableContext(),e._insertElement(t,b.HTML),e.insertionMode=x):n===h.TEMPLATE?er(e,t):eI(e,t);break;default:eI(e,t)}}function eR(e,t){let n=t.tagName;n===h.TABLE?e.openElements.hasInTableScope(h.TABLE)&&(e.openElements.popUntilTagNamePopped(h.TABLE),e._resetInsertionMode()):n===h.TEMPLATE?ea(e,t):n!==h.BODY&&n!==h.CAPTION&&n!==h.COL&&n!==h.COLGROUP&&n!==h.HTML&&n!==h.TBODY&&n!==h.TD&&n!==h.TFOOT&&n!==h.TH&&n!==h.THEAD&&n!==h.TR&&eI(e,t)}function eI(e,t){let n=e.fosterParentingEnabled;e.fosterParentingEnabled=!0,e._processTokenInBodyMode(t),e.fosterParentingEnabled=n}function eO(e,t){let n=0;if(e.hasNonWhitespacePendingCharacterToken)for(;n0?(e.openElements.popUntilTagNamePopped(h.TEMPLATE),e.activeFormattingElements.clearToLastMarker(),e._popTmplInsertionMode(),e._resetInsertionMode(),e._processToken(t)):e.stopped=!0}function eP(e,t){e.insertionMode=N,e._processToken(t)}function eM(e,t){e.insertionMode=N,e._processToken(t)}e.exports=class{constructor(e){this.options=u(T,e),this.treeAdapter=this.options.treeAdapter,this.pendingScript=null,this.options.sourceCodeLocationInfo&&l.install(this,o),this.options.onParseError&&l.install(this,s,{onParseError:this.options.onParseError})}parse(e){let t=this.treeAdapter.createDocument();return this._bootstrap(t,null),this.tokenizer.write(e,!0),this._runParsingLoop(null),t}parseFragment(e,t){t||(t=this.treeAdapter.createElement(h.TEMPLATE,b.HTML,[]));let n=this.treeAdapter.createElement("documentmock",b.HTML,[]);this._bootstrap(n,t),this.treeAdapter.getTagName(t)===h.TEMPLATE&&this._pushTmplInsertionMode(U),this._initTokenizerForFragmentParsing(),this._insertFakeRootElement(),this._resetInsertionMode(),this._findFormInFragmentContext(),this.tokenizer.write(e,!0),this._runParsingLoop(null);let r=this.treeAdapter.getFirstChild(n),a=this.treeAdapter.createDocumentFragment();return this._adoptNodes(r,a),a}_bootstrap(e,t){this.tokenizer=new r(this.options),this.stopped=!1,this.insertionMode=y,this.originalInsertionMode="",this.document=e,this.fragmentContext=t,this.headElement=null,this.formElement=null,this.openElements=new a(this.document,this.treeAdapter),this.activeFormattingElements=new i(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(e){for(;!this.stopped;){this._setupTokenizerCDATAMode();let t=this.tokenizer.getNextToken();if(t.type===r.HIBERNATION_TOKEN)break;if(this.skipNextNewLine&&(this.skipNextNewLine=!1,t.type===r.WHITESPACE_CHARACTER_TOKEN&&"\n"===t.chars[0])){if(1===t.chars.length)continue;t.chars=t.chars.substr(1)}if(this._processInputToken(t),e&&this.pendingScript)break}}runParsingLoopForCurrentChunk(e,t){if(this._runParsingLoop(t),t&&this.pendingScript){let e=this.pendingScript;this.pendingScript=null,t(e);return}e&&e()}_setupTokenizerCDATAMode(){let e=this._getAdjustedCurrentElement();this.tokenizer.allowCDATA=e&&e!==this.document&&this.treeAdapter.getNamespaceURI(e)!==b.HTML&&!this._isIntegrationPoint(e)}_switchToTextParsing(e,t){this._insertElement(e,b.HTML),this.tokenizer.state=t,this.originalInsertionMode=this.insertionMode,this.insertionMode=R}switchToPlaintextParsing(){this.insertionMode=R,this.originalInsertionMode=N,this.tokenizer.state=r.MODE.PLAINTEXT}_getAdjustedCurrentElement(){return 0===this.openElements.stackTop&&this.fragmentContext?this.fragmentContext:this.openElements.current}_findFormInFragmentContext(){let e=this.fragmentContext;do{if(this.treeAdapter.getTagName(e)===h.FORM){this.formElement=e;break}e=this.treeAdapter.getParentNode(e)}while(e)}_initTokenizerForFragmentParsing(){if(this.treeAdapter.getNamespaceURI(this.fragmentContext)===b.HTML){let e=this.treeAdapter.getTagName(this.fragmentContext);e===h.TITLE||e===h.TEXTAREA?this.tokenizer.state=r.MODE.RCDATA:e===h.STYLE||e===h.XMP||e===h.IFRAME||e===h.NOEMBED||e===h.NOFRAMES||e===h.NOSCRIPT?this.tokenizer.state=r.MODE.RAWTEXT:e===h.SCRIPT?this.tokenizer.state=r.MODE.SCRIPT_DATA:e===h.PLAINTEXT&&(this.tokenizer.state=r.MODE.PLAINTEXT)}}_setDocumentType(e){let t=e.name||"",n=e.publicId||"",r=e.systemId||"";this.treeAdapter.setDocumentType(this.document,t,n,r)}_attachElementToTree(e){if(this._shouldFosterParentOnInsertion())this._fosterParentElement(e);else{let t=this.openElements.currentTmplContent||this.openElements.current;this.treeAdapter.appendChild(t,e)}}_appendElement(e,t){let n=this.treeAdapter.createElement(e.tagName,t,e.attrs);this._attachElementToTree(n)}_insertElement(e,t){let n=this.treeAdapter.createElement(e.tagName,t,e.attrs);this._attachElementToTree(n),this.openElements.push(n)}_insertFakeElement(e){let t=this.treeAdapter.createElement(e,b.HTML,[]);this._attachElementToTree(t),this.openElements.push(t)}_insertTemplate(e){let t=this.treeAdapter.createElement(e.tagName,b.HTML,e.attrs),n=this.treeAdapter.createDocumentFragment();this.treeAdapter.setTemplateContent(t,n),this._attachElementToTree(t),this.openElements.push(t)}_insertFakeRootElement(){let e=this.treeAdapter.createElement(h.HTML,b.HTML,[]);this.treeAdapter.appendChild(this.openElements.current,e),this.openElements.push(e)}_appendCommentNode(e,t){let n=this.treeAdapter.createCommentNode(e.data);this.treeAdapter.appendChild(t,n)}_insertCharacters(e){if(this._shouldFosterParentOnInsertion())this._fosterParentText(e.chars);else{let t=this.openElements.currentTmplContent||this.openElements.current;this.treeAdapter.insertText(t,e.chars)}}_adoptNodes(e,t){for(let n=this.treeAdapter.getFirstChild(e);n;n=this.treeAdapter.getFirstChild(e))this.treeAdapter.detachNode(n),this.treeAdapter.appendChild(t,n)}_shouldProcessTokenInForeignContent(e){let t=this._getAdjustedCurrentElement();if(!t||t===this.document)return!1;let n=this.treeAdapter.getNamespaceURI(t);if(n===b.HTML||this.treeAdapter.getTagName(t)===h.ANNOTATION_XML&&n===b.MATHML&&e.type===r.START_TAG_TOKEN&&e.tagName===h.SVG)return!1;let a=e.type===r.CHARACTER_TOKEN||e.type===r.NULL_CHARACTER_TOKEN||e.type===r.WHITESPACE_CHARACTER_TOKEN,i=e.type===r.START_TAG_TOKEN&&e.tagName!==h.MGLYPH&&e.tagName!==h.MALIGNMARK;return!((i||a)&&this._isIntegrationPoint(t,b.MATHML)||(e.type===r.START_TAG_TOKEN||a)&&this._isIntegrationPoint(t,b.HTML))&&e.type!==r.EOF_TOKEN}_processToken(e){W[this.insertionMode][e.type](this,e)}_processTokenInBodyMode(e){W[N][e.type](this,e)}_processTokenInForeignContent(e){e.type===r.CHARACTER_TOKEN?(this._insertCharacters(e),this.framesetOk=!1):e.type===r.NULL_CHARACTER_TOKEN?(e.chars=g.REPLACEMENT_CHARACTER,this._insertCharacters(e)):e.type===r.WHITESPACE_CHARACTER_TOKEN?Q(this,e):e.type===r.COMMENT_TOKEN?q(this,e):e.type===r.START_TAG_TOKEN?function(e,t){if(p.causesExit(t)&&!e.fragmentContext){for(;e.treeAdapter.getNamespaceURI(e.openElements.current)!==b.HTML&&!e._isIntegrationPoint(e.openElements.current);)e.openElements.pop();e._processToken(t)}else{let n=e._getAdjustedCurrentElement(),r=e.treeAdapter.getNamespaceURI(n);r===b.MATHML?p.adjustTokenMathMLAttrs(t):r===b.SVG&&(p.adjustTokenSVGTagName(t),p.adjustTokenSVGAttrs(t)),p.adjustTokenXMLAttrs(t),t.selfClosing?e._appendElement(t,r):e._insertElement(t,r),t.ackSelfClosing=!0}}(this,e):e.type===r.END_TAG_TOKEN&&function(e,t){for(let n=e.openElements.stackTop;n>0;n--){let r=e.openElements.items[n];if(e.treeAdapter.getNamespaceURI(r)===b.HTML){e._processToken(t);break}if(e.treeAdapter.getTagName(r).toLowerCase()===t.tagName){e.openElements.popUntilElementPopped(r);break}}}(this,e)}_processInputToken(e){this._shouldProcessTokenInForeignContent(e)?this._processTokenInForeignContent(e):this._processToken(e),e.type===r.START_TAG_TOKEN&&e.selfClosing&&!e.ackSelfClosing&&this._err(m.nonVoidHtmlElementStartTagWithTrailingSolidus)}_isIntegrationPoint(e,t){let n=this.treeAdapter.getTagName(e),r=this.treeAdapter.getNamespaceURI(e),a=this.treeAdapter.getAttrList(e);return p.isIntegrationPoint(n,r,a,t)}_reconstructActiveFormattingElements(){let e=this.activeFormattingElements.length;if(e){let t=e,n=null;do if(t--,(n=this.activeFormattingElements.entries[t]).type===i.MARKER_ENTRY||this.openElements.contains(n.element)){t++;break}while(t>0);for(let r=t;r=0;e--){let n=this.openElements.items[e];0===e&&(t=!0,this.fragmentContext&&(n=this.fragmentContext));let r=this.treeAdapter.getTagName(n),a=j[r];if(a){this.insertionMode=a;break}if(t||r!==h.TD&&r!==h.TH){if(t||r!==h.HEAD){if(r===h.SELECT){this._resetInsertionModeForSelect(e);break}if(r===h.TEMPLATE){this.insertionMode=this.currentTmplInsertionMode;break}if(r===h.HTML){this.insertionMode=this.headElement?C:_;break}else if(t){this.insertionMode=N;break}}else{this.insertionMode=k;break}}else{this.insertionMode=P;break}}}_resetInsertionModeForSelect(e){if(e>0)for(let t=e-1;t>0;t--){let e=this.openElements.items[t],n=this.treeAdapter.getTagName(e);if(n===h.TEMPLATE)break;if(n===h.TABLE){this.insertionMode=F;return}}this.insertionMode=M}_pushTmplInsertionMode(e){this.tmplInsertionModeStack.push(e),this.tmplInsertionModeStackTop++,this.currentTmplInsertionMode=e}_popTmplInsertionMode(){this.tmplInsertionModeStack.pop(),this.tmplInsertionModeStackTop--,this.currentTmplInsertionMode=this.tmplInsertionModeStack[this.tmplInsertionModeStackTop]}_isElementCausesFosterParenting(e){let t=this.treeAdapter.getTagName(e);return t===h.TABLE||t===h.TBODY||t===h.TFOOT||t===h.THEAD||t===h.TR}_shouldFosterParentOnInsertion(){return this.fosterParentingEnabled&&this._isElementCausesFosterParenting(this.openElements.current)}_findFosterParentingLocation(){let e={parent:null,beforeElement:null};for(let t=this.openElements.stackTop;t>=0;t--){let n=this.openElements.items[t],r=this.treeAdapter.getTagName(n),a=this.treeAdapter.getNamespaceURI(n);if(r===h.TEMPLATE&&a===b.HTML){e.parent=this.treeAdapter.getTemplateContent(n);break}if(r===h.TABLE){e.parent=this.treeAdapter.getParentNode(n),e.parent?e.beforeElement=n:e.parent=this.openElements.items[t-1];break}}return e.parent||(e.parent=this.openElements.items[0]),e}_fosterParentElement(e){let t=this._findFosterParentingLocation();t.beforeElement?this.treeAdapter.insertBefore(t.parent,e,t.beforeElement):this.treeAdapter.appendChild(t.parent,e)}_fosterParentText(e){let t=this._findFosterParentingLocation();t.beforeElement?this.treeAdapter.insertTextBefore(t.parent,e,t.beforeElement):this.treeAdapter.insertText(t.parent,e)}_isSpecialElement(e){let t=this.treeAdapter.getTagName(e),n=this.treeAdapter.getNamespaceURI(e);return f.SPECIAL_ELEMENTS[n][t]}}},46519:function(e,t,n){"use strict";let r=n(16152),a=r.TAG_NAMES,i=r.NAMESPACES;function o(e){switch(e.length){case 1:return e===a.P;case 2:return e===a.RB||e===a.RP||e===a.RT||e===a.DD||e===a.DT||e===a.LI;case 3:return e===a.RTC;case 6:return e===a.OPTION;case 8:return e===a.OPTGROUP}return!1}function s(e,t){switch(e.length){case 2:if(e===a.TD||e===a.TH)return t===i.HTML;if(e===a.MI||e===a.MO||e===a.MN||e===a.MS)return t===i.MATHML;break;case 4:if(e===a.HTML)return t===i.HTML;if(e===a.DESC)return t===i.SVG;break;case 5:if(e===a.TABLE)return t===i.HTML;if(e===a.MTEXT)return t===i.MATHML;if(e===a.TITLE)return t===i.SVG;break;case 6:return(e===a.APPLET||e===a.OBJECT)&&t===i.HTML;case 7:return(e===a.CAPTION||e===a.MARQUEE)&&t===i.HTML;case 8:return e===a.TEMPLATE&&t===i.HTML;case 13:return e===a.FOREIGN_OBJECT&&t===i.SVG;case 14:return e===a.ANNOTATION_XML&&t===i.MATHML}return!1}e.exports=class{constructor(e,t){this.stackTop=-1,this.items=[],this.current=e,this.currentTagName=null,this.currentTmplContent=null,this.tmplCount=0,this.treeAdapter=t}_indexOf(e){let t=-1;for(let n=this.stackTop;n>=0;n--)if(this.items[n]===e){t=n;break}return t}_isInTemplate(){return this.currentTagName===a.TEMPLATE&&this.treeAdapter.getNamespaceURI(this.current)===i.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(e){this.items[++this.stackTop]=e,this._updateCurrentElement(),this._isInTemplate()&&this.tmplCount++}pop(){this.stackTop--,this.tmplCount>0&&this._isInTemplate()&&this.tmplCount--,this._updateCurrentElement()}replace(e,t){let n=this._indexOf(e);this.items[n]=t,n===this.stackTop&&this._updateCurrentElement()}insertAfter(e,t){let n=this._indexOf(e)+1;this.items.splice(n,0,t),n===++this.stackTop&&this._updateCurrentElement()}popUntilTagNamePopped(e){for(;this.stackTop>-1;){let t=this.currentTagName,n=this.treeAdapter.getNamespaceURI(this.current);if(this.pop(),t===e&&n===i.HTML)break}}popUntilElementPopped(e){for(;this.stackTop>-1;){let t=this.current;if(this.pop(),t===e)break}}popUntilNumberedHeaderPopped(){for(;this.stackTop>-1;){let e=this.currentTagName,t=this.treeAdapter.getNamespaceURI(this.current);if(this.pop(),e===a.H1||e===a.H2||e===a.H3||e===a.H4||e===a.H5||e===a.H6&&t===i.HTML)break}}popUntilTableCellPopped(){for(;this.stackTop>-1;){let e=this.currentTagName,t=this.treeAdapter.getNamespaceURI(this.current);if(this.pop(),e===a.TD||e===a.TH&&t===i.HTML)break}}popAllUpToHtmlElement(){this.stackTop=0,this._updateCurrentElement()}clearBackToTableContext(){for(;this.currentTagName!==a.TABLE&&this.currentTagName!==a.TEMPLATE&&this.currentTagName!==a.HTML||this.treeAdapter.getNamespaceURI(this.current)!==i.HTML;)this.pop()}clearBackToTableBodyContext(){for(;this.currentTagName!==a.TBODY&&this.currentTagName!==a.TFOOT&&this.currentTagName!==a.THEAD&&this.currentTagName!==a.TEMPLATE&&this.currentTagName!==a.HTML||this.treeAdapter.getNamespaceURI(this.current)!==i.HTML;)this.pop()}clearBackToTableRowContext(){for(;this.currentTagName!==a.TR&&this.currentTagName!==a.TEMPLATE&&this.currentTagName!==a.HTML||this.treeAdapter.getNamespaceURI(this.current)!==i.HTML;)this.pop()}remove(e){for(let t=this.stackTop;t>=0;t--)if(this.items[t]===e){this.items.splice(t,1),this.stackTop--,this._updateCurrentElement();break}}tryPeekProperlyNestedBodyElement(){let e=this.items[1];return e&&this.treeAdapter.getTagName(e)===a.BODY?e:null}contains(e){return this._indexOf(e)>-1}getCommonAncestor(e){let t=this._indexOf(e);return--t>=0?this.items[t]:null}isRootHtmlElementCurrent(){return 0===this.stackTop&&this.currentTagName===a.HTML}hasInScope(e){for(let t=this.stackTop;t>=0;t--){let n=this.treeAdapter.getTagName(this.items[t]),r=this.treeAdapter.getNamespaceURI(this.items[t]);if(n===e&&r===i.HTML)break;if(s(n,r))return!1}return!0}hasNumberedHeaderInScope(){for(let e=this.stackTop;e>=0;e--){let t=this.treeAdapter.getTagName(this.items[e]),n=this.treeAdapter.getNamespaceURI(this.items[e]);if((t===a.H1||t===a.H2||t===a.H3||t===a.H4||t===a.H5||t===a.H6)&&n===i.HTML)break;if(s(t,n))return!1}return!0}hasInListItemScope(e){for(let t=this.stackTop;t>=0;t--){let n=this.treeAdapter.getTagName(this.items[t]),r=this.treeAdapter.getNamespaceURI(this.items[t]);if(n===e&&r===i.HTML)break;if((n===a.UL||n===a.OL)&&r===i.HTML||s(n,r))return!1}return!0}hasInButtonScope(e){for(let t=this.stackTop;t>=0;t--){let n=this.treeAdapter.getTagName(this.items[t]),r=this.treeAdapter.getNamespaceURI(this.items[t]);if(n===e&&r===i.HTML)break;if(n===a.BUTTON&&r===i.HTML||s(n,r))return!1}return!0}hasInTableScope(e){for(let t=this.stackTop;t>=0;t--){let n=this.treeAdapter.getTagName(this.items[t]),r=this.treeAdapter.getNamespaceURI(this.items[t]);if(r===i.HTML){if(n===e)break;if(n===a.TABLE||n===a.TEMPLATE||n===a.HTML)return!1}}return!0}hasTableBodyContextInTableScope(){for(let e=this.stackTop;e>=0;e--){let t=this.treeAdapter.getTagName(this.items[e]),n=this.treeAdapter.getNamespaceURI(this.items[e]);if(n===i.HTML){if(t===a.TBODY||t===a.THEAD||t===a.TFOOT)break;if(t===a.TABLE||t===a.HTML)return!1}}return!0}hasInSelectScope(e){for(let t=this.stackTop;t>=0;t--){let n=this.treeAdapter.getTagName(this.items[t]),r=this.treeAdapter.getNamespaceURI(this.items[t]);if(r===i.HTML){if(n===e)break;if(n!==a.OPTION&&n!==a.OPTGROUP)return!1}}return!0}generateImpliedEndTags(){for(;o(this.currentTagName);)this.pop()}generateImpliedEndTagsThoroughly(){for(;function(e){switch(e.length){case 1:return e===a.P;case 2:return e===a.RB||e===a.RP||e===a.RT||e===a.DD||e===a.DT||e===a.LI||e===a.TD||e===a.TH||e===a.TR;case 3:return e===a.RTC;case 5:return e===a.TBODY||e===a.TFOOT||e===a.THEAD;case 6:return e===a.OPTION;case 7:return e===a.CAPTION;case 8:return e===a.OPTGROUP||e===a.COLGROUP}return!1}(this.currentTagName);)this.pop()}generateImpliedEndTagsWithExclusion(e){for(;o(this.currentTagName)&&this.currentTagName!==e;)this.pop()}}},55763:function(e,t,n){"use strict";let r=n(77118),a=n(54284),i=n(5482),o=n(41734),s=a.CODE_POINTS,l=a.CODE_POINT_SEQUENCES,c={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},u="DATA_STATE",d="RCDATA_STATE",p="RAWTEXT_STATE",m="SCRIPT_DATA_STATE",g="PLAINTEXT_STATE",f="TAG_OPEN_STATE",h="END_TAG_OPEN_STATE",b="TAG_NAME_STATE",E="RCDATA_LESS_THAN_SIGN_STATE",T="RCDATA_END_TAG_OPEN_STATE",S="RCDATA_END_TAG_NAME_STATE",y="RAWTEXT_LESS_THAN_SIGN_STATE",A="RAWTEXT_END_TAG_OPEN_STATE",_="RAWTEXT_END_TAG_NAME_STATE",k="SCRIPT_DATA_LESS_THAN_SIGN_STATE",v="SCRIPT_DATA_END_TAG_OPEN_STATE",C="SCRIPT_DATA_END_TAG_NAME_STATE",N="SCRIPT_DATA_ESCAPE_START_STATE",R="SCRIPT_DATA_ESCAPE_START_DASH_STATE",I="SCRIPT_DATA_ESCAPED_STATE",O="SCRIPT_DATA_ESCAPED_DASH_STATE",w="SCRIPT_DATA_ESCAPED_DASH_DASH_STATE",x="SCRIPT_DATA_ESCAPED_LESS_THAN_SIGN_STATE",L="SCRIPT_DATA_ESCAPED_END_TAG_OPEN_STATE",D="SCRIPT_DATA_ESCAPED_END_TAG_NAME_STATE",P="SCRIPT_DATA_DOUBLE_ESCAPE_START_STATE",M="SCRIPT_DATA_DOUBLE_ESCAPED_STATE",F="SCRIPT_DATA_DOUBLE_ESCAPED_DASH_STATE",U="SCRIPT_DATA_DOUBLE_ESCAPED_DASH_DASH_STATE",B="SCRIPT_DATA_DOUBLE_ESCAPED_LESS_THAN_SIGN_STATE",H="SCRIPT_DATA_DOUBLE_ESCAPE_END_STATE",G="BEFORE_ATTRIBUTE_NAME_STATE",z="ATTRIBUTE_NAME_STATE",$="AFTER_ATTRIBUTE_NAME_STATE",j="BEFORE_ATTRIBUTE_VALUE_STATE",V="ATTRIBUTE_VALUE_DOUBLE_QUOTED_STATE",W="ATTRIBUTE_VALUE_SINGLE_QUOTED_STATE",K="ATTRIBUTE_VALUE_UNQUOTED_STATE",Z="AFTER_ATTRIBUTE_VALUE_QUOTED_STATE",Y="SELF_CLOSING_START_TAG_STATE",q="BOGUS_COMMENT_STATE",X="MARKUP_DECLARATION_OPEN_STATE",Q="COMMENT_START_STATE",J="COMMENT_START_DASH_STATE",ee="COMMENT_STATE",et="COMMENT_LESS_THAN_SIGN_STATE",en="COMMENT_LESS_THAN_SIGN_BANG_STATE",er="COMMENT_LESS_THAN_SIGN_BANG_DASH_STATE",ea="COMMENT_LESS_THAN_SIGN_BANG_DASH_DASH_STATE",ei="COMMENT_END_DASH_STATE",eo="COMMENT_END_STATE",es="COMMENT_END_BANG_STATE",el="DOCTYPE_STATE",ec="BEFORE_DOCTYPE_NAME_STATE",eu="DOCTYPE_NAME_STATE",ed="AFTER_DOCTYPE_NAME_STATE",ep="AFTER_DOCTYPE_PUBLIC_KEYWORD_STATE",em="BEFORE_DOCTYPE_PUBLIC_IDENTIFIER_STATE",eg="DOCTYPE_PUBLIC_IDENTIFIER_DOUBLE_QUOTED_STATE",ef="DOCTYPE_PUBLIC_IDENTIFIER_SINGLE_QUOTED_STATE",eh="AFTER_DOCTYPE_PUBLIC_IDENTIFIER_STATE",eb="BETWEEN_DOCTYPE_PUBLIC_AND_SYSTEM_IDENTIFIERS_STATE",eE="AFTER_DOCTYPE_SYSTEM_KEYWORD_STATE",eT="BEFORE_DOCTYPE_SYSTEM_IDENTIFIER_STATE",eS="DOCTYPE_SYSTEM_IDENTIFIER_DOUBLE_QUOTED_STATE",ey="DOCTYPE_SYSTEM_IDENTIFIER_SINGLE_QUOTED_STATE",eA="AFTER_DOCTYPE_SYSTEM_IDENTIFIER_STATE",e_="BOGUS_DOCTYPE_STATE",ek="CDATA_SECTION_STATE",ev="CDATA_SECTION_BRACKET_STATE",eC="CDATA_SECTION_END_STATE",eN="CHARACTER_REFERENCE_STATE",eR="NAMED_CHARACTER_REFERENCE_STATE",eI="AMBIGUOS_AMPERSAND_STATE",eO="NUMERIC_CHARACTER_REFERENCE_STATE",ew="HEXADEMICAL_CHARACTER_REFERENCE_START_STATE",ex="DECIMAL_CHARACTER_REFERENCE_START_STATE",eL="HEXADEMICAL_CHARACTER_REFERENCE_STATE",eD="DECIMAL_CHARACTER_REFERENCE_STATE",eP="NUMERIC_CHARACTER_REFERENCE_END_STATE";function eM(e){return e===s.SPACE||e===s.LINE_FEED||e===s.TABULATION||e===s.FORM_FEED}function eF(e){return e>=s.DIGIT_0&&e<=s.DIGIT_9}function eU(e){return e>=s.LATIN_CAPITAL_A&&e<=s.LATIN_CAPITAL_Z}function eB(e){return e>=s.LATIN_SMALL_A&&e<=s.LATIN_SMALL_Z}function eH(e){return eB(e)||eU(e)}function eG(e){return eH(e)||eF(e)}function ez(e){return e>=s.LATIN_CAPITAL_A&&e<=s.LATIN_CAPITAL_F}function e$(e){return e>=s.LATIN_SMALL_A&&e<=s.LATIN_SMALL_F}function ej(e){return e<=65535?String.fromCharCode(e):String.fromCharCode((e-=65536)>>>10&1023|55296)+String.fromCharCode(56320|1023&e)}function eV(e){return String.fromCharCode(e+32)}function eW(e,t){let n=i[++e],r=++e,a=r+n-1;for(;r<=a;){let e=r+a>>>1,o=i[e];if(ot))return i[e+n];a=e-1}}return -1}class eK{constructor(){this.preprocessor=new r,this.tokenQueue=[],this.allowCDATA=!1,this.state=u,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(e){this._consume(),this._err(e),this._unconsume()}getNextToken(){for(;!this.tokenQueue.length&&this.active;){this.consumedAfterSnapshot=0;let e=this._consume();this._ensureHibernation()||this[this.state](e)}return this.tokenQueue.shift()}write(e,t){this.active=!0,this.preprocessor.write(e,t)}insertHtmlAtCurrentPos(e){this.active=!0,this.preprocessor.insertHtmlAtCurrentPos(e)}_ensureHibernation(){if(this.preprocessor.endOfChunkHit){for(;this.consumedAfterSnapshot>0;this.consumedAfterSnapshot--)this.preprocessor.retreat();return this.active=!1,this.tokenQueue.push({type:eK.HIBERNATION_TOKEN}),!0}return!1}_consume(){return this.consumedAfterSnapshot++,this.preprocessor.advance()}_unconsume(){this.consumedAfterSnapshot--,this.preprocessor.retreat()}_reconsumeInState(e){this.state=e,this._unconsume()}_consumeSequenceIfMatch(e,t,n){let r,a=0,i=!0,o=e.length,l=0,c=t;for(;l0&&(c=this._consume(),a++),c===s.EOF||c!==(r=e[l])&&(n||c!==r+32)){i=!1;break}if(!i)for(;a--;)this._unconsume();return i}_isTempBufferEqualToScriptString(){if(this.tempBuff.length!==l.SCRIPT_STRING.length)return!1;for(let e=0;e0&&this._err(o.endTagWithAttributes),e.selfClosing&&this._err(o.endTagWithTrailingSolidus)),this.tokenQueue.push(e)}_emitCurrentCharacterToken(){this.currentCharacterToken&&(this.tokenQueue.push(this.currentCharacterToken),this.currentCharacterToken=null)}_emitEOFToken(){this._createEOFToken(),this._emitCurrentToken()}_appendCharToCurrentCharacterToken(e,t){this.currentCharacterToken&&this.currentCharacterToken.type!==e&&this._emitCurrentCharacterToken(),this.currentCharacterToken?this.currentCharacterToken.chars+=t:this._createCharacterToken(e,t)}_emitCodePoint(e){let t=eK.CHARACTER_TOKEN;eM(e)?t=eK.WHITESPACE_CHARACTER_TOKEN:e===s.NULL&&(t=eK.NULL_CHARACTER_TOKEN),this._appendCharToCurrentCharacterToken(t,ej(e))}_emitSeveralCodePoints(e){for(let t=0;t-1;){let e=i[r],a=e<7,o=a&&1&e;o&&(t=2&e?[i[++r],i[++r]]:[i[++r]],n=0);let l=this._consume();if(this.tempBuff.push(l),n++,l===s.EOF)break;r=a?4&e?eW(r,l):-1:l===e?++r:-1}for(;n--;)this.tempBuff.pop(),this._unconsume();return t}_isCharacterReferenceInAttribute(){return this.returnState===V||this.returnState===W||this.returnState===K}_isCharacterReferenceAttributeQuirk(e){if(!e&&this._isCharacterReferenceInAttribute()){let e=this._consume();return this._unconsume(),e===s.EQUALS_SIGN||eG(e)}return!1}_flushCodePointsConsumedAsCharacterReference(){if(this._isCharacterReferenceInAttribute())for(let e=0;e")):e===s.NULL?(this._err(o.unexpectedNullCharacter),this.state=I,this._emitChars(a.REPLACEMENT_CHARACTER)):e===s.EOF?(this._err(o.eofInScriptHtmlCommentLikeText),this._emitEOFToken()):(this.state=I,this._emitCodePoint(e))}[x](e){e===s.SOLIDUS?(this.tempBuff=[],this.state=L):eH(e)?(this.tempBuff=[],this._emitChars("<"),this._reconsumeInState(P)):(this._emitChars("<"),this._reconsumeInState(I))}[L](e){eH(e)?(this._createEndTagToken(),this._reconsumeInState(D)):(this._emitChars("")):e===s.NULL?(this._err(o.unexpectedNullCharacter),this.state=M,this._emitChars(a.REPLACEMENT_CHARACTER)):e===s.EOF?(this._err(o.eofInScriptHtmlCommentLikeText),this._emitEOFToken()):(this.state=M,this._emitCodePoint(e))}[B](e){e===s.SOLIDUS?(this.tempBuff=[],this.state=H,this._emitChars("/")):this._reconsumeInState(M)}[H](e){eM(e)||e===s.SOLIDUS||e===s.GREATER_THAN_SIGN?(this.state=this._isTempBufferEqualToScriptString()?I:M,this._emitCodePoint(e)):eU(e)?(this.tempBuff.push(e+32),this._emitCodePoint(e)):eB(e)?(this.tempBuff.push(e),this._emitCodePoint(e)):this._reconsumeInState(M)}[G](e){eM(e)||(e===s.SOLIDUS||e===s.GREATER_THAN_SIGN||e===s.EOF?this._reconsumeInState($):e===s.EQUALS_SIGN?(this._err(o.unexpectedEqualsSignBeforeAttributeName),this._createAttr("="),this.state=z):(this._createAttr(""),this._reconsumeInState(z)))}[z](e){eM(e)||e===s.SOLIDUS||e===s.GREATER_THAN_SIGN||e===s.EOF?(this._leaveAttrName($),this._unconsume()):e===s.EQUALS_SIGN?this._leaveAttrName(j):eU(e)?this.currentAttr.name+=eV(e):e===s.QUOTATION_MARK||e===s.APOSTROPHE||e===s.LESS_THAN_SIGN?(this._err(o.unexpectedCharacterInAttributeName),this.currentAttr.name+=ej(e)):e===s.NULL?(this._err(o.unexpectedNullCharacter),this.currentAttr.name+=a.REPLACEMENT_CHARACTER):this.currentAttr.name+=ej(e)}[$](e){eM(e)||(e===s.SOLIDUS?this.state=Y:e===s.EQUALS_SIGN?this.state=j:e===s.GREATER_THAN_SIGN?(this.state=u,this._emitCurrentToken()):e===s.EOF?(this._err(o.eofInTag),this._emitEOFToken()):(this._createAttr(""),this._reconsumeInState(z)))}[j](e){eM(e)||(e===s.QUOTATION_MARK?this.state=V:e===s.APOSTROPHE?this.state=W:e===s.GREATER_THAN_SIGN?(this._err(o.missingAttributeValue),this.state=u,this._emitCurrentToken()):this._reconsumeInState(K))}[V](e){e===s.QUOTATION_MARK?this.state=Z:e===s.AMPERSAND?(this.returnState=V,this.state=eN):e===s.NULL?(this._err(o.unexpectedNullCharacter),this.currentAttr.value+=a.REPLACEMENT_CHARACTER):e===s.EOF?(this._err(o.eofInTag),this._emitEOFToken()):this.currentAttr.value+=ej(e)}[W](e){e===s.APOSTROPHE?this.state=Z:e===s.AMPERSAND?(this.returnState=W,this.state=eN):e===s.NULL?(this._err(o.unexpectedNullCharacter),this.currentAttr.value+=a.REPLACEMENT_CHARACTER):e===s.EOF?(this._err(o.eofInTag),this._emitEOFToken()):this.currentAttr.value+=ej(e)}[K](e){eM(e)?this._leaveAttrValue(G):e===s.AMPERSAND?(this.returnState=K,this.state=eN):e===s.GREATER_THAN_SIGN?(this._leaveAttrValue(u),this._emitCurrentToken()):e===s.NULL?(this._err(o.unexpectedNullCharacter),this.currentAttr.value+=a.REPLACEMENT_CHARACTER):e===s.QUOTATION_MARK||e===s.APOSTROPHE||e===s.LESS_THAN_SIGN||e===s.EQUALS_SIGN||e===s.GRAVE_ACCENT?(this._err(o.unexpectedCharacterInUnquotedAttributeValue),this.currentAttr.value+=ej(e)):e===s.EOF?(this._err(o.eofInTag),this._emitEOFToken()):this.currentAttr.value+=ej(e)}[Z](e){eM(e)?this._leaveAttrValue(G):e===s.SOLIDUS?this._leaveAttrValue(Y):e===s.GREATER_THAN_SIGN?(this._leaveAttrValue(u),this._emitCurrentToken()):e===s.EOF?(this._err(o.eofInTag),this._emitEOFToken()):(this._err(o.missingWhitespaceBetweenAttributes),this._reconsumeInState(G))}[Y](e){e===s.GREATER_THAN_SIGN?(this.currentToken.selfClosing=!0,this.state=u,this._emitCurrentToken()):e===s.EOF?(this._err(o.eofInTag),this._emitEOFToken()):(this._err(o.unexpectedSolidusInTag),this._reconsumeInState(G))}[q](e){e===s.GREATER_THAN_SIGN?(this.state=u,this._emitCurrentToken()):e===s.EOF?(this._emitCurrentToken(),this._emitEOFToken()):e===s.NULL?(this._err(o.unexpectedNullCharacter),this.currentToken.data+=a.REPLACEMENT_CHARACTER):this.currentToken.data+=ej(e)}[X](e){this._consumeSequenceIfMatch(l.DASH_DASH_STRING,e,!0)?(this._createCommentToken(),this.state=Q):this._consumeSequenceIfMatch(l.DOCTYPE_STRING,e,!1)?this.state=el:this._consumeSequenceIfMatch(l.CDATA_START_STRING,e,!0)?this.allowCDATA?this.state=ek:(this._err(o.cdataInHtmlContent),this._createCommentToken(),this.currentToken.data="[CDATA[",this.state=q):this._ensureHibernation()||(this._err(o.incorrectlyOpenedComment),this._createCommentToken(),this._reconsumeInState(q))}[Q](e){e===s.HYPHEN_MINUS?this.state=J:e===s.GREATER_THAN_SIGN?(this._err(o.abruptClosingOfEmptyComment),this.state=u,this._emitCurrentToken()):this._reconsumeInState(ee)}[J](e){e===s.HYPHEN_MINUS?this.state=eo:e===s.GREATER_THAN_SIGN?(this._err(o.abruptClosingOfEmptyComment),this.state=u,this._emitCurrentToken()):e===s.EOF?(this._err(o.eofInComment),this._emitCurrentToken(),this._emitEOFToken()):(this.currentToken.data+="-",this._reconsumeInState(ee))}[ee](e){e===s.HYPHEN_MINUS?this.state=ei:e===s.LESS_THAN_SIGN?(this.currentToken.data+="<",this.state=et):e===s.NULL?(this._err(o.unexpectedNullCharacter),this.currentToken.data+=a.REPLACEMENT_CHARACTER):e===s.EOF?(this._err(o.eofInComment),this._emitCurrentToken(),this._emitEOFToken()):this.currentToken.data+=ej(e)}[et](e){e===s.EXCLAMATION_MARK?(this.currentToken.data+="!",this.state=en):e===s.LESS_THAN_SIGN?this.currentToken.data+="!":this._reconsumeInState(ee)}[en](e){e===s.HYPHEN_MINUS?this.state=er:this._reconsumeInState(ee)}[er](e){e===s.HYPHEN_MINUS?this.state=ea:this._reconsumeInState(ei)}[ea](e){e!==s.GREATER_THAN_SIGN&&e!==s.EOF&&this._err(o.nestedComment),this._reconsumeInState(eo)}[ei](e){e===s.HYPHEN_MINUS?this.state=eo:e===s.EOF?(this._err(o.eofInComment),this._emitCurrentToken(),this._emitEOFToken()):(this.currentToken.data+="-",this._reconsumeInState(ee))}[eo](e){e===s.GREATER_THAN_SIGN?(this.state=u,this._emitCurrentToken()):e===s.EXCLAMATION_MARK?this.state=es:e===s.HYPHEN_MINUS?this.currentToken.data+="-":e===s.EOF?(this._err(o.eofInComment),this._emitCurrentToken(),this._emitEOFToken()):(this.currentToken.data+="--",this._reconsumeInState(ee))}[es](e){e===s.HYPHEN_MINUS?(this.currentToken.data+="--!",this.state=ei):e===s.GREATER_THAN_SIGN?(this._err(o.incorrectlyClosedComment),this.state=u,this._emitCurrentToken()):e===s.EOF?(this._err(o.eofInComment),this._emitCurrentToken(),this._emitEOFToken()):(this.currentToken.data+="--!",this._reconsumeInState(ee))}[el](e){eM(e)?this.state=ec:e===s.GREATER_THAN_SIGN?this._reconsumeInState(ec):e===s.EOF?(this._err(o.eofInDoctype),this._createDoctypeToken(null),this.currentToken.forceQuirks=!0,this._emitCurrentToken(),this._emitEOFToken()):(this._err(o.missingWhitespaceBeforeDoctypeName),this._reconsumeInState(ec))}[ec](e){eM(e)||(eU(e)?(this._createDoctypeToken(eV(e)),this.state=eu):e===s.NULL?(this._err(o.unexpectedNullCharacter),this._createDoctypeToken(a.REPLACEMENT_CHARACTER),this.state=eu):e===s.GREATER_THAN_SIGN?(this._err(o.missingDoctypeName),this._createDoctypeToken(null),this.currentToken.forceQuirks=!0,this._emitCurrentToken(),this.state=u):e===s.EOF?(this._err(o.eofInDoctype),this._createDoctypeToken(null),this.currentToken.forceQuirks=!0,this._emitCurrentToken(),this._emitEOFToken()):(this._createDoctypeToken(ej(e)),this.state=eu))}[eu](e){eM(e)?this.state=ed:e===s.GREATER_THAN_SIGN?(this.state=u,this._emitCurrentToken()):eU(e)?this.currentToken.name+=eV(e):e===s.NULL?(this._err(o.unexpectedNullCharacter),this.currentToken.name+=a.REPLACEMENT_CHARACTER):e===s.EOF?(this._err(o.eofInDoctype),this.currentToken.forceQuirks=!0,this._emitCurrentToken(),this._emitEOFToken()):this.currentToken.name+=ej(e)}[ed](e){!eM(e)&&(e===s.GREATER_THAN_SIGN?(this.state=u,this._emitCurrentToken()):e===s.EOF?(this._err(o.eofInDoctype),this.currentToken.forceQuirks=!0,this._emitCurrentToken(),this._emitEOFToken()):this._consumeSequenceIfMatch(l.PUBLIC_STRING,e,!1)?this.state=ep:this._consumeSequenceIfMatch(l.SYSTEM_STRING,e,!1)?this.state=eE:this._ensureHibernation()||(this._err(o.invalidCharacterSequenceAfterDoctypeName),this.currentToken.forceQuirks=!0,this._reconsumeInState(e_)))}[ep](e){eM(e)?this.state=em:e===s.QUOTATION_MARK?(this._err(o.missingWhitespaceAfterDoctypePublicKeyword),this.currentToken.publicId="",this.state=eg):e===s.APOSTROPHE?(this._err(o.missingWhitespaceAfterDoctypePublicKeyword),this.currentToken.publicId="",this.state=ef):e===s.GREATER_THAN_SIGN?(this._err(o.missingDoctypePublicIdentifier),this.currentToken.forceQuirks=!0,this.state=u,this._emitCurrentToken()):e===s.EOF?(this._err(o.eofInDoctype),this.currentToken.forceQuirks=!0,this._emitCurrentToken(),this._emitEOFToken()):(this._err(o.missingQuoteBeforeDoctypePublicIdentifier),this.currentToken.forceQuirks=!0,this._reconsumeInState(e_))}[em](e){eM(e)||(e===s.QUOTATION_MARK?(this.currentToken.publicId="",this.state=eg):e===s.APOSTROPHE?(this.currentToken.publicId="",this.state=ef):e===s.GREATER_THAN_SIGN?(this._err(o.missingDoctypePublicIdentifier),this.currentToken.forceQuirks=!0,this.state=u,this._emitCurrentToken()):e===s.EOF?(this._err(o.eofInDoctype),this.currentToken.forceQuirks=!0,this._emitCurrentToken(),this._emitEOFToken()):(this._err(o.missingQuoteBeforeDoctypePublicIdentifier),this.currentToken.forceQuirks=!0,this._reconsumeInState(e_)))}[eg](e){e===s.QUOTATION_MARK?this.state=eh:e===s.NULL?(this._err(o.unexpectedNullCharacter),this.currentToken.publicId+=a.REPLACEMENT_CHARACTER):e===s.GREATER_THAN_SIGN?(this._err(o.abruptDoctypePublicIdentifier),this.currentToken.forceQuirks=!0,this._emitCurrentToken(),this.state=u):e===s.EOF?(this._err(o.eofInDoctype),this.currentToken.forceQuirks=!0,this._emitCurrentToken(),this._emitEOFToken()):this.currentToken.publicId+=ej(e)}[ef](e){e===s.APOSTROPHE?this.state=eh:e===s.NULL?(this._err(o.unexpectedNullCharacter),this.currentToken.publicId+=a.REPLACEMENT_CHARACTER):e===s.GREATER_THAN_SIGN?(this._err(o.abruptDoctypePublicIdentifier),this.currentToken.forceQuirks=!0,this._emitCurrentToken(),this.state=u):e===s.EOF?(this._err(o.eofInDoctype),this.currentToken.forceQuirks=!0,this._emitCurrentToken(),this._emitEOFToken()):this.currentToken.publicId+=ej(e)}[eh](e){eM(e)?this.state=eb:e===s.GREATER_THAN_SIGN?(this.state=u,this._emitCurrentToken()):e===s.QUOTATION_MARK?(this._err(o.missingWhitespaceBetweenDoctypePublicAndSystemIdentifiers),this.currentToken.systemId="",this.state=eS):e===s.APOSTROPHE?(this._err(o.missingWhitespaceBetweenDoctypePublicAndSystemIdentifiers),this.currentToken.systemId="",this.state=ey):e===s.EOF?(this._err(o.eofInDoctype),this.currentToken.forceQuirks=!0,this._emitCurrentToken(),this._emitEOFToken()):(this._err(o.missingQuoteBeforeDoctypeSystemIdentifier),this.currentToken.forceQuirks=!0,this._reconsumeInState(e_))}[eb](e){eM(e)||(e===s.GREATER_THAN_SIGN?(this._emitCurrentToken(),this.state=u):e===s.QUOTATION_MARK?(this.currentToken.systemId="",this.state=eS):e===s.APOSTROPHE?(this.currentToken.systemId="",this.state=ey):e===s.EOF?(this._err(o.eofInDoctype),this.currentToken.forceQuirks=!0,this._emitCurrentToken(),this._emitEOFToken()):(this._err(o.missingQuoteBeforeDoctypeSystemIdentifier),this.currentToken.forceQuirks=!0,this._reconsumeInState(e_)))}[eE](e){eM(e)?this.state=eT:e===s.QUOTATION_MARK?(this._err(o.missingWhitespaceAfterDoctypeSystemKeyword),this.currentToken.systemId="",this.state=eS):e===s.APOSTROPHE?(this._err(o.missingWhitespaceAfterDoctypeSystemKeyword),this.currentToken.systemId="",this.state=ey):e===s.GREATER_THAN_SIGN?(this._err(o.missingDoctypeSystemIdentifier),this.currentToken.forceQuirks=!0,this.state=u,this._emitCurrentToken()):e===s.EOF?(this._err(o.eofInDoctype),this.currentToken.forceQuirks=!0,this._emitCurrentToken(),this._emitEOFToken()):(this._err(o.missingQuoteBeforeDoctypeSystemIdentifier),this.currentToken.forceQuirks=!0,this._reconsumeInState(e_))}[eT](e){eM(e)||(e===s.QUOTATION_MARK?(this.currentToken.systemId="",this.state=eS):e===s.APOSTROPHE?(this.currentToken.systemId="",this.state=ey):e===s.GREATER_THAN_SIGN?(this._err(o.missingDoctypeSystemIdentifier),this.currentToken.forceQuirks=!0,this.state=u,this._emitCurrentToken()):e===s.EOF?(this._err(o.eofInDoctype),this.currentToken.forceQuirks=!0,this._emitCurrentToken(),this._emitEOFToken()):(this._err(o.missingQuoteBeforeDoctypeSystemIdentifier),this.currentToken.forceQuirks=!0,this._reconsumeInState(e_)))}[eS](e){e===s.QUOTATION_MARK?this.state=eA:e===s.NULL?(this._err(o.unexpectedNullCharacter),this.currentToken.systemId+=a.REPLACEMENT_CHARACTER):e===s.GREATER_THAN_SIGN?(this._err(o.abruptDoctypeSystemIdentifier),this.currentToken.forceQuirks=!0,this._emitCurrentToken(),this.state=u):e===s.EOF?(this._err(o.eofInDoctype),this.currentToken.forceQuirks=!0,this._emitCurrentToken(),this._emitEOFToken()):this.currentToken.systemId+=ej(e)}[ey](e){e===s.APOSTROPHE?this.state=eA:e===s.NULL?(this._err(o.unexpectedNullCharacter),this.currentToken.systemId+=a.REPLACEMENT_CHARACTER):e===s.GREATER_THAN_SIGN?(this._err(o.abruptDoctypeSystemIdentifier),this.currentToken.forceQuirks=!0,this._emitCurrentToken(),this.state=u):e===s.EOF?(this._err(o.eofInDoctype),this.currentToken.forceQuirks=!0,this._emitCurrentToken(),this._emitEOFToken()):this.currentToken.systemId+=ej(e)}[eA](e){eM(e)||(e===s.GREATER_THAN_SIGN?(this._emitCurrentToken(),this.state=u):e===s.EOF?(this._err(o.eofInDoctype),this.currentToken.forceQuirks=!0,this._emitCurrentToken(),this._emitEOFToken()):(this._err(o.unexpectedCharacterAfterDoctypeSystemIdentifier),this._reconsumeInState(e_)))}[e_](e){e===s.GREATER_THAN_SIGN?(this._emitCurrentToken(),this.state=u):e===s.NULL?this._err(o.unexpectedNullCharacter):e===s.EOF&&(this._emitCurrentToken(),this._emitEOFToken())}[ek](e){e===s.RIGHT_SQUARE_BRACKET?this.state=ev:e===s.EOF?(this._err(o.eofInCdata),this._emitEOFToken()):this._emitCodePoint(e)}[ev](e){e===s.RIGHT_SQUARE_BRACKET?this.state=eC:(this._emitChars("]"),this._reconsumeInState(ek))}[eC](e){e===s.GREATER_THAN_SIGN?this.state=u:e===s.RIGHT_SQUARE_BRACKET?this._emitChars("]"):(this._emitChars("]]"),this._reconsumeInState(ek))}[eN](e){this.tempBuff=[s.AMPERSAND],e===s.NUMBER_SIGN?(this.tempBuff.push(e),this.state=eO):eG(e)?this._reconsumeInState(eR):(this._flushCodePointsConsumedAsCharacterReference(),this._reconsumeInState(this.returnState))}[eR](e){let t=this._matchNamedCharacterReference(e);if(this._ensureHibernation())this.tempBuff=[s.AMPERSAND];else if(t){let e=this.tempBuff[this.tempBuff.length-1]===s.SEMICOLON;this._isCharacterReferenceAttributeQuirk(e)||(e||this._errOnNextCodePoint(o.missingSemicolonAfterCharacterReference),this.tempBuff=t),this._flushCodePointsConsumedAsCharacterReference(),this.state=this.returnState}else this._flushCodePointsConsumedAsCharacterReference(),this.state=eI}[eI](e){eG(e)?this._isCharacterReferenceInAttribute()?this.currentAttr.value+=ej(e):this._emitCodePoint(e):(e===s.SEMICOLON&&this._err(o.unknownNamedCharacterReference),this._reconsumeInState(this.returnState))}[eO](e){this.charRefCode=0,e===s.LATIN_SMALL_X||e===s.LATIN_CAPITAL_X?(this.tempBuff.push(e),this.state=ew):this._reconsumeInState(ex)}[ew](e){eF(e)||ez(e)||e$(e)?this._reconsumeInState(eL):(this._err(o.absenceOfDigitsInNumericCharacterReference),this._flushCodePointsConsumedAsCharacterReference(),this._reconsumeInState(this.returnState))}[ex](e){eF(e)?this._reconsumeInState(eD):(this._err(o.absenceOfDigitsInNumericCharacterReference),this._flushCodePointsConsumedAsCharacterReference(),this._reconsumeInState(this.returnState))}[eL](e){ez(e)?this.charRefCode=16*this.charRefCode+e-55:e$(e)?this.charRefCode=16*this.charRefCode+e-87:eF(e)?this.charRefCode=16*this.charRefCode+e-48:e===s.SEMICOLON?this.state=eP:(this._err(o.missingSemicolonAfterCharacterReference),this._reconsumeInState(eP))}[eD](e){eF(e)?this.charRefCode=10*this.charRefCode+e-48:e===s.SEMICOLON?this.state=eP:(this._err(o.missingSemicolonAfterCharacterReference),this._reconsumeInState(eP))}[eP](){if(this.charRefCode===s.NULL)this._err(o.nullCharacterReference),this.charRefCode=s.REPLACEMENT_CHARACTER;else if(this.charRefCode>1114111)this._err(o.characterReferenceOutsideUnicodeRange),this.charRefCode=s.REPLACEMENT_CHARACTER;else if(a.isSurrogate(this.charRefCode))this._err(o.surrogateCharacterReference),this.charRefCode=s.REPLACEMENT_CHARACTER;else if(a.isUndefinedCodePoint(this.charRefCode))this._err(o.noncharacterCharacterReference);else if(a.isControlCodePoint(this.charRefCode)||this.charRefCode===s.CARRIAGE_RETURN){this._err(o.controlCharacterReference);let e=c[this.charRefCode];e&&(this.charRefCode=e)}this.tempBuff=[this.charRefCode],this._flushCodePointsConsumedAsCharacterReference(),this._reconsumeInState(this.returnState)}}eK.CHARACTER_TOKEN="CHARACTER_TOKEN",eK.NULL_CHARACTER_TOKEN="NULL_CHARACTER_TOKEN",eK.WHITESPACE_CHARACTER_TOKEN="WHITESPACE_CHARACTER_TOKEN",eK.START_TAG_TOKEN="START_TAG_TOKEN",eK.END_TAG_TOKEN="END_TAG_TOKEN",eK.COMMENT_TOKEN="COMMENT_TOKEN",eK.DOCTYPE_TOKEN="DOCTYPE_TOKEN",eK.EOF_TOKEN="EOF_TOKEN",eK.HIBERNATION_TOKEN="HIBERNATION_TOKEN",eK.MODE={DATA:u,RCDATA:d,RAWTEXT:p,SCRIPT_DATA:m,PLAINTEXT:g},eK.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},e.exports=eK},5482:function(e){"use strict";e.exports=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])},77118:function(e,t,n){"use strict";let r=n(54284),a=n(41734),i=r.CODE_POINTS;e.exports=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=65536}_err(){}_addGap(){this.gapStack.push(this.lastGapPos),this.lastGapPos=this.pos}_processSurrogate(e){if(this.pos!==this.lastCharPos){let t=this.html.charCodeAt(this.pos+1);if(r.isSurrogatePair(t))return this.pos++,this._addGap(),r.getSurrogatePairCodePoint(e,t)}else if(!this.lastChunkWritten)return this.endOfChunkHit=!0,i.EOF;return this._err(a.surrogateInInputStream),e}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(e,t){this.html?this.html+=e:this.html=e,this.lastCharPos=this.html.length-1,this.endOfChunkHit=!1,this.lastChunkWritten=t}insertHtmlAtCurrentPos(e){this.html=this.html.substring(0,this.pos+1)+e+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,i.EOF;let e=this.html.charCodeAt(this.pos);if(this.skipNextNewLine&&e===i.LINE_FEED)return this.skipNextNewLine=!1,this._addGap(),this.advance();if(e===i.CARRIAGE_RETURN)return this.skipNextNewLine=!0,i.LINE_FEED;this.skipNextNewLine=!1,r.isSurrogate(e)&&(e=this._processSurrogate(e));let t=e>31&&e<127||e===i.LINE_FEED||e===i.CARRIAGE_RETURN||e>159&&e<64976;return t||this._checkForProblematicCharacters(e),e}_checkForProblematicCharacters(e){r.isControlCodePoint(e)?this._err(a.controlCharacterInInputStream):r.isUndefinedCodePoint(e)&&this._err(a.noncharacterInInputStream)}retreat(){this.pos===this.lastGapPos&&(this.lastGapPos=this.gapStack.pop(),this.pos--),this.pos--}}},17296:function(e,t,n){"use strict";let{DOCUMENT_MODE:r}=n(16152);t.createDocument=function(){return{nodeName:"#document",mode:r.NO_QUIRKS,childNodes:[]}},t.createDocumentFragment=function(){return{nodeName:"#document-fragment",childNodes:[]}},t.createElement=function(e,t,n){return{nodeName:e,tagName:e,attrs:n,namespaceURI:t,childNodes:[],parentNode:null}},t.createCommentNode=function(e){return{nodeName:"#comment",data:e,parentNode:null}};let a=function(e){return{nodeName:"#text",value:e,parentNode:null}},i=t.appendChild=function(e,t){e.childNodes.push(t),t.parentNode=e},o=t.insertBefore=function(e,t,n){let r=e.childNodes.indexOf(n);e.childNodes.splice(r,0,t),t.parentNode=e};t.setTemplateContent=function(e,t){e.content=t},t.getTemplateContent=function(e){return e.content},t.setDocumentType=function(e,t,n,r){let a=null;for(let t=0;t(Object.keys(t).forEach(n=>{e[n]=t[n]}),e),Object.create(null))}},81704:function(e){"use strict";class t{constructor(e){let t={},n=this._getOverriddenMethods(this,t);for(let r of Object.keys(n))"function"==typeof n[r]&&(t[r]=e[r],e[r]=n[r])}_getOverriddenMethods(){throw Error("Not implemented")}}t.install=function(e,t,n){e.__mixins||(e.__mixins=[]);for(let n=0;n4&&g.slice(0,4)===o&&s.test(t)&&("-"===t.charAt(4)?f=o+(n=t.slice(5).replace(l,d)).charAt(0).toUpperCase()+n.slice(1):(m=(p=t).slice(4),t=l.test(m)?p:("-"!==(m=m.replace(c,u)).charAt(0)&&(m="-"+m),o+m)),h=a),new h(f,t))};var s=/^data[-\w.:]+$/i,l=/-[a-z]/g,c=/[A-Z]/g;function u(e){return"-"+e.toLowerCase()}function d(e){return e.charAt(1).toUpperCase()}},97247:function(e,t,n){"use strict";var r=n(19940),a=n(8289),i=n(5812),o=n(94397),s=n(67716),l=n(61805);e.exports=r([i,a,o,s,l])},67716:function(e,t,n){"use strict";var r=n(17e3),a=n(17596),i=r.booleanish,o=r.number,s=r.spaceSeparated;e.exports=a({transform:function(e,t){return"role"===t?t:"aria-"+t.slice(4).toLowerCase()},properties:{ariaActiveDescendant:null,ariaAtomic:i,ariaAutoComplete:null,ariaBusy:i,ariaChecked:i,ariaColCount:o,ariaColIndex:o,ariaColSpan:o,ariaControls:s,ariaCurrent:null,ariaDescribedBy:s,ariaDetails:null,ariaDisabled:i,ariaDropEffect:s,ariaErrorMessage:null,ariaExpanded:i,ariaFlowTo:s,ariaGrabbed:i,ariaHasPopup:null,ariaHidden:i,ariaInvalid:null,ariaKeyShortcuts:null,ariaLabel:null,ariaLabelledBy:s,ariaLevel:o,ariaLive:null,ariaModal:i,ariaMultiLine:i,ariaMultiSelectable:i,ariaOrientation:null,ariaOwns:s,ariaPlaceholder:null,ariaPosInSet:o,ariaPressed:i,ariaReadOnly:i,ariaRelevant:null,ariaRequired:i,ariaRoleDescription:s,ariaRowCount:o,ariaRowIndex:o,ariaRowSpan:o,ariaSelected:i,ariaSetSize:o,ariaSort:null,ariaValueMax:o,ariaValueMin:o,ariaValueNow:o,ariaValueText:null,role:null}})},61805:function(e,t,n){"use strict";var r=n(17e3),a=n(17596),i=n(10855),o=r.boolean,s=r.overloadedBoolean,l=r.booleanish,c=r.number,u=r.spaceSeparated,d=r.commaSeparated;e.exports=a({space:"html",attributes:{acceptcharset:"accept-charset",classname:"class",htmlfor:"for",httpequiv:"http-equiv"},transform:i,mustUseProperty:["checked","multiple","muted","selected"],properties:{abbr:null,accept:d,acceptCharset:u,accessKey:u,action:null,allow:null,allowFullScreen:o,allowPaymentRequest:o,allowUserMedia:o,alt:null,as:null,async:o,autoCapitalize:null,autoComplete:u,autoFocus:o,autoPlay:o,capture:o,charSet:null,checked:o,cite:null,className:u,cols:c,colSpan:null,content:null,contentEditable:l,controls:o,controlsList:u,coords:c|d,crossOrigin:null,data:null,dateTime:null,decoding:null,default:o,defer:o,dir:null,dirName:null,disabled:o,download:s,draggable:l,encType:null,enterKeyHint:null,form:null,formAction:null,formEncType:null,formMethod:null,formNoValidate:o,formTarget:null,headers:u,height:c,hidden:o,high:c,href:null,hrefLang:null,htmlFor:u,httpEquiv:u,id:null,imageSizes:null,imageSrcSet:d,inputMode:null,integrity:null,is:null,isMap:o,itemId:null,itemProp:u,itemRef:u,itemScope:o,itemType:u,kind:null,label:null,lang:null,language:null,list:null,loading:null,loop:o,low:c,manifest:null,max:null,maxLength:c,media:null,method:null,min:null,minLength:c,multiple:o,muted:o,name:null,nonce:null,noModule:o,noValidate:o,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:o,optimum:c,pattern:null,ping:u,placeholder:null,playsInline:o,poster:null,preload:null,readOnly:o,referrerPolicy:null,rel:u,required:o,reversed:o,rows:c,rowSpan:c,sandbox:u,scope:null,scoped:o,seamless:o,selected:o,shape:null,size:c,sizes:null,slot:null,span:c,spellCheck:l,src:null,srcDoc:null,srcLang:null,srcSet:d,start:c,step:null,style:null,tabIndex:c,target:null,title:null,translate:null,type:null,typeMustMatch:o,useMap:null,value:l,width:c,wrap:null,align:null,aLink:null,archive:u,axis:null,background:null,bgColor:null,border:c,borderColor:null,bottomMargin:c,cellPadding:null,cellSpacing:null,char:null,charOff:null,classId:null,clear:null,code:null,codeBase:null,codeType:null,color:null,compact:o,declare:o,event:null,face:null,frame:null,frameBorder:null,hSpace:c,leftMargin:c,link:null,longDesc:null,lowSrc:null,marginHeight:c,marginWidth:c,noResize:o,noHref:o,noShade:o,noWrap:o,object:null,profile:null,prompt:null,rev:null,rightMargin:c,rules:null,scheme:null,scrolling:l,standby:null,summary:null,text:null,topMargin:c,valueType:null,version:null,vAlign:null,vLink:null,vSpace:c,allowTransparency:null,autoCorrect:null,autoSave:null,disablePictureInPicture:o,disableRemotePlayback:o,prefix:null,property:null,results:c,security:null,unselectable:null}})},10855:function(e,t,n){"use strict";var r=n(28740);e.exports=function(e,t){return r(e,t.toLowerCase())}},28740:function(e){"use strict";e.exports=function(e,t){return t in e?e[t]:t}},17596:function(e,t,n){"use strict";var r=n(66632),a=n(99607),i=n(98805);e.exports=function(e){var t,n,o=e.space,s=e.mustUseProperty||[],l=e.attributes||{},c=e.properties,u=e.transform,d={},p={};for(t in c)n=new i(t,u(l,t),c[t],o),-1!==s.indexOf(t)&&(n.mustUseProperty=!0),d[t]=n,p[r(t)]=t,p[r(n.attribute)]=t;return new a(d,p,o)}},98805:function(e,t,n){"use strict";var r=n(57643),a=n(17e3);e.exports=s,s.prototype=new r,s.prototype.defined=!0;var i=["boolean","booleanish","overloadedBoolean","number","commaSeparated","spaceSeparated","commaOrSpaceSeparated"],o=i.length;function s(e,t,n,s){var l,c,u,d=-1;for(s&&(this.space=s),r.call(this,e,t);++de.filter(e=>t.includes(e)),b=(e,t,n)=>{let r=e.keys[0];if(Array.isArray(t))t.forEach((t,r)=>{n((t,n)=>{r<=e.keys.length-1&&(0===r?Object.assign(t,n):t[e.up(e.keys[r])]=n)},t)});else if(t&&"object"==typeof t){let a=Object.keys(t).length>e.keys.length?e.keys:h(e.keys,Object.keys(t));a.forEach(a=>{if(-1!==e.keys.indexOf(a)){let i=t[a];void 0!==i&&n((t,n)=>{r===a?Object.assign(t,n):t[e.up(a)]=n},i)}})}else("number"==typeof t||"string"==typeof t)&&n((e,t)=>{Object.assign(e,t)},t)};function E(e){return e?`Level${e}`:""}function T(e){return e.unstable_level>0&&e.container}function S(e){return function(t){return`var(--Grid-${t}Spacing${E(e.unstable_level)})`}}function y(e){return function(t){return 0===e.unstable_level?`var(--Grid-${t}Spacing)`:`var(--Grid-${t}Spacing${E(e.unstable_level-1)})`}}function A(e){return 0===e.unstable_level?"var(--Grid-columns)":`var(--Grid-columns${E(e.unstable_level-1)})`}let _=({theme:e,ownerState:t})=>{let n=S(t),r={};return b(e.breakpoints,t.gridSize,(e,a)=>{let i={};!0===a&&(i={flexBasis:0,flexGrow:1,maxWidth:"100%"}),"auto"===a&&(i={flexBasis:"auto",flexGrow:0,flexShrink:0,maxWidth:"none",width:"auto"}),"number"==typeof a&&(i={flexGrow:0,flexBasis:"auto",width:`calc(100% * ${a} / ${A(t)}${T(t)?` + ${n("column")}`:""})`}),e(r,i)}),r},k=({theme:e,ownerState:t})=>{let n={};return b(e.breakpoints,t.gridOffset,(e,r)=>{let a={};"auto"===r&&(a={marginLeft:"auto"}),"number"==typeof r&&(a={marginLeft:0===r?"0px":`calc(100% * ${r} / ${A(t)})`}),e(n,a)}),n},v=({theme:e,ownerState:t})=>{if(!t.container)return{};let n=T(t)?{[`--Grid-columns${E(t.unstable_level)}`]:A(t)}:{"--Grid-columns":12};return b(e.breakpoints,t.columns,(e,r)=>{e(n,{[`--Grid-columns${E(t.unstable_level)}`]:r})}),n},N=({theme:e,ownerState:t})=>{if(!t.container)return{};let n=y(t),r=T(t)?{[`--Grid-rowSpacing${E(t.unstable_level)}`]:n("row")}:{};return b(e.breakpoints,t.rowSpacing,(n,a)=>{var i;n(r,{[`--Grid-rowSpacing${E(t.unstable_level)}`]:"string"==typeof a?a:null==(i=e.spacing)?void 0:i.call(e,a)})}),r},C=({theme:e,ownerState:t})=>{if(!t.container)return{};let n=y(t),r=T(t)?{[`--Grid-columnSpacing${E(t.unstable_level)}`]:n("column")}:{};return b(e.breakpoints,t.columnSpacing,(n,a)=>{var i;n(r,{[`--Grid-columnSpacing${E(t.unstable_level)}`]:"string"==typeof a?a:null==(i=e.spacing)?void 0:i.call(e,a)})}),r},R=({theme:e,ownerState:t})=>{if(!t.container)return{};let n={};return b(e.breakpoints,t.direction,(e,t)=>{e(n,{flexDirection:t})}),n},I=({ownerState:e})=>{let t=S(e),n=y(e);return(0,r.Z)({minWidth:0,boxSizing:"border-box"},e.container&&(0,r.Z)({display:"flex",flexWrap:"wrap"},e.wrap&&"wrap"!==e.wrap&&{flexWrap:e.wrap},{margin:`calc(${t("row")} / -2) calc(${t("column")} / -2)`},e.disableEqualOverflow&&{margin:`calc(${t("row")} * -1) 0px 0px calc(${t("column")} * -1)`}),(!e.container||T(e))&&(0,r.Z)({padding:`calc(${n("row")} / 2) calc(${n("column")} / 2)`},(e.disableEqualOverflow||e.parentDisableEqualOverflow)&&{padding:`${n("row")} 0px 0px ${n("column")}`}))},O=e=>{let t=[];return Object.entries(e).forEach(([e,n])=>{!1!==n&&void 0!==n&&t.push(`grid-${e}-${String(n)}`)}),t},w=(e,t="xs")=>{function n(e){return void 0!==e&&("string"==typeof e&&!Number.isNaN(Number(e))||"number"==typeof e&&e>0)}if(n(e))return[`spacing-${t}-${String(e)}`];if("object"==typeof e&&!Array.isArray(e)){let t=[];return Object.entries(e).forEach(([e,r])=>{n(r)&&t.push(`spacing-${e}-${String(r)}`)}),t}return[]},x=e=>void 0===e?[]:"object"==typeof e?Object.entries(e).map(([e,t])=>`direction-${e}-${t}`):[`direction-xs-${String(e)}`];var L=n(85893);let D=["className","children","columns","container","component","direction","wrap","spacing","rowSpacing","columnSpacing","disableEqualOverflow","unstable_level"],P=(0,f.Z)(),M=d("div",{name:"MuiGrid",slot:"Root",overridesResolver:(e,t)=>t.root});function F(e){return(0,p.Z)({props:e,name:"MuiGrid",defaultTheme:P})}var U=n(74312),B=n(20407);let H=function(e={}){let{createStyledComponent:t=M,useThemeProps:n=F,componentName:u="MuiGrid"}=e,d=i.createContext(void 0),p=(e,t)=>{let{container:n,direction:r,spacing:a,wrap:i,gridSize:o}=e,c={root:["root",n&&"container","wrap"!==i&&`wrap-xs-${String(i)}`,...x(r),...O(o),...n?w(a,t.breakpoints.keys[0]):[]]};return(0,s.Z)(c,e=>(0,l.Z)(u,e),{})},f=t(v,C,N,_,R,I,k),h=i.forwardRef(function(e,t){var s,l,u,h,b,E,T,S;let y=(0,m.Z)(),A=n(e),_=(0,g.Z)(A),k=i.useContext(d),{className:v,children:N,columns:C=12,container:R=!1,component:I="div",direction:O="row",wrap:w="wrap",spacing:x=0,rowSpacing:P=x,columnSpacing:M=x,disableEqualOverflow:F,unstable_level:U=0}=_,B=(0,a.Z)(_,D),H=F;U&&void 0!==F&&(H=e.disableEqualOverflow);let G={},z={},$={};Object.entries(B).forEach(([e,t])=>{void 0!==y.breakpoints.values[e]?G[e]=t:void 0!==y.breakpoints.values[e.replace("Offset","")]?z[e.replace("Offset","")]=t:$[e]=t});let j=null!=(s=e.columns)?s:U?void 0:C,V=null!=(l=e.spacing)?l:U?void 0:x,W=null!=(u=null!=(h=e.rowSpacing)?h:e.spacing)?u:U?void 0:P,K=null!=(b=null!=(E=e.columnSpacing)?E:e.spacing)?b:U?void 0:M,Z=(0,r.Z)({},_,{level:U,columns:j,container:R,direction:O,wrap:w,spacing:V,rowSpacing:W,columnSpacing:K,gridSize:G,gridOffset:z,disableEqualOverflow:null!=(T=null!=(S=H)?S:k)&&T,parentDisableEqualOverflow:k}),Y=p(Z,y),q=(0,L.jsx)(f,(0,r.Z)({ref:t,as:I,ownerState:Z,className:(0,o.Z)(Y.root,v)},$,{children:i.Children.map(N,e=>{if(i.isValidElement(e)&&(0,c.Z)(e,["Grid"])){var t;return i.cloneElement(e,{unstable_level:null!=(t=e.props.unstable_level)?t:U+1})}return e})}));return void 0!==H&&H!==(null!=k&&k)&&(q=(0,L.jsx)(d.Provider,{value:H,children:q})),q});return h.muiName="Grid",h}({createStyledComponent:(0,U.Z)("div",{name:"JoyGrid",slot:"Root",overridesResolver:(e,t)=>t.root}),useThemeProps:e=>(0,B.Z)({props:e,name:"JoyGrid"})});var G=H},14553:function(e,t,n){"use strict";n.d(t,{ZP:function(){return _}});var r=n(63366),a=n(87462),i=n(67294),o=n(14142),s=n(33703),l=n(70758),c=n(94780),u=n(74312),d=n(20407),p=n(78653),m=n(30220),g=n(26821);function f(e){return(0,g.d6)("MuiIconButton",e)}(0,g.sI)("MuiIconButton",["root","colorPrimary","colorNeutral","colorDanger","colorSuccess","colorWarning","colorContext","variantPlain","variantOutlined","variantSoft","variantSolid","focusVisible","disabled","sizeSm","sizeMd","sizeLg"]);var h=n(89996),b=n(85893);let E=["children","action","component","color","disabled","variant","size","slots","slotProps"],T=e=>{let{color:t,disabled:n,focusVisible:r,focusVisibleClassName:a,size:i,variant:s}=e,l={root:["root",n&&"disabled",r&&"focusVisible",s&&`variant${(0,o.Z)(s)}`,t&&`color${(0,o.Z)(t)}`,i&&`size${(0,o.Z)(i)}`]},u=(0,c.Z)(l,f,{});return r&&a&&(u.root+=` ${a}`),u},S=(0,u.Z)("button")(({theme:e,ownerState:t})=>{var n,r,i,o;return[(0,a.Z)({"--Icon-margin":"initial","--Icon-color":"neutral"!==t.color||"solid"===t.variant?"currentColor":e.vars.palette.text.icon},t.instanceSize&&{"--IconButton-size":({sm:"2rem",md:"2.5rem",lg:"3rem"})[t.instanceSize]},"sm"===t.size&&{"--Icon-fontSize":"calc(var(--IconButton-size, 2rem) / 1.6)","--CircularProgress-size":"20px","--CircularProgress-thickness":"2px",minWidth:"var(--IconButton-size, 2rem)",minHeight:"var(--IconButton-size, 2rem)",fontSize:e.vars.fontSize.sm,paddingInline:"2px"},"md"===t.size&&{"--Icon-fontSize":"calc(var(--IconButton-size, 2.5rem) / 1.667)","--CircularProgress-size":"24px","--CircularProgress-thickness":"3px",minWidth:"var(--IconButton-size, 2.5rem)",minHeight:"var(--IconButton-size, 2.5rem)",fontSize:e.vars.fontSize.md,paddingInline:"0.25rem"},"lg"===t.size&&{"--Icon-fontSize":"calc(var(--IconButton-size, 3rem) / 1.714)","--CircularProgress-size":"28px","--CircularProgress-thickness":"4px",minWidth:"var(--IconButton-size, 3rem)",minHeight:"var(--IconButton-size, 3rem)",fontSize:e.vars.fontSize.lg,paddingInline:"0.375rem"},{WebkitTapHighlightColor:"transparent",paddingBlock:0,fontFamily:e.vars.fontFamily.body,fontWeight:e.vars.fontWeight.md,margin:"var(--IconButton-margin)",borderRadius:`var(--IconButton-radius, ${e.vars.radius.sm})`,border:"none",boxSizing:"border-box",backgroundColor:"transparent",cursor:"pointer",display:"inline-flex",alignItems:"center",justifyContent:"center",position:"relative",[e.focus.selector]:(0,a.Z)({"--Icon-color":"currentColor"},e.focus.default)}),(0,a.Z)({},null==(n=e.variants[t.variant])?void 0:n[t.color],{"&:hover":{"@media (hover: hover)":(0,a.Z)({"--Icon-color":"currentColor"},null==(r=e.variants[`${t.variant}Hover`])?void 0:r[t.color])},'&:active, &[aria-pressed="true"]':(0,a.Z)({"--Icon-color":"currentColor"},null==(i=e.variants[`${t.variant}Active`])?void 0:i[t.color]),"&:disabled":null==(o=e.variants[`${t.variant}Disabled`])?void 0:o[t.color]})]}),y=(0,u.Z)(S,{name:"JoyIconButton",slot:"Root",overridesResolver:(e,t)=>t.root})({}),A=i.forwardRef(function(e,t){var n;let o=(0,d.Z)({props:e,name:"JoyIconButton"}),{children:c,action:u,component:g="button",color:f="neutral",disabled:S,variant:A="plain",size:_="md",slots:k={},slotProps:v={}}=o,N=(0,r.Z)(o,E),C=i.useContext(h.Z),R=e.variant||C.variant||A,I=e.size||C.size||_,{getColor:O}=(0,p.VT)(R),w=O(e.color,C.color||f),x=null!=(n=e.disabled)?n:C.disabled||S,L=i.useRef(null),D=(0,s.Z)(L,t),{focusVisible:P,setFocusVisible:M,getRootProps:F}=(0,l.U)((0,a.Z)({},o,{disabled:x,rootRef:D}));i.useImperativeHandle(u,()=>({focusVisible:()=>{var e;M(!0),null==(e=L.current)||e.focus()}}),[M]);let U=(0,a.Z)({},o,{component:g,color:w,disabled:x,variant:R,size:I,focusVisible:P,instanceSize:e.size}),B=T(U),H=(0,a.Z)({},N,{component:g,slots:k,slotProps:v}),[G,z]=(0,m.Z)("root",{ref:t,className:B.root,elementType:y,getSlotProps:F,externalForwardedProps:H,ownerState:U});return(0,b.jsx)(G,(0,a.Z)({},z,{children:c}))});A.muiName="IconButton";var _=A},25359:function(e,t,n){"use strict";n.d(t,{Z:function(){return U}});var r=n(63366),a=n(87462),i=n(67294),o=n(14142),s=n(94780),l=n(33703),c=n(92996),u=n(73546),d=n(22644),p=n(7333);function m(e,t){if(t.type===d.F.itemHover)return e;let n=(0,p.R$)(e,t);if(null===n.highlightedValue&&t.context.items.length>0)return(0,a.Z)({},n,{highlightedValue:t.context.items[0]});if(t.type===d.F.keyDown&&"Escape"===t.event.key)return(0,a.Z)({},n,{open:!1});if(t.type===d.F.blur){var r,i,o;if(!(null!=(r=t.context.listboxRef.current)&&r.contains(t.event.relatedTarget))){let e=null==(i=t.context.listboxRef.current)?void 0:i.getAttribute("id"),r=null==(o=t.event.relatedTarget)?void 0:o.getAttribute("aria-controls");return e&&r&&e===r?n:(0,a.Z)({},n,{open:!1,highlightedValue:t.context.items[0]})}}return n}var g=n(85241),f=n(96592),h=n(51633),b=n(12247),E=n(2900);let T={dispatch:()=>{},popupId:"",registerPopup:()=>{},registerTrigger:()=>{},state:{open:!0},triggerElement:null};var S=n(26558),y=n(85893);function A(e){let{value:t,children:n}=e,{dispatch:r,getItemIndex:a,getItemState:o,registerHighlightChangeHandler:s,registerSelectionChangeHandler:l,registerItem:c,totalSubitemCount:u}=t,d=i.useMemo(()=>({dispatch:r,getItemState:o,getItemIndex:a,registerHighlightChangeHandler:s,registerSelectionChangeHandler:l}),[r,a,o,s,l]),p=i.useMemo(()=>({getItemIndex:a,registerItem:c,totalSubitemCount:u}),[c,a,u]);return(0,y.jsx)(b.s.Provider,{value:p,children:(0,y.jsx)(S.Z.Provider,{value:d,children:n})})}var _=n(53406),k=n(7293),v=n(50984),N=n(3419),C=n(43614),R=n(74312),I=n(20407),O=n(55907),w=n(78653),x=n(26821);function L(e){return(0,x.d6)("MuiMenu",e)}(0,x.sI)("MuiMenu",["root","listbox","expanded","colorPrimary","colorNeutral","colorDanger","colorSuccess","colorWarning","colorContext","variantPlain","variantOutlined","variantSoft","variantSolid","sizeSm","sizeMd","sizeLg"]);let D=["actions","children","color","component","disablePortal","keepMounted","id","invertedColors","onItemsChange","modifiers","variant","size","slots","slotProps"],P=e=>{let{open:t,variant:n,color:r,size:a}=e,i={root:["root",t&&"expanded",n&&`variant${(0,o.Z)(n)}`,r&&`color${(0,o.Z)(r)}`,a&&`size${(0,o.Z)(a)}`],listbox:["listbox"]};return(0,s.Z)(i,L,{})},M=(0,R.Z)(v.C,{name:"JoyMenu",slot:"Root",overridesResolver:(e,t)=>t.root})(({theme:e,ownerState:t})=>{var n,r;let i=null==(n=e.variants[t.variant])?void 0:n[t.color];return[(0,a.Z)({"--focus-outline-offset":`calc(${e.vars.focus.thickness} * -1)`,"--ListItem-stickyBackground":(null==i?void 0:i.backgroundColor)||(null==i?void 0:i.background)||e.vars.palette.background.popup,"--ListItem-stickyTop":"calc(var(--List-padding, var(--ListDivider-gap)) * -1)"},N.M,{borderRadius:`var(--List-radius, ${e.vars.radius.sm})`,boxShadow:e.shadow.md,overflow:"auto",zIndex:`var(--unstable_popup-zIndex, ${e.vars.zIndex.popup})`},!(null!=i&&i.backgroundColor)&&{backgroundColor:e.vars.palette.background.popup}),"context"!==t.color&&t.invertedColors&&(null==(r=e.colorInversion[t.variant])?void 0:r[t.color])]}),F=i.forwardRef(function(e,t){var n;let o=(0,I.Z)({props:e,name:"JoyMenu"}),{actions:s,children:p,color:S="neutral",component:v,disablePortal:R=!1,keepMounted:x=!1,id:L,invertedColors:F=!1,onItemsChange:U,modifiers:B,variant:H="outlined",size:G="md",slots:z={},slotProps:$={}}=o,j=(0,r.Z)(o,D),{getColor:V}=(0,w.VT)(H),W=R?V(e.color,S):S,{contextValue:K,getListboxProps:Z,dispatch:Y,open:q,triggerElement:X}=function(e={}){var t,n;let{listboxRef:r,onItemsChange:o,id:s}=e,d=i.useRef(null),p=(0,l.Z)(d,r),S=null!=(t=(0,c.Z)(s))?t:"",{state:{open:y},dispatch:A,triggerElement:_,registerPopup:k}=null!=(n=i.useContext(g.D))?n:T,v=i.useRef(y),{subitems:N,contextValue:C}=(0,b.Y)(),R=i.useMemo(()=>Array.from(N.keys()),[N]),I=i.useCallback(e=>{var t,n;return null==e?null:null!=(t=null==(n=N.get(e))?void 0:n.ref.current)?t:null},[N]),{dispatch:O,getRootProps:w,contextValue:x,state:{highlightedValue:L},rootRef:D}=(0,f.s)({disabledItemsFocusable:!0,focusManagement:"DOM",getItemDomElement:I,getInitialState:()=>({selectedValues:[],highlightedValue:null}),isItemDisabled:e=>{var t;return(null==N||null==(t=N.get(e))?void 0:t.disabled)||!1},items:R,getItemAsString:e=>{var t,n;return(null==(t=N.get(e))?void 0:t.label)||(null==(n=N.get(e))||null==(n=n.ref.current)?void 0:n.innerText)},rootRef:p,onItemsChange:o,reducerActionContext:{listboxRef:d},selectionMode:"none",stateReducer:m});(0,u.Z)(()=>{k(S)},[S,k]),i.useEffect(()=>{if(y&&L===R[0]&&!v.current){var e;null==(e=N.get(R[0]))||null==(e=e.ref)||null==(e=e.current)||e.focus()}},[y,L,N,R]),i.useEffect(()=>{var e,t;null!=(e=d.current)&&e.contains(document.activeElement)&&null!==L&&(null==N||null==(t=N.get(L))||null==(t=t.ref.current)||t.focus())},[L,N]);let P=e=>t=>{var n,r;null==(n=e.onBlur)||n.call(e,t),t.defaultMuiPrevented||null!=(r=d.current)&&r.contains(t.relatedTarget)||t.relatedTarget===_||A({type:h.Q.blur,event:t})},M=e=>t=>{var n;null==(n=e.onKeyDown)||n.call(e,t),t.defaultMuiPrevented||"Escape"!==t.key||A({type:h.Q.escapeKeyDown,event:t})},F=(e={})=>({onBlur:P(e),onKeyDown:M(e)});return i.useDebugValue({subitems:N,highlightedValue:L}),{contextValue:(0,a.Z)({},C,x),dispatch:O,getListboxProps:(e={})=>{let t=(0,E.f)(F,w);return(0,a.Z)({},t(e),{id:S,role:"menu"})},highlightedValue:L,listboxRef:D,menuItems:N,open:y,triggerElement:_}}({onItemsChange:U,id:L,listboxRef:t});i.useImperativeHandle(s,()=>({dispatch:Y,resetHighlight:()=>Y({type:d.F.resetHighlight,event:null})}),[Y]);let Q=(0,a.Z)({},o,{disablePortal:R,invertedColors:F,color:W,variant:H,size:G,open:q,nesting:!1,row:!1}),J=P(Q),ee=(0,a.Z)({},j,{component:v,slots:z,slotProps:$}),et=i.useMemo(()=>[{name:"offset",options:{offset:[0,4]}},...B||[]],[B]),en=(0,k.y)({elementType:M,getSlotProps:Z,externalForwardedProps:ee,externalSlotProps:{},ownerState:Q,additionalProps:{anchorEl:X,open:q&&null!==X,disablePortal:R,keepMounted:x,modifiers:et},className:J.root}),er=(0,y.jsx)(A,{value:K,children:(0,y.jsx)(O.Yb,{variant:F?void 0:H,color:S,children:(0,y.jsx)(C.Z.Provider,{value:"menu",children:(0,y.jsx)(N.Z,{nested:!0,children:p})})})});return F&&(er=(0,y.jsx)(w.do,{variant:H,children:er})),er=(0,y.jsx)(M,(0,a.Z)({},en,!(null!=(n=o.slots)&&n.root)&&{as:_.r,slots:{root:v||"ul"}},{children:er})),R?er:(0,y.jsx)(w.ZP.Provider,{value:void 0,children:er})});var U=F},59562:function(e,t,n){"use strict";n.d(t,{Z:function(){return O}});var r=n(63366),a=n(87462),i=n(67294),o=n(33703),s=n(85241),l=n(51633),c=n(70758),u=n(2900),d=n(94780),p=n(14142),m=n(26821);function g(e){return(0,m.d6)("MuiMenuButton",e)}(0,m.sI)("MuiMenuButton",["root","colorPrimary","colorNeutral","colorDanger","colorInfo","colorSuccess","colorWarning","colorContext","variantPlain","variantOutlined","variantSoft","variantSolid","disabled","sizeSm","sizeMd","sizeLg","fullWidth","startDecorator","endDecorator","loading","loadingIndicatorCenter"]);var f=n(20407),h=n(30220),b=n(48699),E=n(66478),T=n(74312),S=n(78653),y=n(89996),A=n(85893);let _=["children","color","component","disabled","endDecorator","loading","loadingPosition","loadingIndicator","size","slotProps","slots","startDecorator","variant"],k=e=>{let{color:t,disabled:n,fullWidth:r,size:a,variant:i,loading:o}=e,s={root:["root",n&&"disabled",r&&"fullWidth",i&&`variant${(0,p.Z)(i)}`,t&&`color${(0,p.Z)(t)}`,a&&`size${(0,p.Z)(a)}`,o&&"loading"],startDecorator:["startDecorator"],endDecorator:["endDecorator"],loadingIndicatorCenter:["loadingIndicatorCenter"]};return(0,d.Z)(s,g,{})},v=(0,T.Z)("button",{name:"JoyMenuButton",slot:"Root",overridesResolver:(e,t)=>t.root})(E.f),N=(0,T.Z)("span",{name:"JoyMenuButton",slot:"StartDecorator",overridesResolver:(e,t)=>t.startDecorator})({"--Icon-margin":"0 0 0 calc(var(--Button-gap) / -2)","--CircularProgress-margin":"0 0 0 calc(var(--Button-gap) / -2)",display:"inherit",marginRight:"var(--Button-gap)"}),C=(0,T.Z)("span",{name:"JoyMenuButton",slot:"EndDecorator",overridesResolver:(e,t)=>t.endDecorator})({"--Icon-margin":"0 calc(var(--Button-gap) / -2) 0 0","--CircularProgress-margin":"0 calc(var(--Button-gap) / -2) 0 0",display:"inherit",marginLeft:"var(--Button-gap)"}),R=(0,T.Z)("span",{name:"JoyMenuButton",slot:"LoadingCenter",overridesResolver:(e,t)=>t.loadingIndicatorCenter})(({theme:e,ownerState:t})=>{var n,r;return(0,a.Z)({display:"inherit",position:"absolute",left:"50%",transform:"translateX(-50%)",color:null==(n=e.variants[t.variant])||null==(n=n[t.color])?void 0:n.color},t.disabled&&{color:null==(r=e.variants[`${t.variant}Disabled`])||null==(r=r[t.color])?void 0:r.color})}),I=i.forwardRef(function(e,t){var n;let d=(0,f.Z)({props:e,name:"JoyMenuButton"}),{children:p,color:m="neutral",component:g,disabled:E=!1,endDecorator:T,loading:I=!1,loadingPosition:O="center",loadingIndicator:w,size:x="md",slotProps:L={},slots:D={},startDecorator:P,variant:M="outlined"}=d,F=(0,r.Z)(d,_),U=i.useContext(y.Z),B=e.variant||U.variant||M,H=e.size||U.size||x,{getColor:G}=(0,S.VT)(B),z=G(e.color,U.color||m),$=null!=(n=e.disabled)?n:U.disabled||E||I,{getRootProps:j,open:V,active:W}=function(e={}){let{disabled:t=!1,focusableWhenDisabled:n,rootRef:r}=e,d=i.useContext(s.D);if(null===d)throw Error("useMenuButton: no menu context available.");let{state:p,dispatch:m,registerTrigger:g,popupId:f}=d,{getRootProps:h,rootRef:b,active:E}=(0,c.U)({disabled:t,focusableWhenDisabled:n,rootRef:r}),T=(0,o.Z)(b,g),S=e=>t=>{var n;null==(n=e.onClick)||n.call(e,t),t.defaultMuiPrevented||m({type:l.Q.toggle,event:t})},y=e=>t=>{var n;null==(n=e.onKeyDown)||n.call(e,t),t.defaultMuiPrevented||"ArrowDown"!==t.key&&"ArrowUp"!==t.key||(t.preventDefault(),m({type:l.Q.open,event:t}))},A=(e={})=>({onClick:S(e),onKeyDown:y(e)});return{active:E,getRootProps:(e={})=>{let t=(0,u.f)(h,A);return(0,a.Z)({},t(e),{"aria-haspopup":"menu","aria-expanded":p.open,"aria-controls":f,ref:T})},open:p.open,rootRef:T}}({rootRef:t,disabled:$}),K=null!=w?w:(0,A.jsx)(b.Z,(0,a.Z)({},"context"!==z&&{color:z},{thickness:{sm:2,md:3,lg:4}[H]||3})),Z=(0,a.Z)({},d,{active:W,color:z,disabled:$,open:V,size:H,variant:B}),Y=k(Z),q=(0,a.Z)({},F,{component:g,slots:D,slotProps:L}),[X,Q]=(0,h.Z)("root",{elementType:v,getSlotProps:j,externalForwardedProps:q,ref:t,ownerState:Z,className:Y.root}),[J,ee]=(0,h.Z)("startDecorator",{className:Y.startDecorator,elementType:N,externalForwardedProps:q,ownerState:Z}),[et,en]=(0,h.Z)("endDecorator",{className:Y.endDecorator,elementType:C,externalForwardedProps:q,ownerState:Z}),[er,ea]=(0,h.Z)("loadingIndicatorCenter",{className:Y.loadingIndicatorCenter,elementType:R,externalForwardedProps:q,ownerState:Z});return(0,A.jsxs)(X,(0,a.Z)({},Q,{children:[(P||I&&"start"===O)&&(0,A.jsx)(J,(0,a.Z)({},ee,{children:I&&"start"===O?K:P})),p,I&&"center"===O&&(0,A.jsx)(er,(0,a.Z)({},ea,{children:K})),(T||I&&"end"===O)&&(0,A.jsx)(et,(0,a.Z)({},en,{children:I&&"end"===O?K:T}))]}))});var O=I},7203:function(e,t,n){"use strict";n.d(t,{Z:function(){return L}});var r=n(87462),a=n(63366),i=n(67294),o=n(14142),s=n(94780),l=n(92996),c=n(33703),u=n(70758),d=n(43069),p=n(51633),m=n(85241),g=n(2900),f=n(14072);function h(e){return`menu-item-${e.size}`}let b={dispatch:()=>{},popupId:"",registerPopup:()=>{},registerTrigger:()=>{},state:{open:!0},triggerElement:null};var E=n(39984),T=n(74312),S=n(20407),y=n(78653),A=n(55907),_=n(26821);function k(e){return(0,_.d6)("MuiMenuItem",e)}(0,_.sI)("MuiMenuItem",["root","focusVisible","disabled","selected","colorPrimary","colorNeutral","colorDanger","colorSuccess","colorWarning","colorContext","variantPlain","variantSoft","variantOutlined","variantSolid"]);var v=n(40780);let N=i.createContext("horizontal");var C=n(30220),R=n(85893);let I=["children","disabled","component","selected","color","orientation","variant","slots","slotProps"],O=e=>{let{focusVisible:t,disabled:n,selected:r,color:a,variant:i}=e,l={root:["root",t&&"focusVisible",n&&"disabled",r&&"selected",a&&`color${(0,o.Z)(a)}`,i&&`variant${(0,o.Z)(i)}`]},c=(0,s.Z)(l,k,{});return c},w=(0,T.Z)(E.r,{name:"JoyMenuItem",slot:"Root",overridesResolver:(e,t)=>t.root})({}),x=i.forwardRef(function(e,t){let n=(0,S.Z)({props:e,name:"JoyMenuItem"}),o=i.useContext(v.Z),{children:s,disabled:E=!1,component:T="li",selected:_=!1,color:k="neutral",orientation:x="horizontal",variant:L="plain",slots:D={},slotProps:P={}}=n,M=(0,a.Z)(n,I),{variant:F=L,color:U=k}=(0,A.yP)(e.variant,e.color),{getColor:B}=(0,y.VT)(F),H=B(e.color,U),{getRootProps:G,disabled:z,focusVisible:$}=function(e){var t;let{disabled:n=!1,id:a,rootRef:o,label:s}=e,E=(0,l.Z)(a),T=i.useRef(null),S=i.useMemo(()=>({disabled:n,id:null!=E?E:"",label:s,ref:T}),[n,E,s]),{dispatch:y}=null!=(t=i.useContext(m.D))?t:b,{getRootProps:A,highlighted:_,rootRef:k}=(0,d.J)({item:E}),{index:v,totalItemCount:N}=(0,f.B)(null!=E?E:h,S),{getRootProps:C,focusVisible:R,rootRef:I}=(0,u.U)({disabled:n,focusableWhenDisabled:!0}),O=(0,c.Z)(k,I,o,T);i.useDebugValue({id:E,highlighted:_,disabled:n,label:s});let w=e=>t=>{var n;null==(n=e.onClick)||n.call(e,t),t.defaultMuiPrevented||y({type:p.Q.close,event:t})},x=(e={})=>(0,r.Z)({},e,{onClick:w(e)});function L(e={}){let t=(0,g.f)(x,(0,g.f)(C,A));return(0,r.Z)({},t(e),{ref:O,role:"menuitem"})}return void 0===E?{getRootProps:L,disabled:!1,focusVisible:R,highlighted:!1,index:-1,totalItemCount:0,rootRef:O}:{getRootProps:L,disabled:n,focusVisible:R,highlighted:_,index:v,totalItemCount:N,rootRef:O}}({disabled:E,rootRef:t}),j=(0,r.Z)({},n,{component:T,color:H,disabled:z,focusVisible:$,orientation:x,selected:_,row:o,variant:F}),V=O(j),W=(0,r.Z)({},M,{component:T,slots:D,slotProps:P}),[K,Z]=(0,C.Z)("root",{ref:t,elementType:w,getSlotProps:G,externalForwardedProps:W,className:V.root,ownerState:j});return(0,R.jsx)(N.Provider,{value:x,children:(0,R.jsx)(K,(0,r.Z)({},Z,{children:s}))})});var L=x},3414:function(e,t,n){"use strict";n.d(t,{Z:function(){return A}});var r=n(63366),a=n(87462),i=n(67294),o=n(90512),s=n(94780),l=n(14142),c=n(54844),u=n(20407),d=n(74312),p=n(58859),m=n(26821);function g(e){return(0,m.d6)("MuiSheet",e)}(0,m.sI)("MuiSheet",["root","colorPrimary","colorNeutral","colorDanger","colorSuccess","colorWarning","colorContext","variantPlain","variantOutlined","variantSoft","variantSolid"]);var f=n(78653),h=n(30220),b=n(85893);let E=["className","color","component","variant","invertedColors","slots","slotProps"],T=e=>{let{variant:t,color:n}=e,r={root:["root",t&&`variant${(0,l.Z)(t)}`,n&&`color${(0,l.Z)(n)}`]};return(0,s.Z)(r,g,{})},S=(0,d.Z)("div",{name:"JoySheet",slot:"Root",overridesResolver:(e,t)=>t.root})(({theme:e,ownerState:t})=>{var n,r;let i=null==(n=e.variants[t.variant])?void 0:n[t.color],{borderRadius:o,bgcolor:s,backgroundColor:l,background:u}=(0,p.V)({theme:e,ownerState:t},["borderRadius","bgcolor","backgroundColor","background"]),d=(0,c.DW)(e,`palette.${s}`)||s||(0,c.DW)(e,`palette.${l}`)||l||u||(null==i?void 0:i.backgroundColor)||(null==i?void 0:i.background)||e.vars.palette.background.surface;return[(0,a.Z)({"--Icon-color":"neutral"!==t.color||"solid"===t.variant?"currentColor":e.vars.palette.text.icon,"--ListItem-stickyBackground":"transparent"===d?"initial":d,"--Sheet-background":"transparent"===d?"initial":d},void 0!==o&&{"--List-radius":`calc(${o} - var(--variant-borderWidth, 0px))`,"--unstable_actionRadius":`calc(${o} - var(--variant-borderWidth, 0px))`},{backgroundColor:e.vars.palette.background.surface,position:"relative"}),(0,a.Z)({},e.typography["body-md"],i),"context"!==t.color&&t.invertedColors&&(null==(r=e.colorInversion[t.variant])?void 0:r[t.color])]}),y=i.forwardRef(function(e,t){let n=(0,u.Z)({props:e,name:"JoySheet"}),{className:i,color:s="neutral",component:l="div",variant:c="plain",invertedColors:d=!1,slots:p={},slotProps:m={}}=n,g=(0,r.Z)(n,E),{getColor:y}=(0,f.VT)(c),A=y(e.color,s),_=(0,a.Z)({},n,{color:A,component:l,invertedColors:d,variant:c}),k=T(_),v=(0,a.Z)({},g,{component:l,slots:p,slotProps:m}),[N,C]=(0,h.Z)("root",{ref:t,className:(0,o.Z)(k.root,i),elementType:S,externalForwardedProps:v,ownerState:_}),R=(0,b.jsx)(N,(0,a.Z)({},C));return d?(0,b.jsx)(f.do,{variant:c,children:R}):R});var A=y},63955:function(e,t,n){"use strict";let r;n.d(t,{Z:function(){return q}});var a=n(63366),i=n(87462),o=n(67294),s=n(90512),l=n(14142),c=n(94780),u=n(82690),d=n(19032),p=n(99962),m=n(33703),g=n(73546),f=n(59948),h={border:0,clip:"rect(0 0 0 0)",height:"1px",margin:-1,overflow:"hidden",padding:0,position:"absolute",whiteSpace:"nowrap",width:"1px"},b=n(6414);function E(e,t){return e-t}function T(e,t,n){return null==e?t:Math.min(Math.max(t,e),n)}function S(e,t){var n;let{index:r}=null!=(n=e.reduce((e,n,r)=>{let a=Math.abs(t-n);return null===e||a({left:`${e}%`}),leap:e=>({width:`${e}%`})},"horizontal-reverse":{offset:e=>({right:`${e}%`}),leap:e=>({width:`${e}%`})},vertical:{offset:e=>({bottom:`${e}%`}),leap:e=>({height:`${e}%`})}},N=e=>e;function C(){return void 0===r&&(r="undefined"==typeof CSS||"function"!=typeof CSS.supports||CSS.supports("touch-action","none")),r}var R=n(28442),I=n(74312),O=n(20407),w=n(78653),x=n(30220),L=n(26821);function D(e){return(0,L.d6)("MuiSlider",e)}let P=(0,L.sI)("MuiSlider",["root","disabled","dragging","focusVisible","marked","vertical","trackInverted","trackFalse","rail","track","mark","markActive","markLabel","thumb","thumbStart","thumbEnd","valueLabel","valueLabelOpen","colorPrimary","colorNeutral","colorDanger","colorSuccess","colorWarning","colorContext","variantPlain","variantOutlined","variantSoft","variantSolid","disabled","sizeSm","sizeMd","sizeLg","input"]);var M=n(85893);let F=["aria-label","aria-valuetext","className","classes","disableSwap","disabled","defaultValue","getAriaLabel","getAriaValueText","marks","max","min","name","onChange","onChangeCommitted","onMouseDown","orientation","scale","step","tabIndex","track","value","valueLabelDisplay","valueLabelFormat","isRtl","color","size","variant","component","slots","slotProps"];function U(e){return e}let B=e=>{let{disabled:t,dragging:n,marked:r,orientation:a,track:i,variant:o,color:s,size:u}=e,d={root:["root",t&&"disabled",n&&"dragging",r&&"marked","vertical"===a&&"vertical","inverted"===i&&"trackInverted",!1===i&&"trackFalse",o&&`variant${(0,l.Z)(o)}`,s&&`color${(0,l.Z)(s)}`,u&&`size${(0,l.Z)(u)}`],rail:["rail"],track:["track"],thumb:["thumb",t&&"disabled"],input:["input"],mark:["mark"],markActive:["markActive"],markLabel:["markLabel"],markLabelActive:["markLabelActive"],valueLabel:["valueLabel"],valueLabelOpen:["valueLabelOpen"],active:["active"],focusVisible:["focusVisible"]};return(0,c.Z)(d,D,{})},H=({theme:e,ownerState:t})=>(n={})=>{var r,a;let o=(null==(r=e.variants[`${t.variant}${n.state||""}`])?void 0:r[t.color])||{};return(0,i.Z)({},!n.state&&{"--variant-borderWidth":null!=(a=o["--variant-borderWidth"])?a:"0px"},{"--Slider-trackColor":o.color,"--Slider-thumbBackground":o.color,"--Slider-thumbColor":o.backgroundColor||e.vars.palette.background.surface,"--Slider-trackBackground":o.backgroundColor||e.vars.palette.background.surface,"--Slider-trackBorderColor":o.borderColor,"--Slider-railBackground":e.vars.palette.background.level2})},G=(0,I.Z)("span",{name:"JoySlider",slot:"Root",overridesResolver:(e,t)=>t.root})(({theme:e,ownerState:t})=>{let n=H({theme:e,ownerState:t});return[(0,i.Z)({"--Slider-size":"max(42px, max(var(--Slider-thumbSize), var(--Slider-trackSize)))","--Slider-trackRadius":"var(--Slider-size)","--Slider-markBackground":e.vars.palette.text.tertiary,[`& .${P.markActive}`]:{"--Slider-markBackground":"var(--Slider-trackColor)"}},"sm"===t.size&&{"--Slider-markSize":"2px","--Slider-trackSize":"4px","--Slider-thumbSize":"14px","--Slider-valueLabelArrowSize":"6px"},"md"===t.size&&{"--Slider-markSize":"2px","--Slider-trackSize":"6px","--Slider-thumbSize":"18px","--Slider-valueLabelArrowSize":"8px"},"lg"===t.size&&{"--Slider-markSize":"3px","--Slider-trackSize":"8px","--Slider-thumbSize":"24px","--Slider-valueLabelArrowSize":"10px"},{"--Slider-thumbRadius":"calc(var(--Slider-thumbSize) / 2)","--Slider-thumbWidth":"var(--Slider-thumbSize)"},n(),{"&:hover":(0,i.Z)({},n({state:"Hover"})),"&:active":(0,i.Z)({},n({state:"Active"})),[`&.${P.disabled}`]:(0,i.Z)({pointerEvents:"none",color:e.vars.palette.text.tertiary},n({state:"Disabled"})),boxSizing:"border-box",display:"inline-block",position:"relative",cursor:"pointer",touchAction:"none",WebkitTapHighlightColor:"transparent"},"horizontal"===t.orientation&&{padding:"calc(var(--Slider-size) / 2) 0",width:"100%"},"vertical"===t.orientation&&{padding:"0 calc(var(--Slider-size) / 2)",height:"100%"},{"@media print":{colorAdjust:"exact"}})]}),z=(0,I.Z)("span",{name:"JoySlider",slot:"Rail",overridesResolver:(e,t)=>t.rail})(({ownerState:e})=>[(0,i.Z)({display:"block",position:"absolute",backgroundColor:"inverted"===e.track?"var(--Slider-trackBackground)":"var(--Slider-railBackground)",border:"inverted"===e.track?"var(--variant-borderWidth, 0px) solid var(--Slider-trackBorderColor)":"initial",borderRadius:"var(--Slider-trackRadius)"},"horizontal"===e.orientation&&{height:"var(--Slider-trackSize)",top:"50%",left:0,right:0,transform:"translateY(-50%)"},"vertical"===e.orientation&&{width:"var(--Slider-trackSize)",top:0,bottom:0,left:"50%",transform:"translateX(-50%)"},"inverted"===e.track&&{opacity:1})]),$=(0,I.Z)("span",{name:"JoySlider",slot:"Track",overridesResolver:(e,t)=>t.track})(({ownerState:e})=>[(0,i.Z)({display:"block",position:"absolute",color:"var(--Slider-trackColor)",border:"inverted"===e.track?"initial":"var(--variant-borderWidth, 0px) solid var(--Slider-trackBorderColor)",backgroundColor:"inverted"===e.track?"var(--Slider-railBackground)":"var(--Slider-trackBackground)"},"horizontal"===e.orientation&&{height:"var(--Slider-trackSize)",top:"50%",transform:"translateY(-50%)",borderRadius:"var(--Slider-trackRadius) 0 0 var(--Slider-trackRadius)"},"vertical"===e.orientation&&{width:"var(--Slider-trackSize)",left:"50%",transform:"translateX(-50%)",borderRadius:"0 0 var(--Slider-trackRadius) var(--Slider-trackRadius)"},!1===e.track&&{display:"none"})]),j=(0,I.Z)("span",{name:"JoySlider",slot:"Thumb",overridesResolver:(e,t)=>t.thumb})(({ownerState:e,theme:t})=>{var n;return(0,i.Z)({position:"absolute",boxSizing:"border-box",outline:0,display:"flex",alignItems:"center",justifyContent:"center",width:"var(--Slider-thumbWidth)",height:"var(--Slider-thumbSize)",border:"var(--variant-borderWidth, 0px) solid var(--Slider-trackBorderColor)",borderRadius:"var(--Slider-thumbRadius)",boxShadow:"var(--Slider-thumbShadow)",color:"var(--Slider-thumbColor)",backgroundColor:"var(--Slider-thumbBackground)",[t.focus.selector]:(0,i.Z)({},t.focus.default,{outlineOffset:0,outlineWidth:"max(4px, var(--Slider-thumbSize) / 3.6)"},"context"!==e.color&&{outlineColor:`rgba(${null==(n=t.vars.palette)||null==(n=n[e.color])?void 0:n.mainChannel} / 0.32)`})},"horizontal"===e.orientation&&{top:"50%",transform:"translate(-50%, -50%)"},"vertical"===e.orientation&&{left:"50%",transform:"translate(-50%, 50%)"},{"&::before":{boxSizing:"border-box",content:'""',display:"block",position:"absolute",background:"transparent",top:0,left:0,width:"100%",height:"100%",border:"2px solid",borderColor:"var(--Slider-thumbColor)",borderRadius:"inherit"}})}),V=(0,I.Z)("span",{name:"JoySlider",slot:"Mark",overridesResolver:(e,t)=>t.mark})(({ownerState:e})=>(0,i.Z)({position:"absolute",width:"var(--Slider-markSize)",height:"var(--Slider-markSize)",borderRadius:"var(--Slider-markSize)",backgroundColor:"var(--Slider-markBackground)"},"horizontal"===e.orientation&&(0,i.Z)({top:"50%",transform:"translate(calc(var(--Slider-markSize) / -2), -50%)"},0===e.percent&&{transform:"translate(min(var(--Slider-markSize), 3px), -50%)"},100===e.percent&&{transform:"translate(calc(var(--Slider-markSize) * -1 - min(var(--Slider-markSize), 3px)), -50%)"}),"vertical"===e.orientation&&(0,i.Z)({left:"50%",transform:"translate(-50%, calc(var(--Slider-markSize) / 2))"},0===e.percent&&{transform:"translate(-50%, calc(min(var(--Slider-markSize), 3px) * -1))"},100===e.percent&&{transform:"translate(-50%, calc(var(--Slider-markSize) * 1 + min(var(--Slider-markSize), 3px)))"}))),W=(0,I.Z)("span",{name:"JoySlider",slot:"ValueLabel",overridesResolver:(e,t)=>t.valueLabel})(({theme:e,ownerState:t})=>(0,i.Z)({},"sm"===t.size&&{fontSize:e.fontSize.xs,lineHeight:e.lineHeight.md,paddingInline:"0.25rem",minWidth:"20px"},"md"===t.size&&{fontSize:e.fontSize.sm,lineHeight:e.lineHeight.md,paddingInline:"0.375rem",minWidth:"24px"},"lg"===t.size&&{fontSize:e.fontSize.md,lineHeight:e.lineHeight.md,paddingInline:"0.5rem",minWidth:"28px"},{zIndex:1,display:"flex",alignItems:"center",justifyContent:"center",whiteSpace:"nowrap",fontFamily:e.vars.fontFamily.body,fontWeight:e.vars.fontWeight.md,bottom:0,transformOrigin:"bottom center",transform:"translateY(calc((var(--Slider-thumbSize) + var(--Slider-valueLabelArrowSize)) * -1)) scale(0)",position:"absolute",backgroundColor:e.vars.palette.background.tooltip,boxShadow:e.shadow.sm,borderRadius:e.vars.radius.xs,color:"#fff","&::before":{display:"var(--Slider-valueLabelArrowDisplay)",position:"absolute",content:'""',color:e.vars.palette.background.tooltip,bottom:0,border:"calc(var(--Slider-valueLabelArrowSize) / 2) solid",borderColor:"currentColor",borderRightColor:"transparent",borderBottomColor:"transparent",borderLeftColor:"transparent",left:"50%",transform:"translate(-50%, 100%)",backgroundColor:"transparent"},[`&.${P.valueLabelOpen}`]:{transform:"translateY(calc((var(--Slider-thumbSize) + var(--Slider-valueLabelArrowSize)) * -1)) scale(1)"}})),K=(0,I.Z)("span",{name:"JoySlider",slot:"MarkLabel",overridesResolver:(e,t)=>t.markLabel})(({theme:e,ownerState:t})=>(0,i.Z)({fontFamily:e.vars.fontFamily.body},"sm"===t.size&&{fontSize:e.vars.fontSize.xs},"md"===t.size&&{fontSize:e.vars.fontSize.sm},"lg"===t.size&&{fontSize:e.vars.fontSize.md},{color:e.palette.text.tertiary,position:"absolute",whiteSpace:"nowrap"},"horizontal"===t.orientation&&{top:"calc(50% + 4px + (max(var(--Slider-trackSize), var(--Slider-thumbSize)) / 2))",transform:"translateX(-50%)"},"vertical"===t.orientation&&{left:"calc(50% + 8px + (max(var(--Slider-trackSize), var(--Slider-thumbSize)) / 2))",transform:"translateY(50%)"})),Z=(0,I.Z)("input",{name:"JoySlider",slot:"Input",overridesResolver:(e,t)=>t.input})({}),Y=o.forwardRef(function(e,t){let n=(0,O.Z)({props:e,name:"JoySlider"}),{"aria-label":r,"aria-valuetext":l,className:c,classes:b,disableSwap:I=!1,disabled:L=!1,defaultValue:D,getAriaLabel:P,getAriaValueText:H,marks:Y=!1,max:q=100,min:X=0,orientation:Q="horizontal",scale:J=U,step:ee=1,track:et="normal",valueLabelDisplay:en="off",valueLabelFormat:er=U,isRtl:ea=!1,color:ei="primary",size:eo="md",variant:es="solid",component:el,slots:ec={},slotProps:eu={}}=n,ed=(0,a.Z)(n,F),{getColor:ep}=(0,w.VT)("solid"),em=ep(e.color,ei),eg=(0,i.Z)({},n,{marks:Y,classes:b,disabled:L,defaultValue:D,disableSwap:I,isRtl:ea,max:q,min:X,orientation:Q,scale:J,step:ee,track:et,valueLabelDisplay:en,valueLabelFormat:er,color:em,size:eo,variant:es}),{axisProps:ef,getRootProps:eh,getHiddenInputProps:eb,getThumbProps:eE,open:eT,active:eS,axis:ey,focusedThumbIndex:eA,range:e_,dragging:ek,marks:ev,values:eN,trackOffset:eC,trackLeap:eR,getThumbStyle:eI}=function(e){let{"aria-labelledby":t,defaultValue:n,disabled:r=!1,disableSwap:a=!1,isRtl:s=!1,marks:l=!1,max:c=100,min:b=0,name:R,onChange:I,onChangeCommitted:O,orientation:w="horizontal",rootRef:x,scale:L=N,step:D=1,tabIndex:P,value:M}=e,F=o.useRef(),[U,B]=o.useState(-1),[H,G]=o.useState(-1),[z,$]=o.useState(!1),j=o.useRef(0),[V,W]=(0,d.Z)({controlled:M,default:null!=n?n:b,name:"Slider"}),K=I&&((e,t,n)=>{let r=e.nativeEvent||e,a=new r.constructor(r.type,r);Object.defineProperty(a,"target",{writable:!0,value:{value:t,name:R}}),I(a,t,n)}),Z=Array.isArray(V),Y=Z?V.slice().sort(E):[V];Y=Y.map(e=>T(e,b,c));let q=!0===l&&null!==D?[...Array(Math.floor((c-b)/D)+1)].map((e,t)=>({value:b+D*t})):l||[],X=q.map(e=>e.value),{isFocusVisibleRef:Q,onBlur:J,onFocus:ee,ref:et}=(0,p.Z)(),[en,er]=o.useState(-1),ea=o.useRef(),ei=(0,m.Z)(et,ea),eo=(0,m.Z)(x,ei),es=e=>t=>{var n;let r=Number(t.currentTarget.getAttribute("data-index"));ee(t),!0===Q.current&&er(r),G(r),null==e||null==(n=e.onFocus)||n.call(e,t)},el=e=>t=>{var n;J(t),!1===Q.current&&er(-1),G(-1),null==e||null==(n=e.onBlur)||n.call(e,t)};(0,g.Z)(()=>{if(r&&ea.current.contains(document.activeElement)){var e;null==(e=document.activeElement)||e.blur()}},[r]),r&&-1!==U&&B(-1),r&&-1!==en&&er(-1);let ec=e=>t=>{var n;null==(n=e.onChange)||n.call(e,t);let r=Number(t.currentTarget.getAttribute("data-index")),i=Y[r],o=X.indexOf(i),s=t.target.valueAsNumber;if(q&&null==D){let e=X[X.length-1];s=s>e?e:s{let n,r;let{current:i}=ea,{width:o,height:s,bottom:l,left:u}=i.getBoundingClientRect();if(n=0===ed.indexOf("vertical")?(l-e.y)/s:(e.x-u)/o,-1!==ed.indexOf("-reverse")&&(n=1-n),r=(c-b)*n+b,D)r=function(e,t,n){let r=Math.round((e-n)/t)*t+n;return Number(r.toFixed(function(e){if(1>Math.abs(e)){let t=e.toExponential().split("e-"),n=t[0].split(".")[1];return(n?n.length:0)+parseInt(t[1],10)}let t=e.toString().split(".")[1];return t?t.length:0}(t)))}(r,D,b);else{let e=S(X,r);r=X[e]}r=T(r,b,c);let d=0;if(Z){d=t?eu.current:S(Y,r),a&&(r=T(r,Y[d-1]||-1/0,Y[d+1]||1/0));let e=r;r=A({values:Y,newValue:r,index:d}),a&&t||(d=r.indexOf(e),eu.current=d)}return{newValue:r,activeIndex:d}},em=(0,f.Z)(e=>{let t=y(e,F);if(!t)return;if(j.current+=1,"mousemove"===e.type&&0===e.buttons){eg(e);return}let{newValue:n,activeIndex:r}=ep({finger:t,move:!0});_({sliderRef:ea,activeIndex:r,setActive:B}),W(n),!z&&j.current>2&&$(!0),K&&!k(n,V)&&K(e,n,r)}),eg=(0,f.Z)(e=>{let t=y(e,F);if($(!1),!t)return;let{newValue:n}=ep({finger:t,move:!0});B(-1),"touchend"===e.type&&G(-1),O&&O(e,n),F.current=void 0,eh()}),ef=(0,f.Z)(e=>{if(r)return;C()||e.preventDefault();let t=e.changedTouches[0];null!=t&&(F.current=t.identifier);let n=y(e,F);if(!1!==n){let{newValue:t,activeIndex:r}=ep({finger:n});_({sliderRef:ea,activeIndex:r,setActive:B}),W(t),K&&!k(t,V)&&K(e,t,r)}j.current=0;let a=(0,u.Z)(ea.current);a.addEventListener("touchmove",em),a.addEventListener("touchend",eg)}),eh=o.useCallback(()=>{let e=(0,u.Z)(ea.current);e.removeEventListener("mousemove",em),e.removeEventListener("mouseup",eg),e.removeEventListener("touchmove",em),e.removeEventListener("touchend",eg)},[eg,em]);o.useEffect(()=>{let{current:e}=ea;return e.addEventListener("touchstart",ef,{passive:C()}),()=>{e.removeEventListener("touchstart",ef,{passive:C()}),eh()}},[eh,ef]),o.useEffect(()=>{r&&eh()},[r,eh]);let eb=e=>t=>{var n;if(null==(n=e.onMouseDown)||n.call(e,t),r||t.defaultPrevented||0!==t.button)return;t.preventDefault();let a=y(t,F);if(!1!==a){let{newValue:e,activeIndex:n}=ep({finger:a});_({sliderRef:ea,activeIndex:n,setActive:B}),W(e),K&&!k(e,V)&&K(t,e,n)}j.current=0;let i=(0,u.Z)(ea.current);i.addEventListener("mousemove",em),i.addEventListener("mouseup",eg)},eE=((Z?Y[0]:b)-b)*100/(c-b),eT=(Y[Y.length-1]-b)*100/(c-b)-eE,eS=e=>t=>{var n;null==(n=e.onMouseOver)||n.call(e,t);let r=Number(t.currentTarget.getAttribute("data-index"));G(r)},ey=e=>t=>{var n;null==(n=e.onMouseLeave)||n.call(e,t),G(-1)};return{active:U,axis:ed,axisProps:v,dragging:z,focusedThumbIndex:en,getHiddenInputProps:(n={})=>{var a;let o={onChange:ec(n||{}),onFocus:es(n||{}),onBlur:el(n||{})},l=(0,i.Z)({},n,o);return(0,i.Z)({tabIndex:P,"aria-labelledby":t,"aria-orientation":w,"aria-valuemax":L(c),"aria-valuemin":L(b),name:R,type:"range",min:e.min,max:e.max,step:null===e.step&&e.marks?"any":null!=(a=e.step)?a:void 0,disabled:r},l,{style:(0,i.Z)({},h,{direction:s?"rtl":"ltr",width:"100%",height:"100%"})})},getRootProps:(e={})=>{let t={onMouseDown:eb(e||{})},n=(0,i.Z)({},e,t);return(0,i.Z)({ref:eo},n)},getThumbProps:(e={})=>{let t={onMouseOver:eS(e||{}),onMouseLeave:ey(e||{})};return(0,i.Z)({},e,t)},marks:q,open:H,range:Z,rootRef:eo,trackLeap:eT,trackOffset:eE,values:Y,getThumbStyle:e=>({pointerEvents:-1!==U&&U!==e?"none":void 0})}}((0,i.Z)({},eg,{rootRef:t}));eg.marked=ev.length>0&&ev.some(e=>e.label),eg.dragging=ek;let eO=(0,i.Z)({},ef[ey].offset(eC),ef[ey].leap(eR)),ew=B(eg),ex=(0,i.Z)({},ed,{component:el,slots:ec,slotProps:eu}),[eL,eD]=(0,x.Z)("root",{ref:t,className:(0,s.Z)(ew.root,c),elementType:G,externalForwardedProps:ex,getSlotProps:eh,ownerState:eg}),[eP,eM]=(0,x.Z)("rail",{className:ew.rail,elementType:z,externalForwardedProps:ex,ownerState:eg}),[eF,eU]=(0,x.Z)("track",{additionalProps:{style:eO},className:ew.track,elementType:$,externalForwardedProps:ex,ownerState:eg}),[eB,eH]=(0,x.Z)("mark",{className:ew.mark,elementType:V,externalForwardedProps:ex,ownerState:eg}),[eG,ez]=(0,x.Z)("markLabel",{className:ew.markLabel,elementType:K,externalForwardedProps:ex,ownerState:eg,additionalProps:{"aria-hidden":!0}}),[e$,ej]=(0,x.Z)("thumb",{className:ew.thumb,elementType:j,externalForwardedProps:ex,getSlotProps:eE,ownerState:eg}),[eV,eW]=(0,x.Z)("input",{className:ew.input,elementType:Z,externalForwardedProps:ex,getSlotProps:eb,ownerState:eg}),[eK,eZ]=(0,x.Z)("valueLabel",{className:ew.valueLabel,elementType:W,externalForwardedProps:ex,ownerState:eg});return(0,M.jsxs)(eL,(0,i.Z)({},eD,{children:[(0,M.jsx)(eP,(0,i.Z)({},eM)),(0,M.jsx)(eF,(0,i.Z)({},eU)),ev.filter(e=>e.value>=X&&e.value<=q).map((e,t)=>{let n;let r=(e.value-X)*100/(q-X),a=ef[ey].offset(r);return n=!1===et?-1!==eN.indexOf(e.value):"normal"===et&&(e_?e.value>=eN[0]&&e.value<=eN[eN.length-1]:e.value<=eN[0])||"inverted"===et&&(e_?e.value<=eN[0]||e.value>=eN[eN.length-1]:e.value>=eN[0]),(0,M.jsxs)(o.Fragment,{children:[(0,M.jsx)(eB,(0,i.Z)({"data-index":t},eH,!(0,R.X)(eB)&&{ownerState:(0,i.Z)({},eH.ownerState,{percent:r})},{style:(0,i.Z)({},a,eH.style),className:(0,s.Z)(eH.className,n&&ew.markActive)})),null!=e.label?(0,M.jsx)(eG,(0,i.Z)({"data-index":t},ez,{style:(0,i.Z)({},a,ez.style),className:(0,s.Z)(ew.markLabel,ez.className,n&&ew.markLabelActive),children:e.label})):null]},e.value)}),eN.map((e,t)=>{let n=(e-X)*100/(q-X),a=ef[ey].offset(n);return(0,M.jsxs)(e$,(0,i.Z)({"data-index":t},ej,{className:(0,s.Z)(ej.className,eS===t&&ew.active,eA===t&&ew.focusVisible),style:(0,i.Z)({},a,eI(t),ej.style),children:[(0,M.jsx)(eV,(0,i.Z)({"data-index":t,"aria-label":P?P(t):r,"aria-valuenow":J(e),"aria-valuetext":H?H(J(e),t):l,value:eN[t]},eW)),"off"!==en?(0,M.jsx)(eK,(0,i.Z)({},eZ,{className:(0,s.Z)(eZ.className,(eT===t||eS===t||"on"===en)&&ew.valueLabelOpen),children:"function"==typeof er?er(J(e),t):er})):null]}),t)})]}))});var q=Y},33028:function(e,t,n){"use strict";n.d(t,{Z:function(){return U}});var r=n(63366),a=n(87462),i=n(67294),o=n(14142),s=n(94780),l=n(73935),c=n(33703),u=n(74161),d=n(39336),p=n(73546),m=n(85893);let g=["onChange","maxRows","minRows","style","value"];function f(e){return parseInt(e,10)||0}let h={shadow:{visibility:"hidden",position:"absolute",overflow:"hidden",height:0,top:0,left:0,transform:"translateZ(0)"}};function b(e){return null==e||0===Object.keys(e).length||0===e.outerHeightStyle&&!e.overflow}let E=i.forwardRef(function(e,t){let{onChange:n,maxRows:o,minRows:s=1,style:E,value:T}=e,S=(0,r.Z)(e,g),{current:y}=i.useRef(null!=T),A=i.useRef(null),_=(0,c.Z)(t,A),k=i.useRef(null),v=i.useRef(0),[N,C]=i.useState({outerHeightStyle:0}),R=i.useCallback(()=>{let t=A.current,n=(0,u.Z)(t),r=n.getComputedStyle(t);if("0px"===r.width)return{outerHeightStyle:0};let a=k.current;a.style.width=r.width,a.value=t.value||e.placeholder||"x","\n"===a.value.slice(-1)&&(a.value+=" ");let i=r.boxSizing,l=f(r.paddingBottom)+f(r.paddingTop),c=f(r.borderBottomWidth)+f(r.borderTopWidth),d=a.scrollHeight;a.value="x";let p=a.scrollHeight,m=d;s&&(m=Math.max(Number(s)*p,m)),o&&(m=Math.min(Number(o)*p,m)),m=Math.max(m,p);let g=m+("border-box"===i?l+c:0),h=1>=Math.abs(m-d);return{outerHeightStyle:g,overflow:h}},[o,s,e.placeholder]),I=(e,t)=>{let{outerHeightStyle:n,overflow:r}=t;return v.current<20&&(n>0&&Math.abs((e.outerHeightStyle||0)-n)>1||e.overflow!==r)?(v.current+=1,{overflow:r,outerHeightStyle:n}):e},O=i.useCallback(()=>{let e=R();b(e)||C(t=>I(t,e))},[R]),w=()=>{let e=R();b(e)||l.flushSync(()=>{C(t=>I(t,e))})};return i.useEffect(()=>{let e;let t=(0,d.Z)(()=>{v.current=0,A.current&&w()}),n=A.current,r=(0,u.Z)(n);return r.addEventListener("resize",t),"undefined"!=typeof ResizeObserver&&(e=new ResizeObserver(()=>{v.current=0,A.current&&w()})).observe(n),()=>{t.clear(),r.removeEventListener("resize",t),e&&e.disconnect()}}),(0,p.Z)(()=>{O()}),i.useEffect(()=>{v.current=0},[T]),(0,m.jsxs)(i.Fragment,{children:[(0,m.jsx)("textarea",(0,a.Z)({value:T,onChange:e=>{v.current=0,y||O(),n&&n(e)},ref:_,rows:s,style:(0,a.Z)({height:N.outerHeightStyle,overflow:N.overflow?"hidden":void 0},E)},S)),(0,m.jsx)("textarea",{"aria-hidden":!0,className:e.className,readOnly:!0,ref:k,tabIndex:-1,style:(0,a.Z)({},h.shadow,E,{paddingTop:0,paddingBottom:0})})]})});var T=n(74312),S=n(20407),y=n(78653),A=n(30220),_=n(26821);function k(e){return(0,_.d6)("MuiTextarea",e)}let v=(0,_.sI)("MuiTextarea",["root","textarea","startDecorator","endDecorator","formControl","disabled","error","focused","colorPrimary","colorNeutral","colorDanger","colorSuccess","colorWarning","colorContext","sizeSm","sizeMd","sizeLg","variantPlain","variantOutlined","variantSoft"]);var N=n(71387);let C=i.createContext(void 0);var R=n(30437),I=n(76043);let O=["aria-describedby","aria-label","aria-labelledby","autoComplete","autoFocus","className","defaultValue","disabled","error","id","name","onClick","onChange","onKeyDown","onKeyUp","onFocus","onBlur","placeholder","readOnly","required","type","value"],w=["propsToForward","rootStateClasses","inputStateClasses","getRootProps","getInputProps","formControl","focused","error","disabled","size","color","variant","startDecorator","endDecorator","minRows","maxRows","component","slots","slotProps"],x=e=>{let{disabled:t,variant:n,color:r,size:a}=e,i={root:["root",t&&"disabled",n&&`variant${(0,o.Z)(n)}`,r&&`color${(0,o.Z)(r)}`,a&&`size${(0,o.Z)(a)}`],textarea:["textarea"],startDecorator:["startDecorator"],endDecorator:["endDecorator"]};return(0,s.Z)(i,k,{})},L=(0,T.Z)("div",{name:"JoyTextarea",slot:"Root",overridesResolver:(e,t)=>t.root})(({theme:e,ownerState:t})=>{var n,r,i,o,s;let l=null==(n=e.variants[`${t.variant}`])?void 0:n[t.color];return[(0,a.Z)({"--Textarea-radius":e.vars.radius.sm,"--Textarea-gap":"0.5rem","--Textarea-placeholderColor":"inherit","--Textarea-placeholderOpacity":.64,"--Textarea-decoratorColor":e.vars.palette.text.icon,"--Textarea-focused":"0","--Textarea-focusedThickness":e.vars.focus.thickness},"context"===t.color?{"--Textarea-focusedHighlight":e.vars.palette.focusVisible}:{"--Textarea-focusedHighlight":null==(r=e.vars.palette["neutral"===t.color?"primary":t.color])?void 0:r[500]},"sm"===t.size&&{"--Textarea-minHeight":"2rem","--Textarea-paddingBlock":"calc(0.5rem - var(--variant-borderWidth, 0px))","--Textarea-paddingInline":"0.5rem","--Textarea-decoratorChildHeight":"min(1.5rem, var(--Textarea-minHeight))","--Icon-fontSize":e.vars.fontSize.xl},"md"===t.size&&{"--Textarea-minHeight":"2.5rem","--Textarea-paddingBlock":"calc(0.5rem - var(--variant-borderWidth, 0px))","--Textarea-paddingInline":"0.75rem","--Textarea-decoratorChildHeight":"min(2rem, var(--Textarea-minHeight))","--Icon-fontSize":e.vars.fontSize.xl2},"lg"===t.size&&{"--Textarea-minHeight":"3rem","--Textarea-paddingBlock":"calc(0.75rem - var(--variant-borderWidth, 0px))","--Textarea-paddingInline":"1rem","--Textarea-gap":"0.75rem","--Textarea-decoratorChildHeight":"min(2.375rem, var(--Textarea-minHeight))","--Icon-fontSize":e.vars.fontSize.xl2},{"--_Textarea-paddingBlock":"max((var(--Textarea-minHeight) - 2 * var(--variant-borderWidth, 0px) - var(--Textarea-decoratorChildHeight)) / 2, 0px)","--Textarea-decoratorChildRadius":"max(var(--Textarea-radius) - var(--variant-borderWidth, 0px) - var(--_Textarea-paddingBlock), min(var(--_Textarea-paddingBlock) + var(--variant-borderWidth, 0px), var(--Textarea-radius) / 2))","--Button-minHeight":"var(--Textarea-decoratorChildHeight)","--IconButton-size":"var(--Textarea-decoratorChildHeight)","--Button-radius":"var(--Textarea-decoratorChildRadius)","--IconButton-radius":"var(--Textarea-decoratorChildRadius)",boxSizing:"border-box"},"plain"!==t.variant&&{boxShadow:e.shadow.xs},{minWidth:0,minHeight:"var(--Textarea-minHeight)",cursor:"text",position:"relative",display:"flex",flexDirection:"column",paddingInlineStart:"var(--Textarea-paddingInline)",paddingBlock:"var(--Textarea-paddingBlock)",borderRadius:"var(--Textarea-radius)"},e.typography[`body-${t.size}`],l,{backgroundColor:null!=(i=null==l?void 0:l.backgroundColor)?i:e.vars.palette.background.surface,"&:before":{boxSizing:"border-box",content:'""',display:"block",position:"absolute",pointerEvents:"none",top:0,left:0,right:0,bottom:0,zIndex:1,borderRadius:"inherit",margin:"calc(var(--variant-borderWidth, 0px) * -1)",boxShadow:"var(--Textarea-focusedInset, inset) 0 0 0 calc(var(--Textarea-focused) * var(--Textarea-focusedThickness)) var(--Textarea-focusedHighlight)"}}),{"&:hover":(0,a.Z)({},null==(o=e.variants[`${t.variant}Hover`])?void 0:o[t.color],{backgroundColor:null,cursor:"text"}),[`&.${v.disabled}`]:null==(s=e.variants[`${t.variant}Disabled`])?void 0:s[t.color],"&:focus-within::before":{"--Textarea-focused":"1"}}]}),D=(0,T.Z)(E,{name:"JoyTextarea",slot:"Textarea",overridesResolver:(e,t)=>t.textarea})({resize:"none",border:"none",minWidth:0,outline:0,padding:0,paddingInlineEnd:"var(--Textarea-paddingInline)",flex:"auto",alignSelf:"stretch",color:"inherit",backgroundColor:"transparent",fontFamily:"inherit",fontSize:"inherit",fontStyle:"inherit",fontWeight:"inherit",lineHeight:"inherit","&::-webkit-input-placeholder":{color:"var(--Textarea-placeholderColor)",opacity:"var(--Textarea-placeholderOpacity)"},"&::-moz-placeholder":{color:"var(--Textarea-placeholderColor)",opacity:"var(--Textarea-placeholderOpacity)"},"&:-ms-input-placeholder":{color:"var(--Textarea-placeholderColor)",opacity:"var(--Textarea-placeholderOpacity)"},"&::-ms-input-placeholder":{color:"var(--Textarea-placeholderColor)",opacity:"var(--Textarea-placeholderOpacity)"}}),P=(0,T.Z)("div",{name:"JoyTextarea",slot:"StartDecorator",overridesResolver:(e,t)=>t.startDecorator})({display:"flex",marginInlineStart:"calc(var(--Textarea-paddingBlock) - var(--Textarea-paddingInline))",marginInlineEnd:"var(--Textarea-paddingBlock)",marginBlockEnd:"var(--Textarea-gap)",color:"var(--Textarea-decoratorColor)",cursor:"initial"}),M=(0,T.Z)("div",{name:"JoyTextarea",slot:"EndDecorator",overridesResolver:(e,t)=>t.endDecorator})({display:"flex",marginInlineStart:"calc(var(--Textarea-paddingBlock) - var(--Textarea-paddingInline))",marginInlineEnd:"var(--Textarea-paddingBlock)",marginBlockStart:"var(--Textarea-gap)",color:"var(--Textarea-decoratorColor)",cursor:"initial"}),F=i.forwardRef(function(e,t){var n,o,s,l,u,d,p;let g=(0,S.Z)({props:e,name:"JoyTextarea"}),f=function(e,t){let n=i.useContext(I.Z),{"aria-describedby":o,"aria-label":s,"aria-labelledby":l,autoComplete:u,autoFocus:d,className:p,defaultValue:m,disabled:g,error:f,id:h,name:b,onClick:E,onChange:T,onKeyDown:S,onKeyUp:y,onFocus:A,onBlur:_,placeholder:k,readOnly:v,required:w,type:x,value:L}=e,D=(0,r.Z)(e,O),{getRootProps:P,getInputProps:M,focused:F,error:U,disabled:B}=function(e){let t,n,r,o,s;let{defaultValue:l,disabled:u=!1,error:d=!1,onBlur:p,onChange:m,onFocus:g,required:f=!1,value:h,inputRef:b}=e,E=i.useContext(C);if(E){var T,S,y;t=void 0,n=null!=(T=E.disabled)&&T,r=null!=(S=E.error)&&S,o=null!=(y=E.required)&&y,s=E.value}else t=l,n=u,r=d,o=f,s=h;let{current:A}=i.useRef(null!=s),_=i.useCallback(e=>{},[]),k=i.useRef(null),v=(0,c.Z)(k,b,_),[I,O]=i.useState(!1);i.useEffect(()=>{!E&&n&&I&&(O(!1),null==p||p())},[E,n,I,p]);let w=e=>t=>{var n,r;if(null!=E&&E.disabled){t.stopPropagation();return}null==(n=e.onFocus)||n.call(e,t),E&&E.onFocus?null==E||null==(r=E.onFocus)||r.call(E):O(!0)},x=e=>t=>{var n;null==(n=e.onBlur)||n.call(e,t),E&&E.onBlur?E.onBlur():O(!1)},L=e=>(t,...n)=>{var r,a;if(!A){let e=t.target||k.current;if(null==e)throw Error((0,N.Z)(17))}null==E||null==(r=E.onChange)||r.call(E,t),null==(a=e.onChange)||a.call(e,t,...n)},D=e=>t=>{var n;k.current&&t.currentTarget===t.target&&k.current.focus(),null==(n=e.onClick)||n.call(e,t)};return{disabled:n,error:r,focused:I,formControlContext:E,getInputProps:(e={})=>{let i=(0,a.Z)({},{onBlur:p,onChange:m,onFocus:g},(0,R._)(e)),l=(0,a.Z)({},e,i,{onBlur:x(i),onChange:L(i),onFocus:w(i)});return(0,a.Z)({},l,{"aria-invalid":r||void 0,defaultValue:t,ref:v,value:s,required:o,disabled:n})},getRootProps:(t={})=>{let n=(0,R._)(e,["onBlur","onChange","onFocus"]),r=(0,a.Z)({},n,(0,R._)(t));return(0,a.Z)({},t,r,{onClick:D(r)})},inputRef:v,required:o,value:s}}({disabled:null!=g?g:null==n?void 0:n.disabled,defaultValue:m,error:f,onBlur:_,onClick:E,onChange:T,onFocus:A,required:null!=w?w:null==n?void 0:n.required,value:L}),H={[t.disabled]:B,[t.error]:U,[t.focused]:F,[t.formControl]:!!n,[p]:p},G={[t.disabled]:B};return(0,a.Z)({formControl:n,propsToForward:{"aria-describedby":o,"aria-label":s,"aria-labelledby":l,autoComplete:u,autoFocus:d,disabled:B,id:h,onKeyDown:S,onKeyUp:y,name:b,placeholder:k,readOnly:v,type:x},rootStateClasses:H,inputStateClasses:G,getRootProps:P,getInputProps:M,focused:F,error:U,disabled:B},D)}(g,v),{propsToForward:h,rootStateClasses:b,inputStateClasses:E,getRootProps:T,getInputProps:_,formControl:k,focused:F,error:U=!1,disabled:B=!1,size:H="md",color:G="neutral",variant:z="outlined",startDecorator:$,endDecorator:j,minRows:V,maxRows:W,component:K,slots:Z={},slotProps:Y={}}=f,q=(0,r.Z)(f,w),X=null!=(n=null!=(o=e.disabled)?o:null==k?void 0:k.disabled)?n:B,Q=null!=(s=null!=(l=e.error)?l:null==k?void 0:k.error)?s:U,J=null!=(u=null!=(d=e.size)?d:null==k?void 0:k.size)?u:H,{getColor:ee}=(0,y.VT)(z),et=ee(e.color,Q?"danger":null!=(p=null==k?void 0:k.color)?p:G),en=(0,a.Z)({},g,{color:et,disabled:X,error:Q,focused:F,size:J,variant:z}),er=x(en),ea=(0,a.Z)({},q,{component:K,slots:Z,slotProps:Y}),[ei,eo]=(0,A.Z)("root",{ref:t,className:[er.root,b],elementType:L,externalForwardedProps:ea,getSlotProps:T,ownerState:en}),[es,el]=(0,A.Z)("textarea",{additionalProps:{id:null==k?void 0:k.htmlFor,"aria-describedby":null==k?void 0:k["aria-describedby"]},className:[er.textarea,E],elementType:D,internalForwardedProps:(0,a.Z)({},h,{minRows:V,maxRows:W}),externalForwardedProps:ea,getSlotProps:_,ownerState:en}),[ec,eu]=(0,A.Z)("startDecorator",{className:er.startDecorator,elementType:P,externalForwardedProps:ea,ownerState:en}),[ed,ep]=(0,A.Z)("endDecorator",{className:er.endDecorator,elementType:M,externalForwardedProps:ea,ownerState:en});return(0,m.jsxs)(ei,(0,a.Z)({},eo,{children:[$&&(0,m.jsx)(ec,(0,a.Z)({},eu,{children:$})),(0,m.jsx)(es,(0,a.Z)({},el)),j&&(0,m.jsx)(ed,(0,a.Z)({},ep,{children:j}))]}))});var U=F},38426:function(e,t,n){"use strict";n.d(t,{Z:function(){return eA}});var r=n(67294),a=n(99611),i=n(94184),o=n.n(i),s=n(87462),l=n(1413),c=n(4942),u=n(97685),d=n(71002),p=n(45987),m=n(27678),g=n(21770),f=["crossOrigin","decoding","draggable","loading","referrerPolicy","sizes","srcSet","useMap","alt"],h=r.createContext(null),b=0;function E(e){var t=e.src,n=e.isCustomPlaceholder,a=e.fallback,i=(0,r.useState)(n?"loading":"normal"),o=(0,u.Z)(i,2),s=o[0],l=o[1],c=(0,r.useRef)(!1),d="error"===s;(0,r.useEffect)(function(){new Promise(function(e){var n=document.createElement("img");n.onerror=function(){return e(!1)},n.onload=function(){return e(!0)},n.src=t}).then(function(e){e||l("error")})},[t]),(0,r.useEffect)(function(){n&&!c.current?l("loading"):d&&l("normal")},[t]);var p=function(){l("normal")};return[function(e){c.current=!1,"loading"===s&&null!=e&&e.complete&&(e.naturalWidth||e.naturalHeight)&&(c.current=!0,p())},d&&a?{src:a}:{onLoad:p,src:t},s]}var T=n(13328),S=n(64019),y=n(15105),A=n(80334);function _(e,t,n,r){var a=t+n,i=(n-r)/2;if(n>r){if(t>0)return(0,c.Z)({},e,i);if(t<0&&ar)return(0,c.Z)({},e,t<0?i:-i);return{}}var k=n(91881),v=n(75164),N={x:0,y:0,rotate:0,scale:1,flipX:!1,flipY:!1},C=n(2788),R=n(82225),I=function(e){var t=e.visible,n=e.maskTransitionName,a=e.getContainer,i=e.prefixCls,s=e.rootClassName,u=e.icons,d=e.countRender,p=e.showSwitch,m=e.showProgress,g=e.current,f=e.transform,b=e.count,E=e.scale,T=e.minScale,S=e.maxScale,A=e.closeIcon,_=e.onSwitchLeft,k=e.onSwitchRight,v=e.onClose,N=e.onZoomIn,I=e.onZoomOut,O=e.onRotateRight,w=e.onRotateLeft,x=e.onFlipX,L=e.onFlipY,D=e.toolbarRender,P=(0,r.useContext)(h),M=u.rotateLeft,F=u.rotateRight,U=u.zoomIn,B=u.zoomOut,H=u.close,G=u.left,z=u.right,$=u.flipX,j=u.flipY,V="".concat(i,"-operations-operation");r.useEffect(function(){var e=function(e){e.keyCode===y.Z.ESC&&v()};return t&&window.addEventListener("keydown",e),function(){window.removeEventListener("keydown",e)}},[t]);var W=[{icon:j,onClick:L,type:"flipY"},{icon:$,onClick:x,type:"flipX"},{icon:M,onClick:w,type:"rotateLeft"},{icon:F,onClick:O,type:"rotateRight"},{icon:B,onClick:I,type:"zoomOut",disabled:E===T},{icon:U,onClick:N,type:"zoomIn",disabled:E===S}].map(function(e){var t,n=e.icon,a=e.onClick,s=e.type,l=e.disabled;return r.createElement("div",{className:o()(V,(t={},(0,c.Z)(t,"".concat(i,"-operations-operation-").concat(s),!0),(0,c.Z)(t,"".concat(i,"-operations-operation-disabled"),!!l),t)),onClick:a,key:s},n)}),K=r.createElement("div",{className:"".concat(i,"-operations")},W);return r.createElement(R.ZP,{visible:t,motionName:n},function(e){var t=e.className,n=e.style;return r.createElement(C.Z,{open:!0,getContainer:null!=a?a:document.body},r.createElement("div",{className:o()("".concat(i,"-operations-wrapper"),t,s),style:n},null===A?null:r.createElement("button",{className:"".concat(i,"-close"),onClick:v},A||H),p&&r.createElement(r.Fragment,null,r.createElement("div",{className:o()("".concat(i,"-switch-left"),(0,c.Z)({},"".concat(i,"-switch-left-disabled"),0===g)),onClick:_},G),r.createElement("div",{className:o()("".concat(i,"-switch-right"),(0,c.Z)({},"".concat(i,"-switch-right-disabled"),g===b-1)),onClick:k},z)),r.createElement("div",{className:"".concat(i,"-footer")},m&&r.createElement("div",{className:"".concat(i,"-progress")},d?d(g+1,b):"".concat(g+1," / ").concat(b)),D?D(K,(0,l.Z)({icons:{flipYIcon:W[0],flipXIcon:W[1],rotateLeftIcon:W[2],rotateRightIcon:W[3],zoomOutIcon:W[4],zoomInIcon:W[5]},actions:{onFlipY:L,onFlipX:x,onRotateLeft:w,onRotateRight:O,onZoomOut:I,onZoomIn:N},transform:f},P?{current:g,total:b}:{})):K)))})},O=["fallback","src","imgRef"],w=["prefixCls","src","alt","fallback","movable","onClose","visible","icons","rootClassName","closeIcon","getContainer","current","count","countRender","scaleStep","minScale","maxScale","transitionName","maskTransitionName","imageRender","imgCommonProps","toolbarRender","onTransform","onChange"],x=function(e){var t=e.fallback,n=e.src,a=e.imgRef,i=(0,p.Z)(e,O),o=E({src:n,fallback:t}),l=(0,u.Z)(o,2),c=l[0],d=l[1];return r.createElement("img",(0,s.Z)({ref:function(e){a.current=e,c(e)}},i,d))},L=function(e){var t,n,a,i,d,g,f,b=e.prefixCls,E=e.src,C=e.alt,R=e.fallback,O=e.movable,L=void 0===O||O,D=e.onClose,P=e.visible,M=e.icons,F=e.rootClassName,U=e.closeIcon,B=e.getContainer,H=e.current,G=void 0===H?0:H,z=e.count,$=void 0===z?1:z,j=e.countRender,V=e.scaleStep,W=void 0===V?.5:V,K=e.minScale,Z=void 0===K?1:K,Y=e.maxScale,q=void 0===Y?50:Y,X=e.transitionName,Q=e.maskTransitionName,J=void 0===Q?"fade":Q,ee=e.imageRender,et=e.imgCommonProps,en=e.toolbarRender,er=e.onTransform,ea=e.onChange,ei=(0,p.Z)(e,w),eo=(0,r.useRef)(),es=(0,r.useRef)({deltaX:0,deltaY:0,transformX:0,transformY:0}),el=(0,r.useState)(!1),ec=(0,u.Z)(el,2),eu=ec[0],ed=ec[1],ep=(0,r.useContext)(h),em=ep&&$>1,eg=ep&&$>=1,ef=(t=(0,r.useRef)(null),n=(0,r.useRef)([]),a=(0,r.useState)(N),d=(i=(0,u.Z)(a,2))[0],g=i[1],f=function(e,r){null===t.current&&(n.current=[],t.current=(0,v.Z)(function(){g(function(e){var a=e;return n.current.forEach(function(e){a=(0,l.Z)((0,l.Z)({},a),e)}),t.current=null,null==er||er({transform:a,action:r}),a})})),n.current.push((0,l.Z)((0,l.Z)({},d),e))},{transform:d,resetTransform:function(e){g(N),er&&!(0,k.Z)(N,d)&&er({transform:N,action:e})},updateTransform:f,dispatchZoomChange:function(e,t,n,r){var a=eo.current,i=a.width,o=a.height,s=a.offsetWidth,l=a.offsetHeight,c=a.offsetLeft,u=a.offsetTop,p=e,g=d.scale*e;g>q?(p=q/d.scale,g=q):g0&&(e_(!1),eb("prev"),null==ea||ea(G-1,G))},eO=function(e){null==e||e.preventDefault(),null==e||e.stopPropagation(),G<$-1&&(e_(!1),eb("next"),null==ea||ea(G+1,G))},ew=function(){if(P&&eu){ed(!1);var e,t,n,r,a,i,o=es.current,s=o.transformX,c=o.transformY;if(eN!==s&&eC!==c){var u=eo.current.offsetWidth*ev,d=eo.current.offsetHeight*ev,p=eo.current.getBoundingClientRect(),g=p.left,f=p.top,h=ek%180!=0,b=(e=h?d:u,t=h?u:d,r=(n=(0,m.g1)()).width,a=n.height,i=null,e<=r&&t<=a?i={x:0,y:0}:(e>r||t>a)&&(i=(0,l.Z)((0,l.Z)({},_("x",g,e,r)),_("y",f,t,a))),i);b&&eE((0,l.Z)({},b),"dragRebound")}}},ex=function(e){P&&eu&&eE({x:e.pageX-es.current.deltaX,y:e.pageY-es.current.deltaY},"move")},eL=function(e){P&&em&&(e.keyCode===y.Z.LEFT?eI():e.keyCode===y.Z.RIGHT&&eO())};(0,r.useEffect)(function(){var e,t,n,r;if(L){n=(0,S.Z)(window,"mouseup",ew,!1),r=(0,S.Z)(window,"mousemove",ex,!1);try{window.top!==window.self&&(e=(0,S.Z)(window.top,"mouseup",ew,!1),t=(0,S.Z)(window.top,"mousemove",ex,!1))}catch(e){(0,A.Kp)(!1,"[rc-image] ".concat(e))}}return function(){var a,i,o,s;null===(a=n)||void 0===a||a.remove(),null===(i=r)||void 0===i||i.remove(),null===(o=e)||void 0===o||o.remove(),null===(s=t)||void 0===s||s.remove()}},[P,eu,eN,eC,ek,L]),(0,r.useEffect)(function(){var e=(0,S.Z)(window,"keydown",eL,!1);return function(){e.remove()}},[P,em,G]);var eD=r.createElement(x,(0,s.Z)({},et,{width:e.width,height:e.height,imgRef:eo,className:"".concat(b,"-img"),alt:C,style:{transform:"translate3d(".concat(eh.x,"px, ").concat(eh.y,"px, 0) scale3d(").concat(eh.flipX?"-":"").concat(ev,", ").concat(eh.flipY?"-":"").concat(ev,", 1) rotate(").concat(ek,"deg)"),transitionDuration:!eA&&"0s"},fallback:R,src:E,onWheel:function(e){if(P&&0!=e.deltaY){var t=1+Math.min(Math.abs(e.deltaY/100),1)*W;e.deltaY>0&&(t=1/t),eT(t,"wheel",e.clientX,e.clientY)}},onMouseDown:function(e){L&&0===e.button&&(e.preventDefault(),e.stopPropagation(),es.current={deltaX:e.pageX-eh.x,deltaY:e.pageY-eh.y,transformX:eh.x,transformY:eh.y},ed(!0))},onDoubleClick:function(e){P&&(1!==ev?eE({x:0,y:0,scale:1},"doubleClick"):eT(1+W,"doubleClick",e.clientX,e.clientY))}}));return r.createElement(r.Fragment,null,r.createElement(T.Z,(0,s.Z)({transitionName:void 0===X?"zoom":X,maskTransitionName:J,closable:!1,keyboard:!0,prefixCls:b,onClose:D,visible:P,wrapClassName:eR,rootClassName:F,getContainer:B},ei,{afterClose:function(){eb("close")}}),r.createElement("div",{className:"".concat(b,"-img-wrapper")},ee?ee(eD,(0,l.Z)({transform:eh},ep?{current:G}:{})):eD)),r.createElement(I,{visible:P,transform:eh,maskTransitionName:J,closeIcon:U,getContainer:B,prefixCls:b,rootClassName:F,icons:void 0===M?{}:M,countRender:j,showSwitch:em,showProgress:eg,current:G,count:$,scale:ev,minScale:Z,maxScale:q,toolbarRender:en,onSwitchLeft:eI,onSwitchRight:eO,onZoomIn:function(){eT(1+W,"zoomIn")},onZoomOut:function(){eT(1/(1+W),"zoomOut")},onRotateRight:function(){eE({rotate:ek+90},"rotateRight")},onRotateLeft:function(){eE({rotate:ek-90},"rotateLeft")},onFlipX:function(){eE({flipX:!eh.flipX},"flipX")},onFlipY:function(){eE({flipY:!eh.flipY},"flipY")},onClose:D}))},D=n(74902),P=["visible","onVisibleChange","getContainer","current","movable","minScale","maxScale","countRender","closeIcon","onChange","onTransform","toolbarRender","imageRender"],M=["src"],F=["src","alt","onPreviewClose","prefixCls","previewPrefixCls","placeholder","fallback","width","height","style","preview","className","onClick","onError","wrapperClassName","wrapperStyle","rootClassName"],U=["src","visible","onVisibleChange","getContainer","mask","maskClassName","movable","icons","scaleStep","minScale","maxScale","imageRender","toolbarRender"],B=function(e){var t,n,a,i,T=e.src,S=e.alt,y=e.onPreviewClose,A=e.prefixCls,_=void 0===A?"rc-image":A,k=e.previewPrefixCls,v=void 0===k?"".concat(_,"-preview"):k,N=e.placeholder,C=e.fallback,R=e.width,I=e.height,O=e.style,w=e.preview,x=void 0===w||w,D=e.className,P=e.onClick,M=e.onError,B=e.wrapperClassName,H=e.wrapperStyle,G=e.rootClassName,z=(0,p.Z)(e,F),$=N&&!0!==N,j="object"===(0,d.Z)(x)?x:{},V=j.src,W=j.visible,K=void 0===W?void 0:W,Z=j.onVisibleChange,Y=j.getContainer,q=j.mask,X=j.maskClassName,Q=j.movable,J=j.icons,ee=j.scaleStep,et=j.minScale,en=j.maxScale,er=j.imageRender,ea=j.toolbarRender,ei=(0,p.Z)(j,U),eo=null!=V?V:T,es=(0,g.Z)(!!K,{value:K,onChange:void 0===Z?y:Z}),el=(0,u.Z)(es,2),ec=el[0],eu=el[1],ed=E({src:T,isCustomPlaceholder:$,fallback:C}),ep=(0,u.Z)(ed,3),em=ep[0],eg=ep[1],ef=ep[2],eh=(0,r.useState)(null),eb=(0,u.Z)(eh,2),eE=eb[0],eT=eb[1],eS=(0,r.useContext)(h),ey=!!x,eA=o()(_,B,G,(0,c.Z)({},"".concat(_,"-error"),"error"===ef)),e_=(0,r.useMemo)(function(){var t={};return f.forEach(function(n){void 0!==e[n]&&(t[n]=e[n])}),t},f.map(function(t){return e[t]})),ek=(0,r.useMemo)(function(){return(0,l.Z)((0,l.Z)({},e_),{},{src:eo})},[eo,e_]),ev=(t=r.useState(function(){return String(b+=1)}),n=(0,u.Z)(t,1)[0],a=r.useContext(h),i={data:ek,canPreview:ey},r.useEffect(function(){if(a)return a.register(n,i)},[]),r.useEffect(function(){a&&a.register(n,i)},[ey,ek]),n);return r.createElement(r.Fragment,null,r.createElement("div",(0,s.Z)({},z,{className:eA,onClick:ey?function(e){var t=(0,m.os)(e.target),n=t.left,r=t.top;eS?eS.onPreview(ev,n,r):(eT({x:n,y:r}),eu(!0)),null==P||P(e)}:P,style:(0,l.Z)({width:R,height:I},H)}),r.createElement("img",(0,s.Z)({},e_,{className:o()("".concat(_,"-img"),(0,c.Z)({},"".concat(_,"-img-placeholder"),!0===N),D),style:(0,l.Z)({height:I},O),ref:em},eg,{width:R,height:I,onError:M})),"loading"===ef&&r.createElement("div",{"aria-hidden":"true",className:"".concat(_,"-placeholder")},N),q&&ey&&r.createElement("div",{className:o()("".concat(_,"-mask"),X),style:{display:(null==O?void 0:O.display)==="none"?"none":void 0}},q)),!eS&&ey&&r.createElement(L,(0,s.Z)({"aria-hidden":!ec,visible:ec,prefixCls:v,onClose:function(){eu(!1),eT(null)},mousePosition:eE,src:eo,alt:S,fallback:C,getContainer:void 0===Y?void 0:Y,icons:J,movable:Q,scaleStep:ee,minScale:et,maxScale:en,rootClassName:G,imageRender:er,imgCommonProps:e_,toolbarRender:ea},ei)))};B.PreviewGroup=function(e){var t,n,a,i,o,m,b=e.previewPrefixCls,E=e.children,T=e.icons,S=e.items,y=e.preview,A=e.fallback,_="object"===(0,d.Z)(y)?y:{},k=_.visible,v=_.onVisibleChange,N=_.getContainer,C=_.current,R=_.movable,I=_.minScale,O=_.maxScale,w=_.countRender,x=_.closeIcon,F=_.onChange,U=_.onTransform,B=_.toolbarRender,H=_.imageRender,G=(0,p.Z)(_,P),z=(t=r.useState({}),a=(n=(0,u.Z)(t,2))[0],i=n[1],o=r.useCallback(function(e,t){return i(function(n){return(0,l.Z)((0,l.Z)({},n),{},(0,c.Z)({},e,t))}),function(){i(function(t){var n=(0,l.Z)({},t);return delete n[e],n})}},[]),[r.useMemo(function(){return S?S.map(function(e){if("string"==typeof e)return{data:{src:e}};var t={};return Object.keys(e).forEach(function(n){["src"].concat((0,D.Z)(f)).includes(n)&&(t[n]=e[n])}),{data:t}}):Object.keys(a).reduce(function(e,t){var n=a[t],r=n.canPreview,i=n.data;return r&&e.push({data:i,id:t}),e},[])},[S,a]),o]),$=(0,u.Z)(z,2),j=$[0],V=$[1],W=(0,g.Z)(0,{value:C}),K=(0,u.Z)(W,2),Z=K[0],Y=K[1],q=(0,r.useState)(!1),X=(0,u.Z)(q,2),Q=X[0],J=X[1],ee=(null===(m=j[Z])||void 0===m?void 0:m.data)||{},et=ee.src,en=(0,p.Z)(ee,M),er=(0,g.Z)(!!k,{value:k,onChange:function(e,t){null==v||v(e,t,Z)}}),ea=(0,u.Z)(er,2),ei=ea[0],eo=ea[1],es=(0,r.useState)(null),el=(0,u.Z)(es,2),ec=el[0],eu=el[1],ed=r.useCallback(function(e,t,n){var r=j.findIndex(function(t){return t.id===e});eo(!0),eu({x:t,y:n}),Y(r<0?0:r),J(!0)},[j]);r.useEffect(function(){ei?Q||Y(0):J(!1)},[ei]);var ep=r.useMemo(function(){return{register:V,onPreview:ed}},[V,ed]);return r.createElement(h.Provider,{value:ep},E,r.createElement(L,(0,s.Z)({"aria-hidden":!ei,movable:R,visible:ei,prefixCls:void 0===b?"rc-image-preview":b,closeIcon:x,onClose:function(){eo(!1),eu(null)},mousePosition:ec,imgCommonProps:en,src:et,fallback:A,icons:void 0===T?{}:T,minScale:I,maxScale:O,getContainer:N,current:Z,count:j.length,countRender:w,onTransform:U,toolbarRender:B,imageRender:H,onChange:function(e,t){Y(e),null==F||F(e,t)}},G)))},B.displayName="Image";var H=n(33603),G=n(53124),z=n(88526),$=n(97937),j=n(6171),V=n(18073),W={icon:{tag:"svg",attrs:{viewBox:"64 64 896 896",focusable:"false"},children:[{tag:"defs",attrs:{},children:[{tag:"style",attrs:{}}]},{tag:"path",attrs:{d:"M672 418H144c-17.7 0-32 14.3-32 32v414c0 17.7 14.3 32 32 32h528c17.7 0 32-14.3 32-32V450c0-17.7-14.3-32-32-32zm-44 402H188V494h440v326z"}},{tag:"path",attrs:{d:"M819.3 328.5c-78.8-100.7-196-153.6-314.6-154.2l-.2-64c0-6.5-7.6-10.1-12.6-6.1l-128 101c-4 3.1-3.9 9.1 0 12.3L492 318.6c5.1 4 12.7.4 12.6-6.1v-63.9c12.9.1 25.9.9 38.8 2.5 42.1 5.2 82.1 18.2 119 38.7 38.1 21.2 71.2 49.7 98.4 84.3 27.1 34.7 46.7 73.7 58.1 115.8a325.95 325.95 0 016.5 140.9h74.9c14.8-103.6-11.3-213-81-302.3z"}}]},name:"rotate-left",theme:"outlined"},K=n(84089),Z=r.forwardRef(function(e,t){return r.createElement(K.Z,(0,s.Z)({},e,{ref:t,icon:W}))}),Y={icon:{tag:"svg",attrs:{viewBox:"64 64 896 896",focusable:"false"},children:[{tag:"defs",attrs:{},children:[{tag:"style",attrs:{}}]},{tag:"path",attrs:{d:"M480.5 251.2c13-1.6 25.9-2.4 38.8-2.5v63.9c0 6.5 7.5 10.1 12.6 6.1L660 217.6c4-3.2 4-9.2 0-12.3l-128-101c-5.1-4-12.6-.4-12.6 6.1l-.2 64c-118.6.5-235.8 53.4-314.6 154.2A399.75 399.75 0 00123.5 631h74.9c-.9-5.3-1.7-10.7-2.4-16.1-5.1-42.1-2.1-84.1 8.9-124.8 11.4-42.2 31-81.1 58.1-115.8 27.2-34.7 60.3-63.2 98.4-84.3 37-20.6 76.9-33.6 119.1-38.8z"}},{tag:"path",attrs:{d:"M880 418H352c-17.7 0-32 14.3-32 32v414c0 17.7 14.3 32 32 32h528c17.7 0 32-14.3 32-32V450c0-17.7-14.3-32-32-32zm-44 402H396V494h440v326z"}}]},name:"rotate-right",theme:"outlined"},q=r.forwardRef(function(e,t){return r.createElement(K.Z,(0,s.Z)({},e,{ref:t,icon:Y}))}),X={icon:{tag:"svg",attrs:{viewBox:"64 64 896 896",focusable:"false"},children:[{tag:"path",attrs:{d:"M847.9 592H152c-4.4 0-8 3.6-8 8v60c0 4.4 3.6 8 8 8h605.2L612.9 851c-4.1 5.2-.4 13 6.3 13h72.5c4.9 0 9.5-2.2 12.6-6.1l168.8-214.1c16.5-21 1.6-51.8-25.2-51.8zM872 356H266.8l144.3-183c4.1-5.2.4-13-6.3-13h-72.5c-4.9 0-9.5 2.2-12.6 6.1L150.9 380.2c-16.5 21-1.6 51.8 25.1 51.8h696c4.4 0 8-3.6 8-8v-60c0-4.4-3.6-8-8-8z"}}]},name:"swap",theme:"outlined"},Q=r.forwardRef(function(e,t){return r.createElement(K.Z,(0,s.Z)({},e,{ref:t,icon:X}))}),J={icon:{tag:"svg",attrs:{viewBox:"64 64 896 896",focusable:"false"},children:[{tag:"path",attrs:{d:"M637 443H519V309c0-4.4-3.6-8-8-8h-60c-4.4 0-8 3.6-8 8v134H325c-4.4 0-8 3.6-8 8v60c0 4.4 3.6 8 8 8h118v134c0 4.4 3.6 8 8 8h60c4.4 0 8-3.6 8-8V519h118c4.4 0 8-3.6 8-8v-60c0-4.4-3.6-8-8-8zm284 424L775 721c122.1-148.9 113.6-369.5-26-509-148-148.1-388.4-148.1-537 0-148.1 148.6-148.1 389 0 537 139.5 139.6 360.1 148.1 509 26l146 146c3.2 2.8 8.3 2.8 11 0l43-43c2.8-2.7 2.8-7.8 0-11zM696 696c-118.8 118.7-311.2 118.7-430 0-118.7-118.8-118.7-311.2 0-430 118.8-118.7 311.2-118.7 430 0 118.7 118.8 118.7 311.2 0 430z"}}]},name:"zoom-in",theme:"outlined"},ee=r.forwardRef(function(e,t){return r.createElement(K.Z,(0,s.Z)({},e,{ref:t,icon:J}))}),et={icon:{tag:"svg",attrs:{viewBox:"64 64 896 896",focusable:"false"},children:[{tag:"path",attrs:{d:"M637 443H325c-4.4 0-8 3.6-8 8v60c0 4.4 3.6 8 8 8h312c4.4 0 8-3.6 8-8v-60c0-4.4-3.6-8-8-8zm284 424L775 721c122.1-148.9 113.6-369.5-26-509-148-148.1-388.4-148.1-537 0-148.1 148.6-148.1 389 0 537 139.5 139.6 360.1 148.1 509 26l146 146c3.2 2.8 8.3 2.8 11 0l43-43c2.8-2.7 2.8-7.8 0-11zM696 696c-118.8 118.7-311.2 118.7-430 0-118.7-118.8-118.7-311.2 0-430 118.8-118.7 311.2-118.7 430 0 118.7 118.8 118.7 311.2 0 430z"}}]},name:"zoom-out",theme:"outlined"},en=r.forwardRef(function(e,t){return r.createElement(K.Z,(0,s.Z)({},e,{ref:t,icon:et}))}),er=n(10274),ea=n(71194),ei=n(14747),eo=n(50438),es=n(16932),el=n(67968),ec=n(45503);let eu=e=>({position:e||"absolute",inset:0}),ed=e=>{let{iconCls:t,motionDurationSlow:n,paddingXXS:r,marginXXS:a,prefixCls:i,colorTextLightSolid:o}=e;return{position:"absolute",inset:0,display:"flex",alignItems:"center",justifyContent:"center",color:o,background:new er.C("#000").setAlpha(.5).toRgbString(),cursor:"pointer",opacity:0,transition:`opacity ${n}`,[`.${i}-mask-info`]:Object.assign(Object.assign({},ei.vS),{padding:`0 ${r}px`,[t]:{marginInlineEnd:a,svg:{verticalAlign:"baseline"}}})}},ep=e=>{let{previewCls:t,modalMaskBg:n,paddingSM:r,marginXL:a,margin:i,paddingLG:o,previewOperationColorDisabled:s,previewOperationHoverColor:l,motionDurationSlow:c,iconCls:u,colorTextLightSolid:d}=e,p=new er.C(n).setAlpha(.1),m=p.clone().setAlpha(.2);return{[`${t}-footer`]:{position:"fixed",bottom:a,left:{_skip_check_:!0,value:0},width:"100%",display:"flex",flexDirection:"column",alignItems:"center",color:e.previewOperationColor},[`${t}-progress`]:{marginBottom:i},[`${t}-close`]:{position:"fixed",top:a,right:{_skip_check_:!0,value:a},display:"flex",color:d,backgroundColor:p.toRgbString(),borderRadius:"50%",padding:r,outline:0,border:0,cursor:"pointer",transition:`all ${c}`,"&:hover":{backgroundColor:m.toRgbString()},[`& > ${u}`]:{fontSize:e.previewOperationSize}},[`${t}-operations`]:{display:"flex",alignItems:"center",padding:`0 ${o}px`,backgroundColor:p.toRgbString(),borderRadius:100,"&-operation":{marginInlineStart:r,padding:r,cursor:"pointer",transition:`all ${c}`,userSelect:"none",[`&:not(${t}-operations-operation-disabled):hover > ${u}`]:{color:l},"&-disabled":{color:s,cursor:"not-allowed"},"&:first-of-type":{marginInlineStart:0},[`& > ${u}`]:{fontSize:e.previewOperationSize}}}}},em=e=>{let{modalMaskBg:t,iconCls:n,previewOperationColorDisabled:r,previewCls:a,zIndexPopup:i,motionDurationSlow:o}=e,s=new er.C(t).setAlpha(.1),l=s.clone().setAlpha(.2);return{[`${a}-switch-left, ${a}-switch-right`]:{position:"fixed",insetBlockStart:"50%",zIndex:i+1,display:"flex",alignItems:"center",justifyContent:"center",width:e.imagePreviewSwitchSize,height:e.imagePreviewSwitchSize,marginTop:-e.imagePreviewSwitchSize/2,color:e.previewOperationColor,background:s.toRgbString(),borderRadius:"50%",transform:"translateY(-50%)",cursor:"pointer",transition:`all ${o}`,userSelect:"none","&:hover":{background:l.toRgbString()},"&-disabled":{"&, &:hover":{color:r,background:"transparent",cursor:"not-allowed",[`> ${n}`]:{cursor:"not-allowed"}}},[`> ${n}`]:{fontSize:e.previewOperationSize}},[`${a}-switch-left`]:{insetInlineStart:e.marginSM},[`${a}-switch-right`]:{insetInlineEnd:e.marginSM}}},eg=e=>{let{motionEaseOut:t,previewCls:n,motionDurationSlow:r,componentCls:a}=e;return[{[`${a}-preview-root`]:{[n]:{height:"100%",textAlign:"center",pointerEvents:"none"},[`${n}-body`]:Object.assign(Object.assign({},eu()),{overflow:"hidden"}),[`${n}-img`]:{maxWidth:"100%",maxHeight:"70%",verticalAlign:"middle",transform:"scale3d(1, 1, 1)",cursor:"grab",transition:`transform ${r} ${t} 0s`,userSelect:"none","&-wrapper":Object.assign(Object.assign({},eu()),{transition:`transform ${r} ${t} 0s`,display:"flex",justifyContent:"center",alignItems:"center","& > *":{pointerEvents:"auto"},"&::before":{display:"inline-block",width:1,height:"50%",marginInlineEnd:-1,content:'""'}})},[`${n}-moving`]:{[`${n}-preview-img`]:{cursor:"grabbing","&-wrapper":{transitionDuration:"0s"}}}}},{[`${a}-preview-root`]:{[`${n}-wrap`]:{zIndex:e.zIndexPopup}}},{[`${a}-preview-operations-wrapper`]:{position:"fixed",zIndex:e.zIndexPopup+1},"&":[ep(e),em(e)]}]},ef=e=>{let{componentCls:t}=e;return{[t]:{position:"relative",display:"inline-block",[`${t}-img`]:{width:"100%",height:"auto",verticalAlign:"middle"},[`${t}-img-placeholder`]:{backgroundColor:e.colorBgContainerDisabled,backgroundImage:"url('data:image/svg+xml;base64,PHN2ZyB3aWR0aD0iMTYiIGhlaWdodD0iMTYiIHZpZXdCb3g9IjAgMCAxNiAxNiIgeG1sbnM9Imh0dHA6Ly93d3cudzMub3JnLzIwMDAvc3ZnIj48cGF0aCBkPSJNMTQuNSAyLjVoLTEzQS41LjUgMCAwIDAgMSAzdjEwYS41LjUgMCAwIDAgLjUuNWgxM2EuNS41IDAgMCAwIC41LS41VjNhLjUuNSAwIDAgMC0uNS0uNXpNNS4yODEgNC43NWExIDEgMCAwIDEgMCAyIDEgMSAwIDAgMSAwLTJ6bTguMDMgNi44M2EuMTI3LjEyNyAwIDAgMS0uMDgxLjAzSDIuNzY5YS4xMjUuMTI1IDAgMCAxLS4wOTYtLjIwN2wyLjY2MS0zLjE1NmEuMTI2LjEyNiAwIDAgMSAuMTc3LS4wMTZsLjAxNi4wMTZMNy4wOCAxMC4wOWwyLjQ3LTIuOTNhLjEyNi4xMjYgMCAwIDEgLjE3Ny0uMDE2bC4wMTUuMDE2IDMuNTg4IDQuMjQ0YS4xMjcuMTI3IDAgMCAxLS4wMi4xNzV6IiBmaWxsPSIjOEM4QzhDIiBmaWxsLXJ1bGU9Im5vbnplcm8iLz48L3N2Zz4=')",backgroundRepeat:"no-repeat",backgroundPosition:"center center",backgroundSize:"30%"},[`${t}-mask`]:Object.assign({},ed(e)),[`${t}-mask:hover`]:{opacity:1},[`${t}-placeholder`]:Object.assign({},eu())}}},eh=e=>{let{previewCls:t}=e;return{[`${t}-root`]:(0,eo._y)(e,"zoom"),"&":(0,es.J$)(e,!0)}};var eb=(0,el.Z)("Image",e=>{let t=`${e.componentCls}-preview`,n=(0,ec.TS)(e,{previewCls:t,modalMaskBg:new er.C("#000").setAlpha(.45).toRgbString(),imagePreviewSwitchSize:e.controlHeightLG});return[ef(n),eg(n),(0,ea.Q)((0,ec.TS)(n,{componentCls:t})),eh(n)]},e=>({zIndexPopup:e.zIndexPopupBase+80,previewOperationColor:new er.C(e.colorTextLightSolid).setAlpha(.65).toRgbString(),previewOperationHoverColor:new er.C(e.colorTextLightSolid).setAlpha(.85).toRgbString(),previewOperationColorDisabled:new er.C(e.colorTextLightSolid).setAlpha(.25).toRgbString(),previewOperationSize:1.5*e.fontSizeIcon})),eE=function(e,t){var n={};for(var r in e)Object.prototype.hasOwnProperty.call(e,r)&&0>t.indexOf(r)&&(n[r]=e[r]);if(null!=e&&"function"==typeof Object.getOwnPropertySymbols)for(var a=0,r=Object.getOwnPropertySymbols(e);at.indexOf(r[a])&&Object.prototype.propertyIsEnumerable.call(e,r[a])&&(n[r[a]]=e[r[a]]);return n};let eT={rotateLeft:r.createElement(Z,null),rotateRight:r.createElement(q,null),zoomIn:r.createElement(ee,null),zoomOut:r.createElement(en,null),close:r.createElement($.Z,null),left:r.createElement(j.Z,null),right:r.createElement(V.Z,null),flipX:r.createElement(Q,null),flipY:r.createElement(Q,{rotate:90})};var eS=function(e,t){var n={};for(var r in e)Object.prototype.hasOwnProperty.call(e,r)&&0>t.indexOf(r)&&(n[r]=e[r]);if(null!=e&&"function"==typeof Object.getOwnPropertySymbols)for(var a=0,r=Object.getOwnPropertySymbols(e);at.indexOf(r[a])&&Object.prototype.propertyIsEnumerable.call(e,r[a])&&(n[r[a]]=e[r[a]]);return n};let ey=e=>{let{prefixCls:t,preview:n,className:i,rootClassName:s,style:l}=e,c=eS(e,["prefixCls","preview","className","rootClassName","style"]),{getPrefixCls:u,locale:d=z.Z,getPopupContainer:p,image:m}=r.useContext(G.E_),g=u("image",t),f=u(),h=d.Image||z.Z.Image,[b,E]=eb(g),T=o()(s,E),S=o()(i,E,null==m?void 0:m.className),y=r.useMemo(()=>{if(!1===n)return n;let e="object"==typeof n?n:{},{getContainer:t}=e,i=eS(e,["getContainer"]);return Object.assign(Object.assign({mask:r.createElement("div",{className:`${g}-mask-info`},r.createElement(a.Z,null),null==h?void 0:h.preview),icons:eT},i),{getContainer:t||p,transitionName:(0,H.m)(f,"zoom",e.transitionName),maskTransitionName:(0,H.m)(f,"fade",e.maskTransitionName)})},[n,h]),A=Object.assign(Object.assign({},null==m?void 0:m.style),l);return b(r.createElement(B,Object.assign({prefixCls:g,preview:y,rootClassName:T,className:S,style:A},c)))};ey.PreviewGroup=e=>{var{previewPrefixCls:t,preview:n}=e,a=eE(e,["previewPrefixCls","preview"]);let{getPrefixCls:i}=r.useContext(G.E_),s=i("image",t),l=`${s}-preview`,c=i(),[u,d]=eb(s),p=r.useMemo(()=>{var e;if(!1===n)return n;let t="object"==typeof n?n:{},r=o()(d,null!==(e=t.rootClassName)&&void 0!==e?e:"");return Object.assign(Object.assign({},t),{transitionName:(0,H.m)(c,"zoom",t.transitionName),maskTransitionName:(0,H.m)(c,"fade",t.maskTransitionName),rootClassName:r})},[n]);return u(r.createElement(B.PreviewGroup,Object.assign({preview:p,previewPrefixCls:l,icons:eT},a)))};var eA=ey},56851:function(e,t){"use strict";t.Q=function(e){for(var t,n=[],r=String(e||""),a=r.indexOf(","),i=0,o=!1;!o;)-1===a&&(a=r.length,o=!0),((t=r.slice(i,a).trim())||!o)&&n.push(t),i=a+1,a=r.indexOf(",",i);return n}},94470:function(e){"use strict";var t=Object.prototype.hasOwnProperty,n=Object.prototype.toString,r=Object.defineProperty,a=Object.getOwnPropertyDescriptor,i=function(e){return"function"==typeof Array.isArray?Array.isArray(e):"[object Array]"===n.call(e)},o=function(e){if(!e||"[object Object]"!==n.call(e))return!1;var r,a=t.call(e,"constructor"),i=e.constructor&&e.constructor.prototype&&t.call(e.constructor.prototype,"isPrototypeOf");if(e.constructor&&!a&&!i)return!1;for(r in e);return void 0===r||t.call(e,r)},s=function(e,t){r&&"__proto__"===t.name?r(e,t.name,{enumerable:!0,configurable:!0,value:t.newValue,writable:!0}):e[t.name]=t.newValue},l=function(e,n){if("__proto__"===n){if(!t.call(e,n))return;if(a)return a(e,n).value}return e[n]};e.exports=function e(){var t,n,r,a,c,u,d=arguments[0],p=1,m=arguments.length,g=!1;for("boolean"==typeof d&&(g=d,d=arguments[1]||{},p=2),(null==d||"object"!=typeof d&&"function"!=typeof d)&&(d={});p=97&&t<=122||t>=65&&t<=90}},7961:function(e,t,n){"use strict";var r=n(46260),a=n(46195);e.exports=function(e){return r(e)||a(e)}},46195:function(e){"use strict";e.exports=function(e){var t="string"==typeof e?e.charCodeAt(0):e;return t>=48&&t<=57}},79480:function(e){"use strict";e.exports=function(e){var t="string"==typeof e?e.charCodeAt(0):e;return t>=97&&t<=102||t>=65&&t<=70||t>=48&&t<=57}},89435:function(e){"use strict";var t;e.exports=function(e){var n,r="&"+e+";";return(t=t||document.createElement("i")).innerHTML=r,(59!==(n=t.textContent).charCodeAt(n.length-1)||"semi"===e)&&n!==r&&n}},57574:function(e,t,n){"use strict";var r=n(37452),a=n(93580),i=n(46195),o=n(79480),s=n(7961),l=n(89435);e.exports=function(e,t){var n,i,o={};for(i in t||(t={}),p)n=t[i],o[i]=null==n?p[i]:n;return(o.position.indent||o.position.start)&&(o.indent=o.position.indent||[],o.position=o.position.start),function(e,t){var n,i,o,p,T,S,y,A,_,k,v,N,C,R,I,O,w,x,L,D,P,M=t.additional,F=t.nonTerminated,U=t.text,B=t.reference,H=t.warning,G=t.textContext,z=t.referenceContext,$=t.warningContext,j=t.position,V=t.indent||[],W=e.length,K=0,Z=-1,Y=j.column||1,q=j.line||1,X="",Q=[];for("string"==typeof M&&(M=M.charCodeAt(0)),x=J(),k=H?function(e,t){var n=J();n.column+=t,n.offset+=t,H.call($,E[e],n,e)}:d,K--,W++;++K=55296&&n<=57343||n>1114111?(k(7,D),A=u(65533)):A in a?(k(6,D),A=a[A]):(N="",((i=A)>=1&&i<=8||11===i||i>=13&&i<=31||i>=127&&i<=159||i>=64976&&i<=65007||(65535&i)==65535||(65535&i)==65534)&&k(6,D),A>65535&&(A-=65536,N+=u(A>>>10|55296),A=56320|1023&A),A=N+u(A))):O!==m&&k(4,D)),A?(ee(),x=J(),K=P-1,Y+=P-I+1,Q.push(A),L=J(),L.offset++,B&&B.call(z,A,{start:x,end:L},e.slice(I-1,P)),x=L):(X+=S=e.slice(I-1,P),Y+=S.length,K=P-1)}else 10===y&&(q++,Z++,Y=0),y==y?(X+=u(y),Y++):ee();return Q.join("");function J(){return{line:q,column:Y,offset:K+(j.offset||0)}}function ee(){X&&(Q.push(X),U&&U.call(G,X,{start:x,end:J()}),X="")}}(e,o)};var c={}.hasOwnProperty,u=String.fromCharCode,d=Function.prototype,p={warning:null,reference:null,text:null,warningContext:null,referenceContext:null,textContext:null,position:{},additional:null,attribute:!1,nonTerminated:!0},m="named",g="hexadecimal",f="decimal",h={};h[g]=16,h[f]=10;var b={};b[m]=s,b[f]=i,b[g]=o;var E={};E[1]="Named character references must be terminated by a semicolon",E[2]="Numeric character references must be terminated by a semicolon",E[3]="Named character references cannot be empty",E[4]="Numeric character references cannot be empty",E[5]="Named character references must be known",E[6]="Numeric character references cannot be disallowed",E[7]="Numeric character references cannot be outside the permissible Unicode range"},31515:function(e,t,n){"use strict";let{DOCUMENT_MODE:r}=n(16152),a="html",i=["+//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//"],o=i.concat(["-//w3c//dtd html 4.01 frameset//","-//w3c//dtd html 4.01 transitional//"]),s=["-//w3o//dtd w3 html strict 3.0//en//","-/w3c/dtd html 4.0 transitional/en","html"],l=["-//w3c//dtd xhtml 1.0 frameset//","-//w3c//dtd xhtml 1.0 transitional//"],c=l.concat(["-//w3c//dtd html 4.01 frameset//","-//w3c//dtd html 4.01 transitional//"]);function u(e){let t=-1!==e.indexOf('"')?"'":'"';return t+e+t}function d(e,t){for(let n=0;n-1)return r.QUIRKS;let e=null===t?o:i;if(d(n,e))return r.QUIRKS;if(d(n,e=null===t?l:c))return r.LIMITED_QUIRKS}return r.NO_QUIRKS},t.serializeContent=function(e,t,n){let r="!DOCTYPE ";return e&&(r+=e),t?r+=" PUBLIC "+u(t):n&&(r+=" SYSTEM"),null!==n&&(r+=" "+u(n)),r}},41734:function(e){"use strict";e.exports={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"}},88779:function(e,t,n){"use strict";let r=n(55763),a=n(16152),i=a.TAG_NAMES,o=a.NAMESPACES,s=a.ATTRS,l={TEXT_HTML:"text/html",APPLICATION_XML:"application/xhtml+xml"},c={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"},u={"xlink:actuate":{prefix:"xlink",name:"actuate",namespace:o.XLINK},"xlink:arcrole":{prefix:"xlink",name:"arcrole",namespace:o.XLINK},"xlink:href":{prefix:"xlink",name:"href",namespace:o.XLINK},"xlink:role":{prefix:"xlink",name:"role",namespace:o.XLINK},"xlink:show":{prefix:"xlink",name:"show",namespace:o.XLINK},"xlink:title":{prefix:"xlink",name:"title",namespace:o.XLINK},"xlink:type":{prefix:"xlink",name:"type",namespace:o.XLINK},"xml:base":{prefix:"xml",name:"base",namespace:o.XML},"xml:lang":{prefix:"xml",name:"lang",namespace:o.XML},"xml:space":{prefix:"xml",name:"space",namespace:o.XML},xmlns:{prefix:"",name:"xmlns",namespace:o.XMLNS},"xmlns:xlink":{prefix:"xmlns",name:"xlink",namespace:o.XMLNS}},d=t.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"},p={[i.B]:!0,[i.BIG]:!0,[i.BLOCKQUOTE]:!0,[i.BODY]:!0,[i.BR]:!0,[i.CENTER]:!0,[i.CODE]:!0,[i.DD]:!0,[i.DIV]:!0,[i.DL]:!0,[i.DT]:!0,[i.EM]:!0,[i.EMBED]:!0,[i.H1]:!0,[i.H2]:!0,[i.H3]:!0,[i.H4]:!0,[i.H5]:!0,[i.H6]:!0,[i.HEAD]:!0,[i.HR]:!0,[i.I]:!0,[i.IMG]:!0,[i.LI]:!0,[i.LISTING]:!0,[i.MENU]:!0,[i.META]:!0,[i.NOBR]:!0,[i.OL]:!0,[i.P]:!0,[i.PRE]:!0,[i.RUBY]:!0,[i.S]:!0,[i.SMALL]:!0,[i.SPAN]:!0,[i.STRONG]:!0,[i.STRIKE]:!0,[i.SUB]:!0,[i.SUP]:!0,[i.TABLE]:!0,[i.TT]:!0,[i.U]:!0,[i.UL]:!0,[i.VAR]:!0};t.causesExit=function(e){let t=e.tagName,n=t===i.FONT&&(null!==r.getTokenAttr(e,s.COLOR)||null!==r.getTokenAttr(e,s.SIZE)||null!==r.getTokenAttr(e,s.FACE));return!!n||p[t]},t.adjustTokenMathMLAttrs=function(e){for(let t=0;t=55296&&e<=57343},t.isSurrogatePair=function(e){return e>=56320&&e<=57343},t.getSurrogatePairCodePoint=function(e,t){return(e-55296)*1024+9216+t},t.isControlCodePoint=function(e){return 32!==e&&10!==e&&13!==e&&9!==e&&12!==e&&e>=1&&e<=31||e>=127&&e<=159},t.isUndefinedCodePoint=function(e){return e>=64976&&e<=65007||n.indexOf(e)>-1}},23843:function(e,t,n){"use strict";let r=n(81704);e.exports=class extends r{constructor(e,t){super(e),this.posTracker=null,this.onParseError=t.onParseError}_setErrorLocation(e){e.startLine=e.endLine=this.posTracker.line,e.startCol=e.endCol=this.posTracker.col,e.startOffset=e.endOffset=this.posTracker.offset}_reportError(e){let t={code:e,startLine:-1,startCol:-1,startOffset:-1,endLine:-1,endCol:-1,endOffset:-1};this._setErrorLocation(t),this.onParseError(t)}_getOverriddenMethods(e){return{_err(t){e._reportError(t)}}}}},22232:function(e,t,n){"use strict";let r=n(23843),a=n(70050),i=n(46110),o=n(81704);e.exports=class extends r{constructor(e,t){super(e,t),this.opts=t,this.ctLoc=null,this.locBeforeToken=!1}_setErrorLocation(e){this.ctLoc&&(e.startLine=this.ctLoc.startLine,e.startCol=this.ctLoc.startCol,e.startOffset=this.ctLoc.startOffset,e.endLine=this.locBeforeToken?this.ctLoc.startLine:this.ctLoc.endLine,e.endCol=this.locBeforeToken?this.ctLoc.startCol:this.ctLoc.endCol,e.endOffset=this.locBeforeToken?this.ctLoc.startOffset:this.ctLoc.endOffset)}_getOverriddenMethods(e,t){return{_bootstrap(n,r){t._bootstrap.call(this,n,r),o.install(this.tokenizer,a,e.opts),o.install(this.tokenizer,i)},_processInputToken(n){e.ctLoc=n.location,t._processInputToken.call(this,n)},_err(t,n){e.locBeforeToken=n&&n.beforeToken,e._reportError(t)}}}}},23288:function(e,t,n){"use strict";let r=n(23843),a=n(57930),i=n(81704);e.exports=class extends r{constructor(e,t){super(e,t),this.posTracker=i.install(e,a),this.lastErrOffset=-1}_reportError(e){this.lastErrOffset!==this.posTracker.offset&&(this.lastErrOffset=this.posTracker.offset,super._reportError(e))}}},70050:function(e,t,n){"use strict";let r=n(23843),a=n(23288),i=n(81704);e.exports=class extends r{constructor(e,t){super(e,t);let n=i.install(e.preprocessor,a,t);this.posTracker=n.posTracker}}},11077:function(e,t,n){"use strict";let r=n(81704);e.exports=class extends r{constructor(e,t){super(e),this.onItemPop=t.onItemPop}_getOverriddenMethods(e,t){return{pop(){e.onItemPop(this.current),t.pop.call(this)},popAllUpToHtmlElement(){for(let t=this.stackTop;t>0;t--)e.onItemPop(this.items[t]);t.popAllUpToHtmlElement.call(this)},remove(n){e.onItemPop(this.current),t.remove.call(this,n)}}}}},452:function(e,t,n){"use strict";let r=n(81704),a=n(55763),i=n(46110),o=n(11077),s=n(16152),l=s.TAG_NAMES;e.exports=class extends r{constructor(e){super(e),this.parser=e,this.treeAdapter=this.parser.treeAdapter,this.posTracker=null,this.lastStartTagToken=null,this.lastFosterParentingLocation=null,this.currentToken=null}_setStartLocation(e){let t=null;this.lastStartTagToken&&((t=Object.assign({},this.lastStartTagToken.location)).startTag=this.lastStartTagToken.location),this.treeAdapter.setNodeSourceCodeLocation(e,t)}_setEndLocation(e,t){let n=this.treeAdapter.getNodeSourceCodeLocation(e);if(n&&t.location){let n=t.location,r=this.treeAdapter.getTagName(e),i=t.type===a.END_TAG_TOKEN&&r===t.tagName,o={};i?(o.endTag=Object.assign({},n),o.endLine=n.endLine,o.endCol=n.endCol,o.endOffset=n.endOffset):(o.endLine=n.startLine,o.endCol=n.startCol,o.endOffset=n.startOffset),this.treeAdapter.updateNodeSourceCodeLocation(e,o)}}_getOverriddenMethods(e,t){return{_bootstrap(n,a){t._bootstrap.call(this,n,a),e.lastStartTagToken=null,e.lastFosterParentingLocation=null,e.currentToken=null;let s=r.install(this.tokenizer,i);e.posTracker=s.posTracker,r.install(this.openElements,o,{onItemPop:function(t){e._setEndLocation(t,e.currentToken)}})},_runParsingLoop(n){t._runParsingLoop.call(this,n);for(let t=this.openElements.stackTop;t>=0;t--)e._setEndLocation(this.openElements.items[t],e.currentToken)},_processTokenInForeignContent(n){e.currentToken=n,t._processTokenInForeignContent.call(this,n)},_processToken(n){e.currentToken=n,t._processToken.call(this,n);let r=n.type===a.END_TAG_TOKEN&&(n.tagName===l.HTML||n.tagName===l.BODY&&this.openElements.hasInScope(l.BODY));if(r)for(let t=this.openElements.stackTop;t>=0;t--){let r=this.openElements.items[t];if(this.treeAdapter.getTagName(r)===n.tagName){e._setEndLocation(r,n);break}}},_setDocumentType(e){t._setDocumentType.call(this,e);let n=this.treeAdapter.getChildNodes(this.document),r=n.length;for(let t=0;t{let i=a.MODE[r];n[i]=function(n){e.ctLoc=e._getCurrentLocation(),t[i].call(this,n)}}),n}}},57930:function(e,t,n){"use strict";let r=n(81704);e.exports=class extends r{constructor(e){super(e),this.preprocessor=e,this.isEol=!1,this.lineStartPos=0,this.droppedBufferSize=0,this.offset=0,this.col=0,this.line=1}_getOverriddenMethods(e,t){return{advance(){let n=this.pos+1,r=this.html[n];return e.isEol&&(e.isEol=!1,e.line++,e.lineStartPos=n),("\n"===r||"\r"===r&&"\n"!==this.html[n+1])&&(e.isEol=!0),e.col=n-e.lineStartPos+1,e.offset=e.droppedBufferSize+n,t.advance.call(this)},retreat(){t.retreat.call(this),e.isEol=!1,e.col=this.pos-e.lineStartPos+1},dropParsedChunk(){let n=this.pos;t.dropParsedChunk.call(this);let r=n-this.pos;e.lineStartPos-=r,e.droppedBufferSize+=r,e.offset=e.droppedBufferSize+this.pos}}}}},12484:function(e){"use strict";class t{constructor(e){this.length=0,this.entries=[],this.treeAdapter=e,this.bookmark=null}_getNoahArkConditionCandidates(e){let n=[];if(this.length>=3){let r=this.treeAdapter.getAttrList(e).length,a=this.treeAdapter.getTagName(e),i=this.treeAdapter.getNamespaceURI(e);for(let e=this.length-1;e>=0;e--){let o=this.entries[e];if(o.type===t.MARKER_ENTRY)break;let s=o.element,l=this.treeAdapter.getAttrList(s),c=this.treeAdapter.getTagName(s)===a&&this.treeAdapter.getNamespaceURI(s)===i&&l.length===r;c&&n.push({idx:e,attrs:l})}}return n.length<3?[]:n}_ensureNoahArkCondition(e){let t=this._getNoahArkConditionCandidates(e),n=t.length;if(n){let r=this.treeAdapter.getAttrList(e),a=r.length,i=Object.create(null);for(let e=0;e=2;e--)this.entries.splice(t[e].idx,1),this.length--}}insertMarker(){this.entries.push({type:t.MARKER_ENTRY}),this.length++}pushElement(e,n){this._ensureNoahArkCondition(e),this.entries.push({type:t.ELEMENT_ENTRY,element:e,token:n}),this.length++}insertElementAfterBookmark(e,n){let r=this.length-1;for(;r>=0&&this.entries[r]!==this.bookmark;r--);this.entries.splice(r+1,0,{type:t.ELEMENT_ENTRY,element:e,token:n}),this.length++}removeEntry(e){for(let t=this.length-1;t>=0;t--)if(this.entries[t]===e){this.entries.splice(t,1),this.length--;break}}clearToLastMarker(){for(;this.length;){let e=this.entries.pop();if(this.length--,e.type===t.MARKER_ENTRY)break}}getElementEntryInScopeWithTagName(e){for(let n=this.length-1;n>=0;n--){let r=this.entries[n];if(r.type===t.MARKER_ENTRY)break;if(this.treeAdapter.getTagName(r.element)===e)return r}return null}getElementEntry(e){for(let n=this.length-1;n>=0;n--){let r=this.entries[n];if(r.type===t.ELEMENT_ENTRY&&r.element===e)return r}return null}}t.MARKER_ENTRY="MARKER_ENTRY",t.ELEMENT_ENTRY="ELEMENT_ENTRY",e.exports=t},7045:function(e,t,n){"use strict";let r=n(55763),a=n(46519),i=n(12484),o=n(452),s=n(22232),l=n(81704),c=n(17296),u=n(8904),d=n(31515),p=n(88779),m=n(41734),g=n(54284),f=n(16152),h=f.TAG_NAMES,b=f.NAMESPACES,E=f.ATTRS,T={scriptingEnabled:!0,sourceCodeLocationInfo:!1,onParseError:null,treeAdapter:c},S="hidden",y="INITIAL_MODE",A="BEFORE_HTML_MODE",_="BEFORE_HEAD_MODE",k="IN_HEAD_MODE",v="IN_HEAD_NO_SCRIPT_MODE",N="AFTER_HEAD_MODE",C="IN_BODY_MODE",R="TEXT_MODE",I="IN_TABLE_MODE",O="IN_TABLE_TEXT_MODE",w="IN_CAPTION_MODE",x="IN_COLUMN_GROUP_MODE",L="IN_TABLE_BODY_MODE",D="IN_ROW_MODE",P="IN_CELL_MODE",M="IN_SELECT_MODE",F="IN_SELECT_IN_TABLE_MODE",U="IN_TEMPLATE_MODE",B="AFTER_BODY_MODE",H="IN_FRAMESET_MODE",G="AFTER_FRAMESET_MODE",z="AFTER_AFTER_BODY_MODE",$="AFTER_AFTER_FRAMESET_MODE",j={[h.TR]:D,[h.TBODY]:L,[h.THEAD]:L,[h.TFOOT]:L,[h.CAPTION]:w,[h.COLGROUP]:x,[h.TABLE]:I,[h.BODY]:C,[h.FRAMESET]:H},V={[h.CAPTION]:I,[h.COLGROUP]:I,[h.TBODY]:I,[h.TFOOT]:I,[h.THEAD]:I,[h.COL]:x,[h.TR]:L,[h.TD]:D,[h.TH]:D},W={[y]:{[r.CHARACTER_TOKEN]:ee,[r.NULL_CHARACTER_TOKEN]:ee,[r.WHITESPACE_CHARACTER_TOKEN]:Z,[r.COMMENT_TOKEN]:q,[r.DOCTYPE_TOKEN]:function(e,t){e._setDocumentType(t);let n=t.forceQuirks?f.DOCUMENT_MODE.QUIRKS:d.getDocumentMode(t);d.isConforming(t)||e._err(m.nonConformingDoctype),e.treeAdapter.setDocumentMode(e.document,n),e.insertionMode=A},[r.START_TAG_TOKEN]:ee,[r.END_TAG_TOKEN]:ee,[r.EOF_TOKEN]:ee},[A]:{[r.CHARACTER_TOKEN]:et,[r.NULL_CHARACTER_TOKEN]:et,[r.WHITESPACE_CHARACTER_TOKEN]:Z,[r.COMMENT_TOKEN]:q,[r.DOCTYPE_TOKEN]:Z,[r.START_TAG_TOKEN]:function(e,t){t.tagName===h.HTML?(e._insertElement(t,b.HTML),e.insertionMode=_):et(e,t)},[r.END_TAG_TOKEN]:function(e,t){let n=t.tagName;(n===h.HTML||n===h.HEAD||n===h.BODY||n===h.BR)&&et(e,t)},[r.EOF_TOKEN]:et},[_]:{[r.CHARACTER_TOKEN]:en,[r.NULL_CHARACTER_TOKEN]:en,[r.WHITESPACE_CHARACTER_TOKEN]:Z,[r.COMMENT_TOKEN]:q,[r.DOCTYPE_TOKEN]:Y,[r.START_TAG_TOKEN]:function(e,t){let n=t.tagName;n===h.HTML?eS(e,t):n===h.HEAD?(e._insertElement(t,b.HTML),e.headElement=e.openElements.current,e.insertionMode=k):en(e,t)},[r.END_TAG_TOKEN]:function(e,t){let n=t.tagName;n===h.HEAD||n===h.BODY||n===h.HTML||n===h.BR?en(e,t):e._err(m.endTagWithoutMatchingOpenElement)},[r.EOF_TOKEN]:en},[k]:{[r.CHARACTER_TOKEN]:ei,[r.NULL_CHARACTER_TOKEN]:ei,[r.WHITESPACE_CHARACTER_TOKEN]:Q,[r.COMMENT_TOKEN]:q,[r.DOCTYPE_TOKEN]:Y,[r.START_TAG_TOKEN]:er,[r.END_TAG_TOKEN]:ea,[r.EOF_TOKEN]:ei},[v]:{[r.CHARACTER_TOKEN]:eo,[r.NULL_CHARACTER_TOKEN]:eo,[r.WHITESPACE_CHARACTER_TOKEN]:Q,[r.COMMENT_TOKEN]:q,[r.DOCTYPE_TOKEN]:Y,[r.START_TAG_TOKEN]:function(e,t){let n=t.tagName;n===h.HTML?eS(e,t):n===h.BASEFONT||n===h.BGSOUND||n===h.HEAD||n===h.LINK||n===h.META||n===h.NOFRAMES||n===h.STYLE?er(e,t):n===h.NOSCRIPT?e._err(m.nestedNoscriptInHead):eo(e,t)},[r.END_TAG_TOKEN]:function(e,t){let n=t.tagName;n===h.NOSCRIPT?(e.openElements.pop(),e.insertionMode=k):n===h.BR?eo(e,t):e._err(m.endTagWithoutMatchingOpenElement)},[r.EOF_TOKEN]:eo},[N]:{[r.CHARACTER_TOKEN]:es,[r.NULL_CHARACTER_TOKEN]:es,[r.WHITESPACE_CHARACTER_TOKEN]:Q,[r.COMMENT_TOKEN]:q,[r.DOCTYPE_TOKEN]:Y,[r.START_TAG_TOKEN]:function(e,t){let n=t.tagName;n===h.HTML?eS(e,t):n===h.BODY?(e._insertElement(t,b.HTML),e.framesetOk=!1,e.insertionMode=C):n===h.FRAMESET?(e._insertElement(t,b.HTML),e.insertionMode=H):n===h.BASE||n===h.BASEFONT||n===h.BGSOUND||n===h.LINK||n===h.META||n===h.NOFRAMES||n===h.SCRIPT||n===h.STYLE||n===h.TEMPLATE||n===h.TITLE?(e._err(m.abandonedHeadElementChild),e.openElements.push(e.headElement),er(e,t),e.openElements.remove(e.headElement)):n===h.HEAD?e._err(m.misplacedStartTagForHeadElement):es(e,t)},[r.END_TAG_TOKEN]:function(e,t){let n=t.tagName;n===h.BODY||n===h.HTML||n===h.BR?es(e,t):n===h.TEMPLATE?ea(e,t):e._err(m.endTagWithoutMatchingOpenElement)},[r.EOF_TOKEN]:es},[C]:{[r.CHARACTER_TOKEN]:ec,[r.NULL_CHARACTER_TOKEN]:Z,[r.WHITESPACE_CHARACTER_TOKEN]:el,[r.COMMENT_TOKEN]:q,[r.DOCTYPE_TOKEN]:Z,[r.START_TAG_TOKEN]:eS,[r.END_TAG_TOKEN]:ek,[r.EOF_TOKEN]:ev},[R]:{[r.CHARACTER_TOKEN]:Q,[r.NULL_CHARACTER_TOKEN]:Q,[r.WHITESPACE_CHARACTER_TOKEN]:Q,[r.COMMENT_TOKEN]:Z,[r.DOCTYPE_TOKEN]:Z,[r.START_TAG_TOKEN]:Z,[r.END_TAG_TOKEN]:function(e,t){t.tagName===h.SCRIPT&&(e.pendingScript=e.openElements.current),e.openElements.pop(),e.insertionMode=e.originalInsertionMode},[r.EOF_TOKEN]:function(e,t){e._err(m.eofInElementThatCanContainOnlyText),e.openElements.pop(),e.insertionMode=e.originalInsertionMode,e._processToken(t)}},[I]:{[r.CHARACTER_TOKEN]:eN,[r.NULL_CHARACTER_TOKEN]:eN,[r.WHITESPACE_CHARACTER_TOKEN]:eN,[r.COMMENT_TOKEN]:q,[r.DOCTYPE_TOKEN]:Z,[r.START_TAG_TOKEN]:eC,[r.END_TAG_TOKEN]:eR,[r.EOF_TOKEN]:ev},[O]:{[r.CHARACTER_TOKEN]:function(e,t){e.pendingCharacterTokens.push(t),e.hasNonWhitespacePendingCharacterToken=!0},[r.NULL_CHARACTER_TOKEN]:Z,[r.WHITESPACE_CHARACTER_TOKEN]:function(e,t){e.pendingCharacterTokens.push(t)},[r.COMMENT_TOKEN]:eO,[r.DOCTYPE_TOKEN]:eO,[r.START_TAG_TOKEN]:eO,[r.END_TAG_TOKEN]:eO,[r.EOF_TOKEN]:eO},[w]:{[r.CHARACTER_TOKEN]:ec,[r.NULL_CHARACTER_TOKEN]:Z,[r.WHITESPACE_CHARACTER_TOKEN]:el,[r.COMMENT_TOKEN]:q,[r.DOCTYPE_TOKEN]:Z,[r.START_TAG_TOKEN]:function(e,t){let n=t.tagName;n===h.CAPTION||n===h.COL||n===h.COLGROUP||n===h.TBODY||n===h.TD||n===h.TFOOT||n===h.TH||n===h.THEAD||n===h.TR?e.openElements.hasInTableScope(h.CAPTION)&&(e.openElements.generateImpliedEndTags(),e.openElements.popUntilTagNamePopped(h.CAPTION),e.activeFormattingElements.clearToLastMarker(),e.insertionMode=I,e._processToken(t)):eS(e,t)},[r.END_TAG_TOKEN]:function(e,t){let n=t.tagName;n===h.CAPTION||n===h.TABLE?e.openElements.hasInTableScope(h.CAPTION)&&(e.openElements.generateImpliedEndTags(),e.openElements.popUntilTagNamePopped(h.CAPTION),e.activeFormattingElements.clearToLastMarker(),e.insertionMode=I,n===h.TABLE&&e._processToken(t)):n!==h.BODY&&n!==h.COL&&n!==h.COLGROUP&&n!==h.HTML&&n!==h.TBODY&&n!==h.TD&&n!==h.TFOOT&&n!==h.TH&&n!==h.THEAD&&n!==h.TR&&ek(e,t)},[r.EOF_TOKEN]:ev},[x]:{[r.CHARACTER_TOKEN]:ew,[r.NULL_CHARACTER_TOKEN]:ew,[r.WHITESPACE_CHARACTER_TOKEN]:Q,[r.COMMENT_TOKEN]:q,[r.DOCTYPE_TOKEN]:Z,[r.START_TAG_TOKEN]:function(e,t){let n=t.tagName;n===h.HTML?eS(e,t):n===h.COL?(e._appendElement(t,b.HTML),t.ackSelfClosing=!0):n===h.TEMPLATE?er(e,t):ew(e,t)},[r.END_TAG_TOKEN]:function(e,t){let n=t.tagName;n===h.COLGROUP?e.openElements.currentTagName===h.COLGROUP&&(e.openElements.pop(),e.insertionMode=I):n===h.TEMPLATE?ea(e,t):n!==h.COL&&ew(e,t)},[r.EOF_TOKEN]:ev},[L]:{[r.CHARACTER_TOKEN]:eN,[r.NULL_CHARACTER_TOKEN]:eN,[r.WHITESPACE_CHARACTER_TOKEN]:eN,[r.COMMENT_TOKEN]:q,[r.DOCTYPE_TOKEN]:Z,[r.START_TAG_TOKEN]:function(e,t){let n=t.tagName;n===h.TR?(e.openElements.clearBackToTableBodyContext(),e._insertElement(t,b.HTML),e.insertionMode=D):n===h.TH||n===h.TD?(e.openElements.clearBackToTableBodyContext(),e._insertFakeElement(h.TR),e.insertionMode=D,e._processToken(t)):n===h.CAPTION||n===h.COL||n===h.COLGROUP||n===h.TBODY||n===h.TFOOT||n===h.THEAD?e.openElements.hasTableBodyContextInTableScope()&&(e.openElements.clearBackToTableBodyContext(),e.openElements.pop(),e.insertionMode=I,e._processToken(t)):eC(e,t)},[r.END_TAG_TOKEN]:function(e,t){let n=t.tagName;n===h.TBODY||n===h.TFOOT||n===h.THEAD?e.openElements.hasInTableScope(n)&&(e.openElements.clearBackToTableBodyContext(),e.openElements.pop(),e.insertionMode=I):n===h.TABLE?e.openElements.hasTableBodyContextInTableScope()&&(e.openElements.clearBackToTableBodyContext(),e.openElements.pop(),e.insertionMode=I,e._processToken(t)):(n!==h.BODY&&n!==h.CAPTION&&n!==h.COL&&n!==h.COLGROUP||n!==h.HTML&&n!==h.TD&&n!==h.TH&&n!==h.TR)&&eR(e,t)},[r.EOF_TOKEN]:ev},[D]:{[r.CHARACTER_TOKEN]:eN,[r.NULL_CHARACTER_TOKEN]:eN,[r.WHITESPACE_CHARACTER_TOKEN]:eN,[r.COMMENT_TOKEN]:q,[r.DOCTYPE_TOKEN]:Z,[r.START_TAG_TOKEN]:function(e,t){let n=t.tagName;n===h.TH||n===h.TD?(e.openElements.clearBackToTableRowContext(),e._insertElement(t,b.HTML),e.insertionMode=P,e.activeFormattingElements.insertMarker()):n===h.CAPTION||n===h.COL||n===h.COLGROUP||n===h.TBODY||n===h.TFOOT||n===h.THEAD||n===h.TR?e.openElements.hasInTableScope(h.TR)&&(e.openElements.clearBackToTableRowContext(),e.openElements.pop(),e.insertionMode=L,e._processToken(t)):eC(e,t)},[r.END_TAG_TOKEN]:function(e,t){let n=t.tagName;n===h.TR?e.openElements.hasInTableScope(h.TR)&&(e.openElements.clearBackToTableRowContext(),e.openElements.pop(),e.insertionMode=L):n===h.TABLE?e.openElements.hasInTableScope(h.TR)&&(e.openElements.clearBackToTableRowContext(),e.openElements.pop(),e.insertionMode=L,e._processToken(t)):n===h.TBODY||n===h.TFOOT||n===h.THEAD?(e.openElements.hasInTableScope(n)||e.openElements.hasInTableScope(h.TR))&&(e.openElements.clearBackToTableRowContext(),e.openElements.pop(),e.insertionMode=L,e._processToken(t)):(n!==h.BODY&&n!==h.CAPTION&&n!==h.COL&&n!==h.COLGROUP||n!==h.HTML&&n!==h.TD&&n!==h.TH)&&eR(e,t)},[r.EOF_TOKEN]:ev},[P]:{[r.CHARACTER_TOKEN]:ec,[r.NULL_CHARACTER_TOKEN]:Z,[r.WHITESPACE_CHARACTER_TOKEN]:el,[r.COMMENT_TOKEN]:q,[r.DOCTYPE_TOKEN]:Z,[r.START_TAG_TOKEN]:function(e,t){let n=t.tagName;n===h.CAPTION||n===h.COL||n===h.COLGROUP||n===h.TBODY||n===h.TD||n===h.TFOOT||n===h.TH||n===h.THEAD||n===h.TR?(e.openElements.hasInTableScope(h.TD)||e.openElements.hasInTableScope(h.TH))&&(e._closeTableCell(),e._processToken(t)):eS(e,t)},[r.END_TAG_TOKEN]:function(e,t){let n=t.tagName;n===h.TD||n===h.TH?e.openElements.hasInTableScope(n)&&(e.openElements.generateImpliedEndTags(),e.openElements.popUntilTagNamePopped(n),e.activeFormattingElements.clearToLastMarker(),e.insertionMode=D):n===h.TABLE||n===h.TBODY||n===h.TFOOT||n===h.THEAD||n===h.TR?e.openElements.hasInTableScope(n)&&(e._closeTableCell(),e._processToken(t)):n!==h.BODY&&n!==h.CAPTION&&n!==h.COL&&n!==h.COLGROUP&&n!==h.HTML&&ek(e,t)},[r.EOF_TOKEN]:ev},[M]:{[r.CHARACTER_TOKEN]:Q,[r.NULL_CHARACTER_TOKEN]:Z,[r.WHITESPACE_CHARACTER_TOKEN]:Q,[r.COMMENT_TOKEN]:q,[r.DOCTYPE_TOKEN]:Z,[r.START_TAG_TOKEN]:ex,[r.END_TAG_TOKEN]:eL,[r.EOF_TOKEN]:ev},[F]:{[r.CHARACTER_TOKEN]:Q,[r.NULL_CHARACTER_TOKEN]:Z,[r.WHITESPACE_CHARACTER_TOKEN]:Q,[r.COMMENT_TOKEN]:q,[r.DOCTYPE_TOKEN]:Z,[r.START_TAG_TOKEN]:function(e,t){let n=t.tagName;n===h.CAPTION||n===h.TABLE||n===h.TBODY||n===h.TFOOT||n===h.THEAD||n===h.TR||n===h.TD||n===h.TH?(e.openElements.popUntilTagNamePopped(h.SELECT),e._resetInsertionMode(),e._processToken(t)):ex(e,t)},[r.END_TAG_TOKEN]:function(e,t){let n=t.tagName;n===h.CAPTION||n===h.TABLE||n===h.TBODY||n===h.TFOOT||n===h.THEAD||n===h.TR||n===h.TD||n===h.TH?e.openElements.hasInTableScope(n)&&(e.openElements.popUntilTagNamePopped(h.SELECT),e._resetInsertionMode(),e._processToken(t)):eL(e,t)},[r.EOF_TOKEN]:ev},[U]:{[r.CHARACTER_TOKEN]:ec,[r.NULL_CHARACTER_TOKEN]:Z,[r.WHITESPACE_CHARACTER_TOKEN]:el,[r.COMMENT_TOKEN]:q,[r.DOCTYPE_TOKEN]:Z,[r.START_TAG_TOKEN]:function(e,t){let n=t.tagName;if(n===h.BASE||n===h.BASEFONT||n===h.BGSOUND||n===h.LINK||n===h.META||n===h.NOFRAMES||n===h.SCRIPT||n===h.STYLE||n===h.TEMPLATE||n===h.TITLE)er(e,t);else{let r=V[n]||C;e._popTmplInsertionMode(),e._pushTmplInsertionMode(r),e.insertionMode=r,e._processToken(t)}},[r.END_TAG_TOKEN]:function(e,t){t.tagName===h.TEMPLATE&&ea(e,t)},[r.EOF_TOKEN]:eD},[B]:{[r.CHARACTER_TOKEN]:eP,[r.NULL_CHARACTER_TOKEN]:eP,[r.WHITESPACE_CHARACTER_TOKEN]:el,[r.COMMENT_TOKEN]:function(e,t){e._appendCommentNode(t,e.openElements.items[0])},[r.DOCTYPE_TOKEN]:Z,[r.START_TAG_TOKEN]:function(e,t){t.tagName===h.HTML?eS(e,t):eP(e,t)},[r.END_TAG_TOKEN]:function(e,t){t.tagName===h.HTML?e.fragmentContext||(e.insertionMode=z):eP(e,t)},[r.EOF_TOKEN]:J},[H]:{[r.CHARACTER_TOKEN]:Z,[r.NULL_CHARACTER_TOKEN]:Z,[r.WHITESPACE_CHARACTER_TOKEN]:Q,[r.COMMENT_TOKEN]:q,[r.DOCTYPE_TOKEN]:Z,[r.START_TAG_TOKEN]:function(e,t){let n=t.tagName;n===h.HTML?eS(e,t):n===h.FRAMESET?e._insertElement(t,b.HTML):n===h.FRAME?(e._appendElement(t,b.HTML),t.ackSelfClosing=!0):n===h.NOFRAMES&&er(e,t)},[r.END_TAG_TOKEN]:function(e,t){t.tagName!==h.FRAMESET||e.openElements.isRootHtmlElementCurrent()||(e.openElements.pop(),e.fragmentContext||e.openElements.currentTagName===h.FRAMESET||(e.insertionMode=G))},[r.EOF_TOKEN]:J},[G]:{[r.CHARACTER_TOKEN]:Z,[r.NULL_CHARACTER_TOKEN]:Z,[r.WHITESPACE_CHARACTER_TOKEN]:Q,[r.COMMENT_TOKEN]:q,[r.DOCTYPE_TOKEN]:Z,[r.START_TAG_TOKEN]:function(e,t){let n=t.tagName;n===h.HTML?eS(e,t):n===h.NOFRAMES&&er(e,t)},[r.END_TAG_TOKEN]:function(e,t){t.tagName===h.HTML&&(e.insertionMode=$)},[r.EOF_TOKEN]:J},[z]:{[r.CHARACTER_TOKEN]:eM,[r.NULL_CHARACTER_TOKEN]:eM,[r.WHITESPACE_CHARACTER_TOKEN]:el,[r.COMMENT_TOKEN]:X,[r.DOCTYPE_TOKEN]:Z,[r.START_TAG_TOKEN]:function(e,t){t.tagName===h.HTML?eS(e,t):eM(e,t)},[r.END_TAG_TOKEN]:eM,[r.EOF_TOKEN]:J},[$]:{[r.CHARACTER_TOKEN]:Z,[r.NULL_CHARACTER_TOKEN]:Z,[r.WHITESPACE_CHARACTER_TOKEN]:el,[r.COMMENT_TOKEN]:X,[r.DOCTYPE_TOKEN]:Z,[r.START_TAG_TOKEN]:function(e,t){let n=t.tagName;n===h.HTML?eS(e,t):n===h.NOFRAMES&&er(e,t)},[r.END_TAG_TOKEN]:Z,[r.EOF_TOKEN]:J}};function K(e,t){let n,r;for(let a=0;a<8&&((r=e.activeFormattingElements.getElementEntryInScopeWithTagName(t.tagName))?e.openElements.contains(r.element)?e.openElements.hasInScope(t.tagName)||(r=null):(e.activeFormattingElements.removeEntry(r),r=null):e_(e,t),n=r);a++){let t=function(e,t){let n=null;for(let r=e.openElements.stackTop;r>=0;r--){let a=e.openElements.items[r];if(a===t.element)break;e._isSpecialElement(a)&&(n=a)}return n||(e.openElements.popUntilElementPopped(t.element),e.activeFormattingElements.removeEntry(t)),n}(e,n);if(!t)break;e.activeFormattingElements.bookmark=n;let r=function(e,t,n){let r=t,a=e.openElements.getCommonAncestor(t);for(let i=0,o=a;o!==n;i++,o=a){a=e.openElements.getCommonAncestor(o);let n=e.activeFormattingElements.getElementEntry(o),s=n&&i>=3,l=!n||s;l?(s&&e.activeFormattingElements.removeEntry(n),e.openElements.remove(o)):(o=function(e,t){let 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}(e,n),r===t&&(e.activeFormattingElements.bookmark=n),e.treeAdapter.detachNode(r),e.treeAdapter.appendChild(o,r),r=o)}return r}(e,t,n.element),a=e.openElements.getCommonAncestor(n.element);e.treeAdapter.detachNode(r),function(e,t,n){if(e._isElementCausesFosterParenting(t))e._fosterParentElement(n);else{let r=e.treeAdapter.getTagName(t),a=e.treeAdapter.getNamespaceURI(t);r===h.TEMPLATE&&a===b.HTML&&(t=e.treeAdapter.getTemplateContent(t)),e.treeAdapter.appendChild(t,n)}}(e,a,r),function(e,t,n){let r=e.treeAdapter.getNamespaceURI(n.element),a=n.token,i=e.treeAdapter.createElement(a.tagName,r,a.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)}(e,t,n)}}function Z(){}function Y(e){e._err(m.misplacedDoctype)}function q(e,t){e._appendCommentNode(t,e.openElements.currentTmplContent||e.openElements.current)}function X(e,t){e._appendCommentNode(t,e.document)}function Q(e,t){e._insertCharacters(t)}function J(e){e.stopped=!0}function ee(e,t){e._err(m.missingDoctype,{beforeToken:!0}),e.treeAdapter.setDocumentMode(e.document,f.DOCUMENT_MODE.QUIRKS),e.insertionMode=A,e._processToken(t)}function et(e,t){e._insertFakeRootElement(),e.insertionMode=_,e._processToken(t)}function en(e,t){e._insertFakeElement(h.HEAD),e.headElement=e.openElements.current,e.insertionMode=k,e._processToken(t)}function er(e,t){let n=t.tagName;n===h.HTML?eS(e,t):n===h.BASE||n===h.BASEFONT||n===h.BGSOUND||n===h.LINK||n===h.META?(e._appendElement(t,b.HTML),t.ackSelfClosing=!0):n===h.TITLE?e._switchToTextParsing(t,r.MODE.RCDATA):n===h.NOSCRIPT?e.options.scriptingEnabled?e._switchToTextParsing(t,r.MODE.RAWTEXT):(e._insertElement(t,b.HTML),e.insertionMode=v):n===h.NOFRAMES||n===h.STYLE?e._switchToTextParsing(t,r.MODE.RAWTEXT):n===h.SCRIPT?e._switchToTextParsing(t,r.MODE.SCRIPT_DATA):n===h.TEMPLATE?(e._insertTemplate(t,b.HTML),e.activeFormattingElements.insertMarker(),e.framesetOk=!1,e.insertionMode=U,e._pushTmplInsertionMode(U)):n===h.HEAD?e._err(m.misplacedStartTagForHeadElement):ei(e,t)}function ea(e,t){let n=t.tagName;n===h.HEAD?(e.openElements.pop(),e.insertionMode=N):n===h.BODY||n===h.BR||n===h.HTML?ei(e,t):n===h.TEMPLATE&&e.openElements.tmplCount>0?(e.openElements.generateImpliedEndTagsThoroughly(),e.openElements.currentTagName!==h.TEMPLATE&&e._err(m.closingOfElementWithOpenChildElements),e.openElements.popUntilTagNamePopped(h.TEMPLATE),e.activeFormattingElements.clearToLastMarker(),e._popTmplInsertionMode(),e._resetInsertionMode()):e._err(m.endTagWithoutMatchingOpenElement)}function ei(e,t){e.openElements.pop(),e.insertionMode=N,e._processToken(t)}function eo(e,t){let n=t.type===r.EOF_TOKEN?m.openElementsLeftAfterEof:m.disallowedContentInNoscriptInHead;e._err(n),e.openElements.pop(),e.insertionMode=k,e._processToken(t)}function es(e,t){e._insertFakeElement(h.BODY),e.insertionMode=C,e._processToken(t)}function el(e,t){e._reconstructActiveFormattingElements(),e._insertCharacters(t)}function ec(e,t){e._reconstructActiveFormattingElements(),e._insertCharacters(t),e.framesetOk=!1}function eu(e,t){e.openElements.hasInButtonScope(h.P)&&e._closePElement(),e._insertElement(t,b.HTML)}function ed(e,t){e.openElements.hasInButtonScope(h.P)&&e._closePElement(),e._insertElement(t,b.HTML),e.skipNextNewLine=!0,e.framesetOk=!1}function ep(e,t){e._reconstructActiveFormattingElements(),e._insertElement(t,b.HTML),e.activeFormattingElements.pushElement(e.openElements.current,t)}function em(e,t){e._reconstructActiveFormattingElements(),e._insertElement(t,b.HTML),e.activeFormattingElements.insertMarker(),e.framesetOk=!1}function eg(e,t){e._reconstructActiveFormattingElements(),e._appendElement(t,b.HTML),e.framesetOk=!1,t.ackSelfClosing=!0}function ef(e,t){e._appendElement(t,b.HTML),t.ackSelfClosing=!0}function eh(e,t){e._switchToTextParsing(t,r.MODE.RAWTEXT)}function eb(e,t){e.openElements.currentTagName===h.OPTION&&e.openElements.pop(),e._reconstructActiveFormattingElements(),e._insertElement(t,b.HTML)}function eE(e,t){e.openElements.hasInScope(h.RUBY)&&e.openElements.generateImpliedEndTags(),e._insertElement(t,b.HTML)}function eT(e,t){e._reconstructActiveFormattingElements(),e._insertElement(t,b.HTML)}function eS(e,t){let n=t.tagName;switch(n.length){case 1:n===h.I||n===h.S||n===h.B||n===h.U?ep(e,t):n===h.P?eu(e,t):n===h.A?function(e,t){let n=e.activeFormattingElements.getElementEntryInScopeWithTagName(h.A);n&&(K(e,t),e.openElements.remove(n.element),e.activeFormattingElements.removeEntry(n)),e._reconstructActiveFormattingElements(),e._insertElement(t,b.HTML),e.activeFormattingElements.pushElement(e.openElements.current,t)}(e,t):eT(e,t);break;case 2:n===h.DL||n===h.OL||n===h.UL?eu(e,t):n===h.H1||n===h.H2||n===h.H3||n===h.H4||n===h.H5||n===h.H6?function(e,t){e.openElements.hasInButtonScope(h.P)&&e._closePElement();let n=e.openElements.currentTagName;(n===h.H1||n===h.H2||n===h.H3||n===h.H4||n===h.H5||n===h.H6)&&e.openElements.pop(),e._insertElement(t,b.HTML)}(e,t):n===h.LI||n===h.DD||n===h.DT?function(e,t){e.framesetOk=!1;let n=t.tagName;for(let t=e.openElements.stackTop;t>=0;t--){let r=e.openElements.items[t],a=e.treeAdapter.getTagName(r),i=null;if(n===h.LI&&a===h.LI?i=h.LI:(n===h.DD||n===h.DT)&&(a===h.DD||a===h.DT)&&(i=a),i){e.openElements.generateImpliedEndTagsWithExclusion(i),e.openElements.popUntilTagNamePopped(i);break}if(a!==h.ADDRESS&&a!==h.DIV&&a!==h.P&&e._isSpecialElement(r))break}e.openElements.hasInButtonScope(h.P)&&e._closePElement(),e._insertElement(t,b.HTML)}(e,t):n===h.EM||n===h.TT?ep(e,t):n===h.BR?eg(e,t):n===h.HR?(e.openElements.hasInButtonScope(h.P)&&e._closePElement(),e._appendElement(t,b.HTML),e.framesetOk=!1,t.ackSelfClosing=!0):n===h.RB?eE(e,t):n===h.RT||n===h.RP?(e.openElements.hasInScope(h.RUBY)&&e.openElements.generateImpliedEndTagsWithExclusion(h.RTC),e._insertElement(t,b.HTML)):n!==h.TH&&n!==h.TD&&n!==h.TR&&eT(e,t);break;case 3:n===h.DIV||n===h.DIR||n===h.NAV?eu(e,t):n===h.PRE?ed(e,t):n===h.BIG?ep(e,t):n===h.IMG||n===h.WBR?eg(e,t):n===h.XMP?(e.openElements.hasInButtonScope(h.P)&&e._closePElement(),e._reconstructActiveFormattingElements(),e.framesetOk=!1,e._switchToTextParsing(t,r.MODE.RAWTEXT)):n===h.SVG?(e._reconstructActiveFormattingElements(),p.adjustTokenSVGAttrs(t),p.adjustTokenXMLAttrs(t),t.selfClosing?e._appendElement(t,b.SVG):e._insertElement(t,b.SVG),t.ackSelfClosing=!0):n===h.RTC?eE(e,t):n!==h.COL&&eT(e,t);break;case 4:n===h.HTML?0===e.openElements.tmplCount&&e.treeAdapter.adoptAttributes(e.openElements.items[0],t.attrs):n===h.BASE||n===h.LINK||n===h.META?er(e,t):n===h.BODY?function(e,t){let n=e.openElements.tryPeekProperlyNestedBodyElement();n&&0===e.openElements.tmplCount&&(e.framesetOk=!1,e.treeAdapter.adoptAttributes(n,t.attrs))}(e,t):n===h.MAIN||n===h.MENU?eu(e,t):n===h.FORM?function(e,t){let n=e.openElements.tmplCount>0;e.formElement&&!n||(e.openElements.hasInButtonScope(h.P)&&e._closePElement(),e._insertElement(t,b.HTML),n||(e.formElement=e.openElements.current))}(e,t):n===h.CODE||n===h.FONT?ep(e,t):n===h.NOBR?(e._reconstructActiveFormattingElements(),e.openElements.hasInScope(h.NOBR)&&(K(e,t),e._reconstructActiveFormattingElements()),e._insertElement(t,b.HTML),e.activeFormattingElements.pushElement(e.openElements.current,t)):n===h.AREA?eg(e,t):n===h.MATH?(e._reconstructActiveFormattingElements(),p.adjustTokenMathMLAttrs(t),p.adjustTokenXMLAttrs(t),t.selfClosing?e._appendElement(t,b.MATHML):e._insertElement(t,b.MATHML),t.ackSelfClosing=!0):n===h.MENU?(e.openElements.hasInButtonScope(h.P)&&e._closePElement(),e._insertElement(t,b.HTML)):n!==h.HEAD&&eT(e,t);break;case 5:n===h.STYLE||n===h.TITLE?er(e,t):n===h.ASIDE?eu(e,t):n===h.SMALL?ep(e,t):n===h.TABLE?(e.treeAdapter.getDocumentMode(e.document)!==f.DOCUMENT_MODE.QUIRKS&&e.openElements.hasInButtonScope(h.P)&&e._closePElement(),e._insertElement(t,b.HTML),e.framesetOk=!1,e.insertionMode=I):n===h.EMBED?eg(e,t):n===h.INPUT?function(e,t){e._reconstructActiveFormattingElements(),e._appendElement(t,b.HTML);let n=r.getTokenAttr(t,E.TYPE);n&&n.toLowerCase()===S||(e.framesetOk=!1),t.ackSelfClosing=!0}(e,t):n===h.PARAM||n===h.TRACK?ef(e,t):n===h.IMAGE?(t.tagName=h.IMG,eg(e,t)):n!==h.FRAME&&n!==h.TBODY&&n!==h.TFOOT&&n!==h.THEAD&&eT(e,t);break;case 6:n===h.SCRIPT?er(e,t):n===h.CENTER||n===h.FIGURE||n===h.FOOTER||n===h.HEADER||n===h.HGROUP||n===h.DIALOG?eu(e,t):n===h.BUTTON?(e.openElements.hasInScope(h.BUTTON)&&(e.openElements.generateImpliedEndTags(),e.openElements.popUntilTagNamePopped(h.BUTTON)),e._reconstructActiveFormattingElements(),e._insertElement(t,b.HTML),e.framesetOk=!1):n===h.STRIKE||n===h.STRONG?ep(e,t):n===h.APPLET||n===h.OBJECT?em(e,t):n===h.KEYGEN?eg(e,t):n===h.SOURCE?ef(e,t):n===h.IFRAME?(e.framesetOk=!1,e._switchToTextParsing(t,r.MODE.RAWTEXT)):n===h.SELECT?(e._reconstructActiveFormattingElements(),e._insertElement(t,b.HTML),e.framesetOk=!1,e.insertionMode===I||e.insertionMode===w||e.insertionMode===L||e.insertionMode===D||e.insertionMode===P?e.insertionMode=F:e.insertionMode=M):n===h.OPTION?eb(e,t):eT(e,t);break;case 7:n===h.BGSOUND?er(e,t):n===h.DETAILS||n===h.ADDRESS||n===h.ARTICLE||n===h.SECTION||n===h.SUMMARY?eu(e,t):n===h.LISTING?ed(e,t):n===h.MARQUEE?em(e,t):n===h.NOEMBED?eh(e,t):n!==h.CAPTION&&eT(e,t);break;case 8:n===h.BASEFONT?er(e,t):n===h.FRAMESET?function(e,t){let n=e.openElements.tryPeekProperlyNestedBodyElement();e.framesetOk&&n&&(e.treeAdapter.detachNode(n),e.openElements.popAllUpToHtmlElement(),e._insertElement(t,b.HTML),e.insertionMode=H)}(e,t):n===h.FIELDSET?eu(e,t):n===h.TEXTAREA?(e._insertElement(t,b.HTML),e.skipNextNewLine=!0,e.tokenizer.state=r.MODE.RCDATA,e.originalInsertionMode=e.insertionMode,e.framesetOk=!1,e.insertionMode=R):n===h.TEMPLATE?er(e,t):n===h.NOSCRIPT?e.options.scriptingEnabled?eh(e,t):eT(e,t):n===h.OPTGROUP?eb(e,t):n!==h.COLGROUP&&eT(e,t);break;case 9:n===h.PLAINTEXT?(e.openElements.hasInButtonScope(h.P)&&e._closePElement(),e._insertElement(t,b.HTML),e.tokenizer.state=r.MODE.PLAINTEXT):eT(e,t);break;case 10:n===h.BLOCKQUOTE||n===h.FIGCAPTION?eu(e,t):eT(e,t);break;default:eT(e,t)}}function ey(e,t){let n=t.tagName;e.openElements.hasInScope(n)&&(e.openElements.generateImpliedEndTags(),e.openElements.popUntilTagNamePopped(n))}function eA(e,t){let n=t.tagName;e.openElements.hasInScope(n)&&(e.openElements.generateImpliedEndTags(),e.openElements.popUntilTagNamePopped(n),e.activeFormattingElements.clearToLastMarker())}function e_(e,t){let n=t.tagName;for(let t=e.openElements.stackTop;t>0;t--){let r=e.openElements.items[t];if(e.treeAdapter.getTagName(r)===n){e.openElements.generateImpliedEndTagsWithExclusion(n),e.openElements.popUntilElementPopped(r);break}if(e._isSpecialElement(r))break}}function ek(e,t){let n=t.tagName;switch(n.length){case 1:n===h.A||n===h.B||n===h.I||n===h.S||n===h.U?K(e,t):n===h.P?(e.openElements.hasInButtonScope(h.P)||e._insertFakeElement(h.P),e._closePElement()):e_(e,t);break;case 2:n===h.DL||n===h.UL||n===h.OL?ey(e,t):n===h.LI?e.openElements.hasInListItemScope(h.LI)&&(e.openElements.generateImpliedEndTagsWithExclusion(h.LI),e.openElements.popUntilTagNamePopped(h.LI)):n===h.DD||n===h.DT?function(e,t){let n=t.tagName;e.openElements.hasInScope(n)&&(e.openElements.generateImpliedEndTagsWithExclusion(n),e.openElements.popUntilTagNamePopped(n))}(e,t):n===h.H1||n===h.H2||n===h.H3||n===h.H4||n===h.H5||n===h.H6?e.openElements.hasNumberedHeaderInScope()&&(e.openElements.generateImpliedEndTags(),e.openElements.popUntilNumberedHeaderPopped()):n===h.BR?(e._reconstructActiveFormattingElements(),e._insertFakeElement(h.BR),e.openElements.pop(),e.framesetOk=!1):n===h.EM||n===h.TT?K(e,t):e_(e,t);break;case 3:n===h.BIG?K(e,t):n===h.DIR||n===h.DIV||n===h.NAV||n===h.PRE?ey(e,t):e_(e,t);break;case 4:n===h.BODY?e.openElements.hasInScope(h.BODY)&&(e.insertionMode=B):n===h.HTML?e.openElements.hasInScope(h.BODY)&&(e.insertionMode=B,e._processToken(t)):n===h.FORM?function(e){let t=e.openElements.tmplCount>0,n=e.formElement;t||(e.formElement=null),(n||t)&&e.openElements.hasInScope(h.FORM)&&(e.openElements.generateImpliedEndTags(),t?e.openElements.popUntilTagNamePopped(h.FORM):e.openElements.remove(n))}(e,t):n===h.CODE||n===h.FONT||n===h.NOBR?K(e,t):n===h.MAIN||n===h.MENU?ey(e,t):e_(e,t);break;case 5:n===h.ASIDE?ey(e,t):n===h.SMALL?K(e,t):e_(e,t);break;case 6:n===h.CENTER||n===h.FIGURE||n===h.FOOTER||n===h.HEADER||n===h.HGROUP||n===h.DIALOG?ey(e,t):n===h.APPLET||n===h.OBJECT?eA(e,t):n===h.STRIKE||n===h.STRONG?K(e,t):e_(e,t);break;case 7:n===h.ADDRESS||n===h.ARTICLE||n===h.DETAILS||n===h.SECTION||n===h.SUMMARY||n===h.LISTING?ey(e,t):n===h.MARQUEE?eA(e,t):e_(e,t);break;case 8:n===h.FIELDSET?ey(e,t):n===h.TEMPLATE?ea(e,t):e_(e,t);break;case 10:n===h.BLOCKQUOTE||n===h.FIGCAPTION?ey(e,t):e_(e,t);break;default:e_(e,t)}}function ev(e,t){e.tmplInsertionModeStackTop>-1?eD(e,t):e.stopped=!0}function eN(e,t){let n=e.openElements.currentTagName;n===h.TABLE||n===h.TBODY||n===h.TFOOT||n===h.THEAD||n===h.TR?(e.pendingCharacterTokens=[],e.hasNonWhitespacePendingCharacterToken=!1,e.originalInsertionMode=e.insertionMode,e.insertionMode=O,e._processToken(t)):eI(e,t)}function eC(e,t){let n=t.tagName;switch(n.length){case 2:n===h.TD||n===h.TH||n===h.TR?(e.openElements.clearBackToTableContext(),e._insertFakeElement(h.TBODY),e.insertionMode=L,e._processToken(t)):eI(e,t);break;case 3:n===h.COL?(e.openElements.clearBackToTableContext(),e._insertFakeElement(h.COLGROUP),e.insertionMode=x,e._processToken(t)):eI(e,t);break;case 4:n===h.FORM?e.formElement||0!==e.openElements.tmplCount||(e._insertElement(t,b.HTML),e.formElement=e.openElements.current,e.openElements.pop()):eI(e,t);break;case 5:n===h.TABLE?e.openElements.hasInTableScope(h.TABLE)&&(e.openElements.popUntilTagNamePopped(h.TABLE),e._resetInsertionMode(),e._processToken(t)):n===h.STYLE?er(e,t):n===h.TBODY||n===h.TFOOT||n===h.THEAD?(e.openElements.clearBackToTableContext(),e._insertElement(t,b.HTML),e.insertionMode=L):n===h.INPUT?function(e,t){let n=r.getTokenAttr(t,E.TYPE);n&&n.toLowerCase()===S?e._appendElement(t,b.HTML):eI(e,t),t.ackSelfClosing=!0}(e,t):eI(e,t);break;case 6:n===h.SCRIPT?er(e,t):eI(e,t);break;case 7:n===h.CAPTION?(e.openElements.clearBackToTableContext(),e.activeFormattingElements.insertMarker(),e._insertElement(t,b.HTML),e.insertionMode=w):eI(e,t);break;case 8:n===h.COLGROUP?(e.openElements.clearBackToTableContext(),e._insertElement(t,b.HTML),e.insertionMode=x):n===h.TEMPLATE?er(e,t):eI(e,t);break;default:eI(e,t)}}function eR(e,t){let n=t.tagName;n===h.TABLE?e.openElements.hasInTableScope(h.TABLE)&&(e.openElements.popUntilTagNamePopped(h.TABLE),e._resetInsertionMode()):n===h.TEMPLATE?ea(e,t):n!==h.BODY&&n!==h.CAPTION&&n!==h.COL&&n!==h.COLGROUP&&n!==h.HTML&&n!==h.TBODY&&n!==h.TD&&n!==h.TFOOT&&n!==h.TH&&n!==h.THEAD&&n!==h.TR&&eI(e,t)}function eI(e,t){let n=e.fosterParentingEnabled;e.fosterParentingEnabled=!0,e._processTokenInBodyMode(t),e.fosterParentingEnabled=n}function eO(e,t){let n=0;if(e.hasNonWhitespacePendingCharacterToken)for(;n0?(e.openElements.popUntilTagNamePopped(h.TEMPLATE),e.activeFormattingElements.clearToLastMarker(),e._popTmplInsertionMode(),e._resetInsertionMode(),e._processToken(t)):e.stopped=!0}function eP(e,t){e.insertionMode=C,e._processToken(t)}function eM(e,t){e.insertionMode=C,e._processToken(t)}e.exports=class{constructor(e){this.options=u(T,e),this.treeAdapter=this.options.treeAdapter,this.pendingScript=null,this.options.sourceCodeLocationInfo&&l.install(this,o),this.options.onParseError&&l.install(this,s,{onParseError:this.options.onParseError})}parse(e){let t=this.treeAdapter.createDocument();return this._bootstrap(t,null),this.tokenizer.write(e,!0),this._runParsingLoop(null),t}parseFragment(e,t){t||(t=this.treeAdapter.createElement(h.TEMPLATE,b.HTML,[]));let n=this.treeAdapter.createElement("documentmock",b.HTML,[]);this._bootstrap(n,t),this.treeAdapter.getTagName(t)===h.TEMPLATE&&this._pushTmplInsertionMode(U),this._initTokenizerForFragmentParsing(),this._insertFakeRootElement(),this._resetInsertionMode(),this._findFormInFragmentContext(),this.tokenizer.write(e,!0),this._runParsingLoop(null);let r=this.treeAdapter.getFirstChild(n),a=this.treeAdapter.createDocumentFragment();return this._adoptNodes(r,a),a}_bootstrap(e,t){this.tokenizer=new r(this.options),this.stopped=!1,this.insertionMode=y,this.originalInsertionMode="",this.document=e,this.fragmentContext=t,this.headElement=null,this.formElement=null,this.openElements=new a(this.document,this.treeAdapter),this.activeFormattingElements=new i(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(e){for(;!this.stopped;){this._setupTokenizerCDATAMode();let t=this.tokenizer.getNextToken();if(t.type===r.HIBERNATION_TOKEN)break;if(this.skipNextNewLine&&(this.skipNextNewLine=!1,t.type===r.WHITESPACE_CHARACTER_TOKEN&&"\n"===t.chars[0])){if(1===t.chars.length)continue;t.chars=t.chars.substr(1)}if(this._processInputToken(t),e&&this.pendingScript)break}}runParsingLoopForCurrentChunk(e,t){if(this._runParsingLoop(t),t&&this.pendingScript){let e=this.pendingScript;this.pendingScript=null,t(e);return}e&&e()}_setupTokenizerCDATAMode(){let e=this._getAdjustedCurrentElement();this.tokenizer.allowCDATA=e&&e!==this.document&&this.treeAdapter.getNamespaceURI(e)!==b.HTML&&!this._isIntegrationPoint(e)}_switchToTextParsing(e,t){this._insertElement(e,b.HTML),this.tokenizer.state=t,this.originalInsertionMode=this.insertionMode,this.insertionMode=R}switchToPlaintextParsing(){this.insertionMode=R,this.originalInsertionMode=C,this.tokenizer.state=r.MODE.PLAINTEXT}_getAdjustedCurrentElement(){return 0===this.openElements.stackTop&&this.fragmentContext?this.fragmentContext:this.openElements.current}_findFormInFragmentContext(){let e=this.fragmentContext;do{if(this.treeAdapter.getTagName(e)===h.FORM){this.formElement=e;break}e=this.treeAdapter.getParentNode(e)}while(e)}_initTokenizerForFragmentParsing(){if(this.treeAdapter.getNamespaceURI(this.fragmentContext)===b.HTML){let e=this.treeAdapter.getTagName(this.fragmentContext);e===h.TITLE||e===h.TEXTAREA?this.tokenizer.state=r.MODE.RCDATA:e===h.STYLE||e===h.XMP||e===h.IFRAME||e===h.NOEMBED||e===h.NOFRAMES||e===h.NOSCRIPT?this.tokenizer.state=r.MODE.RAWTEXT:e===h.SCRIPT?this.tokenizer.state=r.MODE.SCRIPT_DATA:e===h.PLAINTEXT&&(this.tokenizer.state=r.MODE.PLAINTEXT)}}_setDocumentType(e){let t=e.name||"",n=e.publicId||"",r=e.systemId||"";this.treeAdapter.setDocumentType(this.document,t,n,r)}_attachElementToTree(e){if(this._shouldFosterParentOnInsertion())this._fosterParentElement(e);else{let t=this.openElements.currentTmplContent||this.openElements.current;this.treeAdapter.appendChild(t,e)}}_appendElement(e,t){let n=this.treeAdapter.createElement(e.tagName,t,e.attrs);this._attachElementToTree(n)}_insertElement(e,t){let n=this.treeAdapter.createElement(e.tagName,t,e.attrs);this._attachElementToTree(n),this.openElements.push(n)}_insertFakeElement(e){let t=this.treeAdapter.createElement(e,b.HTML,[]);this._attachElementToTree(t),this.openElements.push(t)}_insertTemplate(e){let t=this.treeAdapter.createElement(e.tagName,b.HTML,e.attrs),n=this.treeAdapter.createDocumentFragment();this.treeAdapter.setTemplateContent(t,n),this._attachElementToTree(t),this.openElements.push(t)}_insertFakeRootElement(){let e=this.treeAdapter.createElement(h.HTML,b.HTML,[]);this.treeAdapter.appendChild(this.openElements.current,e),this.openElements.push(e)}_appendCommentNode(e,t){let n=this.treeAdapter.createCommentNode(e.data);this.treeAdapter.appendChild(t,n)}_insertCharacters(e){if(this._shouldFosterParentOnInsertion())this._fosterParentText(e.chars);else{let t=this.openElements.currentTmplContent||this.openElements.current;this.treeAdapter.insertText(t,e.chars)}}_adoptNodes(e,t){for(let n=this.treeAdapter.getFirstChild(e);n;n=this.treeAdapter.getFirstChild(e))this.treeAdapter.detachNode(n),this.treeAdapter.appendChild(t,n)}_shouldProcessTokenInForeignContent(e){let t=this._getAdjustedCurrentElement();if(!t||t===this.document)return!1;let n=this.treeAdapter.getNamespaceURI(t);if(n===b.HTML||this.treeAdapter.getTagName(t)===h.ANNOTATION_XML&&n===b.MATHML&&e.type===r.START_TAG_TOKEN&&e.tagName===h.SVG)return!1;let a=e.type===r.CHARACTER_TOKEN||e.type===r.NULL_CHARACTER_TOKEN||e.type===r.WHITESPACE_CHARACTER_TOKEN,i=e.type===r.START_TAG_TOKEN&&e.tagName!==h.MGLYPH&&e.tagName!==h.MALIGNMARK;return!((i||a)&&this._isIntegrationPoint(t,b.MATHML)||(e.type===r.START_TAG_TOKEN||a)&&this._isIntegrationPoint(t,b.HTML))&&e.type!==r.EOF_TOKEN}_processToken(e){W[this.insertionMode][e.type](this,e)}_processTokenInBodyMode(e){W[C][e.type](this,e)}_processTokenInForeignContent(e){e.type===r.CHARACTER_TOKEN?(this._insertCharacters(e),this.framesetOk=!1):e.type===r.NULL_CHARACTER_TOKEN?(e.chars=g.REPLACEMENT_CHARACTER,this._insertCharacters(e)):e.type===r.WHITESPACE_CHARACTER_TOKEN?Q(this,e):e.type===r.COMMENT_TOKEN?q(this,e):e.type===r.START_TAG_TOKEN?function(e,t){if(p.causesExit(t)&&!e.fragmentContext){for(;e.treeAdapter.getNamespaceURI(e.openElements.current)!==b.HTML&&!e._isIntegrationPoint(e.openElements.current);)e.openElements.pop();e._processToken(t)}else{let n=e._getAdjustedCurrentElement(),r=e.treeAdapter.getNamespaceURI(n);r===b.MATHML?p.adjustTokenMathMLAttrs(t):r===b.SVG&&(p.adjustTokenSVGTagName(t),p.adjustTokenSVGAttrs(t)),p.adjustTokenXMLAttrs(t),t.selfClosing?e._appendElement(t,r):e._insertElement(t,r),t.ackSelfClosing=!0}}(this,e):e.type===r.END_TAG_TOKEN&&function(e,t){for(let n=e.openElements.stackTop;n>0;n--){let r=e.openElements.items[n];if(e.treeAdapter.getNamespaceURI(r)===b.HTML){e._processToken(t);break}if(e.treeAdapter.getTagName(r).toLowerCase()===t.tagName){e.openElements.popUntilElementPopped(r);break}}}(this,e)}_processInputToken(e){this._shouldProcessTokenInForeignContent(e)?this._processTokenInForeignContent(e):this._processToken(e),e.type===r.START_TAG_TOKEN&&e.selfClosing&&!e.ackSelfClosing&&this._err(m.nonVoidHtmlElementStartTagWithTrailingSolidus)}_isIntegrationPoint(e,t){let n=this.treeAdapter.getTagName(e),r=this.treeAdapter.getNamespaceURI(e),a=this.treeAdapter.getAttrList(e);return p.isIntegrationPoint(n,r,a,t)}_reconstructActiveFormattingElements(){let e=this.activeFormattingElements.length;if(e){let t=e,n=null;do if(t--,(n=this.activeFormattingElements.entries[t]).type===i.MARKER_ENTRY||this.openElements.contains(n.element)){t++;break}while(t>0);for(let r=t;r=0;e--){let n=this.openElements.items[e];0===e&&(t=!0,this.fragmentContext&&(n=this.fragmentContext));let r=this.treeAdapter.getTagName(n),a=j[r];if(a){this.insertionMode=a;break}if(t||r!==h.TD&&r!==h.TH){if(t||r!==h.HEAD){if(r===h.SELECT){this._resetInsertionModeForSelect(e);break}if(r===h.TEMPLATE){this.insertionMode=this.currentTmplInsertionMode;break}if(r===h.HTML){this.insertionMode=this.headElement?N:_;break}else if(t){this.insertionMode=C;break}}else{this.insertionMode=k;break}}else{this.insertionMode=P;break}}}_resetInsertionModeForSelect(e){if(e>0)for(let t=e-1;t>0;t--){let e=this.openElements.items[t],n=this.treeAdapter.getTagName(e);if(n===h.TEMPLATE)break;if(n===h.TABLE){this.insertionMode=F;return}}this.insertionMode=M}_pushTmplInsertionMode(e){this.tmplInsertionModeStack.push(e),this.tmplInsertionModeStackTop++,this.currentTmplInsertionMode=e}_popTmplInsertionMode(){this.tmplInsertionModeStack.pop(),this.tmplInsertionModeStackTop--,this.currentTmplInsertionMode=this.tmplInsertionModeStack[this.tmplInsertionModeStackTop]}_isElementCausesFosterParenting(e){let t=this.treeAdapter.getTagName(e);return t===h.TABLE||t===h.TBODY||t===h.TFOOT||t===h.THEAD||t===h.TR}_shouldFosterParentOnInsertion(){return this.fosterParentingEnabled&&this._isElementCausesFosterParenting(this.openElements.current)}_findFosterParentingLocation(){let e={parent:null,beforeElement:null};for(let t=this.openElements.stackTop;t>=0;t--){let n=this.openElements.items[t],r=this.treeAdapter.getTagName(n),a=this.treeAdapter.getNamespaceURI(n);if(r===h.TEMPLATE&&a===b.HTML){e.parent=this.treeAdapter.getTemplateContent(n);break}if(r===h.TABLE){e.parent=this.treeAdapter.getParentNode(n),e.parent?e.beforeElement=n:e.parent=this.openElements.items[t-1];break}}return e.parent||(e.parent=this.openElements.items[0]),e}_fosterParentElement(e){let t=this._findFosterParentingLocation();t.beforeElement?this.treeAdapter.insertBefore(t.parent,e,t.beforeElement):this.treeAdapter.appendChild(t.parent,e)}_fosterParentText(e){let t=this._findFosterParentingLocation();t.beforeElement?this.treeAdapter.insertTextBefore(t.parent,e,t.beforeElement):this.treeAdapter.insertText(t.parent,e)}_isSpecialElement(e){let t=this.treeAdapter.getTagName(e),n=this.treeAdapter.getNamespaceURI(e);return f.SPECIAL_ELEMENTS[n][t]}}},46519:function(e,t,n){"use strict";let r=n(16152),a=r.TAG_NAMES,i=r.NAMESPACES;function o(e){switch(e.length){case 1:return e===a.P;case 2:return e===a.RB||e===a.RP||e===a.RT||e===a.DD||e===a.DT||e===a.LI;case 3:return e===a.RTC;case 6:return e===a.OPTION;case 8:return e===a.OPTGROUP}return!1}function s(e,t){switch(e.length){case 2:if(e===a.TD||e===a.TH)return t===i.HTML;if(e===a.MI||e===a.MO||e===a.MN||e===a.MS)return t===i.MATHML;break;case 4:if(e===a.HTML)return t===i.HTML;if(e===a.DESC)return t===i.SVG;break;case 5:if(e===a.TABLE)return t===i.HTML;if(e===a.MTEXT)return t===i.MATHML;if(e===a.TITLE)return t===i.SVG;break;case 6:return(e===a.APPLET||e===a.OBJECT)&&t===i.HTML;case 7:return(e===a.CAPTION||e===a.MARQUEE)&&t===i.HTML;case 8:return e===a.TEMPLATE&&t===i.HTML;case 13:return e===a.FOREIGN_OBJECT&&t===i.SVG;case 14:return e===a.ANNOTATION_XML&&t===i.MATHML}return!1}e.exports=class{constructor(e,t){this.stackTop=-1,this.items=[],this.current=e,this.currentTagName=null,this.currentTmplContent=null,this.tmplCount=0,this.treeAdapter=t}_indexOf(e){let t=-1;for(let n=this.stackTop;n>=0;n--)if(this.items[n]===e){t=n;break}return t}_isInTemplate(){return this.currentTagName===a.TEMPLATE&&this.treeAdapter.getNamespaceURI(this.current)===i.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(e){this.items[++this.stackTop]=e,this._updateCurrentElement(),this._isInTemplate()&&this.tmplCount++}pop(){this.stackTop--,this.tmplCount>0&&this._isInTemplate()&&this.tmplCount--,this._updateCurrentElement()}replace(e,t){let n=this._indexOf(e);this.items[n]=t,n===this.stackTop&&this._updateCurrentElement()}insertAfter(e,t){let n=this._indexOf(e)+1;this.items.splice(n,0,t),n===++this.stackTop&&this._updateCurrentElement()}popUntilTagNamePopped(e){for(;this.stackTop>-1;){let t=this.currentTagName,n=this.treeAdapter.getNamespaceURI(this.current);if(this.pop(),t===e&&n===i.HTML)break}}popUntilElementPopped(e){for(;this.stackTop>-1;){let t=this.current;if(this.pop(),t===e)break}}popUntilNumberedHeaderPopped(){for(;this.stackTop>-1;){let e=this.currentTagName,t=this.treeAdapter.getNamespaceURI(this.current);if(this.pop(),e===a.H1||e===a.H2||e===a.H3||e===a.H4||e===a.H5||e===a.H6&&t===i.HTML)break}}popUntilTableCellPopped(){for(;this.stackTop>-1;){let e=this.currentTagName,t=this.treeAdapter.getNamespaceURI(this.current);if(this.pop(),e===a.TD||e===a.TH&&t===i.HTML)break}}popAllUpToHtmlElement(){this.stackTop=0,this._updateCurrentElement()}clearBackToTableContext(){for(;this.currentTagName!==a.TABLE&&this.currentTagName!==a.TEMPLATE&&this.currentTagName!==a.HTML||this.treeAdapter.getNamespaceURI(this.current)!==i.HTML;)this.pop()}clearBackToTableBodyContext(){for(;this.currentTagName!==a.TBODY&&this.currentTagName!==a.TFOOT&&this.currentTagName!==a.THEAD&&this.currentTagName!==a.TEMPLATE&&this.currentTagName!==a.HTML||this.treeAdapter.getNamespaceURI(this.current)!==i.HTML;)this.pop()}clearBackToTableRowContext(){for(;this.currentTagName!==a.TR&&this.currentTagName!==a.TEMPLATE&&this.currentTagName!==a.HTML||this.treeAdapter.getNamespaceURI(this.current)!==i.HTML;)this.pop()}remove(e){for(let t=this.stackTop;t>=0;t--)if(this.items[t]===e){this.items.splice(t,1),this.stackTop--,this._updateCurrentElement();break}}tryPeekProperlyNestedBodyElement(){let e=this.items[1];return e&&this.treeAdapter.getTagName(e)===a.BODY?e:null}contains(e){return this._indexOf(e)>-1}getCommonAncestor(e){let t=this._indexOf(e);return--t>=0?this.items[t]:null}isRootHtmlElementCurrent(){return 0===this.stackTop&&this.currentTagName===a.HTML}hasInScope(e){for(let t=this.stackTop;t>=0;t--){let n=this.treeAdapter.getTagName(this.items[t]),r=this.treeAdapter.getNamespaceURI(this.items[t]);if(n===e&&r===i.HTML)break;if(s(n,r))return!1}return!0}hasNumberedHeaderInScope(){for(let e=this.stackTop;e>=0;e--){let t=this.treeAdapter.getTagName(this.items[e]),n=this.treeAdapter.getNamespaceURI(this.items[e]);if((t===a.H1||t===a.H2||t===a.H3||t===a.H4||t===a.H5||t===a.H6)&&n===i.HTML)break;if(s(t,n))return!1}return!0}hasInListItemScope(e){for(let t=this.stackTop;t>=0;t--){let n=this.treeAdapter.getTagName(this.items[t]),r=this.treeAdapter.getNamespaceURI(this.items[t]);if(n===e&&r===i.HTML)break;if((n===a.UL||n===a.OL)&&r===i.HTML||s(n,r))return!1}return!0}hasInButtonScope(e){for(let t=this.stackTop;t>=0;t--){let n=this.treeAdapter.getTagName(this.items[t]),r=this.treeAdapter.getNamespaceURI(this.items[t]);if(n===e&&r===i.HTML)break;if(n===a.BUTTON&&r===i.HTML||s(n,r))return!1}return!0}hasInTableScope(e){for(let t=this.stackTop;t>=0;t--){let n=this.treeAdapter.getTagName(this.items[t]),r=this.treeAdapter.getNamespaceURI(this.items[t]);if(r===i.HTML){if(n===e)break;if(n===a.TABLE||n===a.TEMPLATE||n===a.HTML)return!1}}return!0}hasTableBodyContextInTableScope(){for(let e=this.stackTop;e>=0;e--){let t=this.treeAdapter.getTagName(this.items[e]),n=this.treeAdapter.getNamespaceURI(this.items[e]);if(n===i.HTML){if(t===a.TBODY||t===a.THEAD||t===a.TFOOT)break;if(t===a.TABLE||t===a.HTML)return!1}}return!0}hasInSelectScope(e){for(let t=this.stackTop;t>=0;t--){let n=this.treeAdapter.getTagName(this.items[t]),r=this.treeAdapter.getNamespaceURI(this.items[t]);if(r===i.HTML){if(n===e)break;if(n!==a.OPTION&&n!==a.OPTGROUP)return!1}}return!0}generateImpliedEndTags(){for(;o(this.currentTagName);)this.pop()}generateImpliedEndTagsThoroughly(){for(;function(e){switch(e.length){case 1:return e===a.P;case 2:return e===a.RB||e===a.RP||e===a.RT||e===a.DD||e===a.DT||e===a.LI||e===a.TD||e===a.TH||e===a.TR;case 3:return e===a.RTC;case 5:return e===a.TBODY||e===a.TFOOT||e===a.THEAD;case 6:return e===a.OPTION;case 7:return e===a.CAPTION;case 8:return e===a.OPTGROUP||e===a.COLGROUP}return!1}(this.currentTagName);)this.pop()}generateImpliedEndTagsWithExclusion(e){for(;o(this.currentTagName)&&this.currentTagName!==e;)this.pop()}}},55763:function(e,t,n){"use strict";let r=n(77118),a=n(54284),i=n(5482),o=n(41734),s=a.CODE_POINTS,l=a.CODE_POINT_SEQUENCES,c={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},u="DATA_STATE",d="RCDATA_STATE",p="RAWTEXT_STATE",m="SCRIPT_DATA_STATE",g="PLAINTEXT_STATE",f="TAG_OPEN_STATE",h="END_TAG_OPEN_STATE",b="TAG_NAME_STATE",E="RCDATA_LESS_THAN_SIGN_STATE",T="RCDATA_END_TAG_OPEN_STATE",S="RCDATA_END_TAG_NAME_STATE",y="RAWTEXT_LESS_THAN_SIGN_STATE",A="RAWTEXT_END_TAG_OPEN_STATE",_="RAWTEXT_END_TAG_NAME_STATE",k="SCRIPT_DATA_LESS_THAN_SIGN_STATE",v="SCRIPT_DATA_END_TAG_OPEN_STATE",N="SCRIPT_DATA_END_TAG_NAME_STATE",C="SCRIPT_DATA_ESCAPE_START_STATE",R="SCRIPT_DATA_ESCAPE_START_DASH_STATE",I="SCRIPT_DATA_ESCAPED_STATE",O="SCRIPT_DATA_ESCAPED_DASH_STATE",w="SCRIPT_DATA_ESCAPED_DASH_DASH_STATE",x="SCRIPT_DATA_ESCAPED_LESS_THAN_SIGN_STATE",L="SCRIPT_DATA_ESCAPED_END_TAG_OPEN_STATE",D="SCRIPT_DATA_ESCAPED_END_TAG_NAME_STATE",P="SCRIPT_DATA_DOUBLE_ESCAPE_START_STATE",M="SCRIPT_DATA_DOUBLE_ESCAPED_STATE",F="SCRIPT_DATA_DOUBLE_ESCAPED_DASH_STATE",U="SCRIPT_DATA_DOUBLE_ESCAPED_DASH_DASH_STATE",B="SCRIPT_DATA_DOUBLE_ESCAPED_LESS_THAN_SIGN_STATE",H="SCRIPT_DATA_DOUBLE_ESCAPE_END_STATE",G="BEFORE_ATTRIBUTE_NAME_STATE",z="ATTRIBUTE_NAME_STATE",$="AFTER_ATTRIBUTE_NAME_STATE",j="BEFORE_ATTRIBUTE_VALUE_STATE",V="ATTRIBUTE_VALUE_DOUBLE_QUOTED_STATE",W="ATTRIBUTE_VALUE_SINGLE_QUOTED_STATE",K="ATTRIBUTE_VALUE_UNQUOTED_STATE",Z="AFTER_ATTRIBUTE_VALUE_QUOTED_STATE",Y="SELF_CLOSING_START_TAG_STATE",q="BOGUS_COMMENT_STATE",X="MARKUP_DECLARATION_OPEN_STATE",Q="COMMENT_START_STATE",J="COMMENT_START_DASH_STATE",ee="COMMENT_STATE",et="COMMENT_LESS_THAN_SIGN_STATE",en="COMMENT_LESS_THAN_SIGN_BANG_STATE",er="COMMENT_LESS_THAN_SIGN_BANG_DASH_STATE",ea="COMMENT_LESS_THAN_SIGN_BANG_DASH_DASH_STATE",ei="COMMENT_END_DASH_STATE",eo="COMMENT_END_STATE",es="COMMENT_END_BANG_STATE",el="DOCTYPE_STATE",ec="BEFORE_DOCTYPE_NAME_STATE",eu="DOCTYPE_NAME_STATE",ed="AFTER_DOCTYPE_NAME_STATE",ep="AFTER_DOCTYPE_PUBLIC_KEYWORD_STATE",em="BEFORE_DOCTYPE_PUBLIC_IDENTIFIER_STATE",eg="DOCTYPE_PUBLIC_IDENTIFIER_DOUBLE_QUOTED_STATE",ef="DOCTYPE_PUBLIC_IDENTIFIER_SINGLE_QUOTED_STATE",eh="AFTER_DOCTYPE_PUBLIC_IDENTIFIER_STATE",eb="BETWEEN_DOCTYPE_PUBLIC_AND_SYSTEM_IDENTIFIERS_STATE",eE="AFTER_DOCTYPE_SYSTEM_KEYWORD_STATE",eT="BEFORE_DOCTYPE_SYSTEM_IDENTIFIER_STATE",eS="DOCTYPE_SYSTEM_IDENTIFIER_DOUBLE_QUOTED_STATE",ey="DOCTYPE_SYSTEM_IDENTIFIER_SINGLE_QUOTED_STATE",eA="AFTER_DOCTYPE_SYSTEM_IDENTIFIER_STATE",e_="BOGUS_DOCTYPE_STATE",ek="CDATA_SECTION_STATE",ev="CDATA_SECTION_BRACKET_STATE",eN="CDATA_SECTION_END_STATE",eC="CHARACTER_REFERENCE_STATE",eR="NAMED_CHARACTER_REFERENCE_STATE",eI="AMBIGUOS_AMPERSAND_STATE",eO="NUMERIC_CHARACTER_REFERENCE_STATE",ew="HEXADEMICAL_CHARACTER_REFERENCE_START_STATE",ex="DECIMAL_CHARACTER_REFERENCE_START_STATE",eL="HEXADEMICAL_CHARACTER_REFERENCE_STATE",eD="DECIMAL_CHARACTER_REFERENCE_STATE",eP="NUMERIC_CHARACTER_REFERENCE_END_STATE";function eM(e){return e===s.SPACE||e===s.LINE_FEED||e===s.TABULATION||e===s.FORM_FEED}function eF(e){return e>=s.DIGIT_0&&e<=s.DIGIT_9}function eU(e){return e>=s.LATIN_CAPITAL_A&&e<=s.LATIN_CAPITAL_Z}function eB(e){return e>=s.LATIN_SMALL_A&&e<=s.LATIN_SMALL_Z}function eH(e){return eB(e)||eU(e)}function eG(e){return eH(e)||eF(e)}function ez(e){return e>=s.LATIN_CAPITAL_A&&e<=s.LATIN_CAPITAL_F}function e$(e){return e>=s.LATIN_SMALL_A&&e<=s.LATIN_SMALL_F}function ej(e){return e<=65535?String.fromCharCode(e):String.fromCharCode((e-=65536)>>>10&1023|55296)+String.fromCharCode(56320|1023&e)}function eV(e){return String.fromCharCode(e+32)}function eW(e,t){let n=i[++e],r=++e,a=r+n-1;for(;r<=a;){let e=r+a>>>1,o=i[e];if(ot))return i[e+n];a=e-1}}return -1}class eK{constructor(){this.preprocessor=new r,this.tokenQueue=[],this.allowCDATA=!1,this.state=u,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(e){this._consume(),this._err(e),this._unconsume()}getNextToken(){for(;!this.tokenQueue.length&&this.active;){this.consumedAfterSnapshot=0;let e=this._consume();this._ensureHibernation()||this[this.state](e)}return this.tokenQueue.shift()}write(e,t){this.active=!0,this.preprocessor.write(e,t)}insertHtmlAtCurrentPos(e){this.active=!0,this.preprocessor.insertHtmlAtCurrentPos(e)}_ensureHibernation(){if(this.preprocessor.endOfChunkHit){for(;this.consumedAfterSnapshot>0;this.consumedAfterSnapshot--)this.preprocessor.retreat();return this.active=!1,this.tokenQueue.push({type:eK.HIBERNATION_TOKEN}),!0}return!1}_consume(){return this.consumedAfterSnapshot++,this.preprocessor.advance()}_unconsume(){this.consumedAfterSnapshot--,this.preprocessor.retreat()}_reconsumeInState(e){this.state=e,this._unconsume()}_consumeSequenceIfMatch(e,t,n){let r,a=0,i=!0,o=e.length,l=0,c=t;for(;l0&&(c=this._consume(),a++),c===s.EOF||c!==(r=e[l])&&(n||c!==r+32)){i=!1;break}if(!i)for(;a--;)this._unconsume();return i}_isTempBufferEqualToScriptString(){if(this.tempBuff.length!==l.SCRIPT_STRING.length)return!1;for(let e=0;e0&&this._err(o.endTagWithAttributes),e.selfClosing&&this._err(o.endTagWithTrailingSolidus)),this.tokenQueue.push(e)}_emitCurrentCharacterToken(){this.currentCharacterToken&&(this.tokenQueue.push(this.currentCharacterToken),this.currentCharacterToken=null)}_emitEOFToken(){this._createEOFToken(),this._emitCurrentToken()}_appendCharToCurrentCharacterToken(e,t){this.currentCharacterToken&&this.currentCharacterToken.type!==e&&this._emitCurrentCharacterToken(),this.currentCharacterToken?this.currentCharacterToken.chars+=t:this._createCharacterToken(e,t)}_emitCodePoint(e){let t=eK.CHARACTER_TOKEN;eM(e)?t=eK.WHITESPACE_CHARACTER_TOKEN:e===s.NULL&&(t=eK.NULL_CHARACTER_TOKEN),this._appendCharToCurrentCharacterToken(t,ej(e))}_emitSeveralCodePoints(e){for(let t=0;t-1;){let e=i[r],a=e<7,o=a&&1&e;o&&(t=2&e?[i[++r],i[++r]]:[i[++r]],n=0);let l=this._consume();if(this.tempBuff.push(l),n++,l===s.EOF)break;r=a?4&e?eW(r,l):-1:l===e?++r:-1}for(;n--;)this.tempBuff.pop(),this._unconsume();return t}_isCharacterReferenceInAttribute(){return this.returnState===V||this.returnState===W||this.returnState===K}_isCharacterReferenceAttributeQuirk(e){if(!e&&this._isCharacterReferenceInAttribute()){let e=this._consume();return this._unconsume(),e===s.EQUALS_SIGN||eG(e)}return!1}_flushCodePointsConsumedAsCharacterReference(){if(this._isCharacterReferenceInAttribute())for(let e=0;e")):e===s.NULL?(this._err(o.unexpectedNullCharacter),this.state=I,this._emitChars(a.REPLACEMENT_CHARACTER)):e===s.EOF?(this._err(o.eofInScriptHtmlCommentLikeText),this._emitEOFToken()):(this.state=I,this._emitCodePoint(e))}[x](e){e===s.SOLIDUS?(this.tempBuff=[],this.state=L):eH(e)?(this.tempBuff=[],this._emitChars("<"),this._reconsumeInState(P)):(this._emitChars("<"),this._reconsumeInState(I))}[L](e){eH(e)?(this._createEndTagToken(),this._reconsumeInState(D)):(this._emitChars("")):e===s.NULL?(this._err(o.unexpectedNullCharacter),this.state=M,this._emitChars(a.REPLACEMENT_CHARACTER)):e===s.EOF?(this._err(o.eofInScriptHtmlCommentLikeText),this._emitEOFToken()):(this.state=M,this._emitCodePoint(e))}[B](e){e===s.SOLIDUS?(this.tempBuff=[],this.state=H,this._emitChars("/")):this._reconsumeInState(M)}[H](e){eM(e)||e===s.SOLIDUS||e===s.GREATER_THAN_SIGN?(this.state=this._isTempBufferEqualToScriptString()?I:M,this._emitCodePoint(e)):eU(e)?(this.tempBuff.push(e+32),this._emitCodePoint(e)):eB(e)?(this.tempBuff.push(e),this._emitCodePoint(e)):this._reconsumeInState(M)}[G](e){eM(e)||(e===s.SOLIDUS||e===s.GREATER_THAN_SIGN||e===s.EOF?this._reconsumeInState($):e===s.EQUALS_SIGN?(this._err(o.unexpectedEqualsSignBeforeAttributeName),this._createAttr("="),this.state=z):(this._createAttr(""),this._reconsumeInState(z)))}[z](e){eM(e)||e===s.SOLIDUS||e===s.GREATER_THAN_SIGN||e===s.EOF?(this._leaveAttrName($),this._unconsume()):e===s.EQUALS_SIGN?this._leaveAttrName(j):eU(e)?this.currentAttr.name+=eV(e):e===s.QUOTATION_MARK||e===s.APOSTROPHE||e===s.LESS_THAN_SIGN?(this._err(o.unexpectedCharacterInAttributeName),this.currentAttr.name+=ej(e)):e===s.NULL?(this._err(o.unexpectedNullCharacter),this.currentAttr.name+=a.REPLACEMENT_CHARACTER):this.currentAttr.name+=ej(e)}[$](e){eM(e)||(e===s.SOLIDUS?this.state=Y:e===s.EQUALS_SIGN?this.state=j:e===s.GREATER_THAN_SIGN?(this.state=u,this._emitCurrentToken()):e===s.EOF?(this._err(o.eofInTag),this._emitEOFToken()):(this._createAttr(""),this._reconsumeInState(z)))}[j](e){eM(e)||(e===s.QUOTATION_MARK?this.state=V:e===s.APOSTROPHE?this.state=W:e===s.GREATER_THAN_SIGN?(this._err(o.missingAttributeValue),this.state=u,this._emitCurrentToken()):this._reconsumeInState(K))}[V](e){e===s.QUOTATION_MARK?this.state=Z:e===s.AMPERSAND?(this.returnState=V,this.state=eC):e===s.NULL?(this._err(o.unexpectedNullCharacter),this.currentAttr.value+=a.REPLACEMENT_CHARACTER):e===s.EOF?(this._err(o.eofInTag),this._emitEOFToken()):this.currentAttr.value+=ej(e)}[W](e){e===s.APOSTROPHE?this.state=Z:e===s.AMPERSAND?(this.returnState=W,this.state=eC):e===s.NULL?(this._err(o.unexpectedNullCharacter),this.currentAttr.value+=a.REPLACEMENT_CHARACTER):e===s.EOF?(this._err(o.eofInTag),this._emitEOFToken()):this.currentAttr.value+=ej(e)}[K](e){eM(e)?this._leaveAttrValue(G):e===s.AMPERSAND?(this.returnState=K,this.state=eC):e===s.GREATER_THAN_SIGN?(this._leaveAttrValue(u),this._emitCurrentToken()):e===s.NULL?(this._err(o.unexpectedNullCharacter),this.currentAttr.value+=a.REPLACEMENT_CHARACTER):e===s.QUOTATION_MARK||e===s.APOSTROPHE||e===s.LESS_THAN_SIGN||e===s.EQUALS_SIGN||e===s.GRAVE_ACCENT?(this._err(o.unexpectedCharacterInUnquotedAttributeValue),this.currentAttr.value+=ej(e)):e===s.EOF?(this._err(o.eofInTag),this._emitEOFToken()):this.currentAttr.value+=ej(e)}[Z](e){eM(e)?this._leaveAttrValue(G):e===s.SOLIDUS?this._leaveAttrValue(Y):e===s.GREATER_THAN_SIGN?(this._leaveAttrValue(u),this._emitCurrentToken()):e===s.EOF?(this._err(o.eofInTag),this._emitEOFToken()):(this._err(o.missingWhitespaceBetweenAttributes),this._reconsumeInState(G))}[Y](e){e===s.GREATER_THAN_SIGN?(this.currentToken.selfClosing=!0,this.state=u,this._emitCurrentToken()):e===s.EOF?(this._err(o.eofInTag),this._emitEOFToken()):(this._err(o.unexpectedSolidusInTag),this._reconsumeInState(G))}[q](e){e===s.GREATER_THAN_SIGN?(this.state=u,this._emitCurrentToken()):e===s.EOF?(this._emitCurrentToken(),this._emitEOFToken()):e===s.NULL?(this._err(o.unexpectedNullCharacter),this.currentToken.data+=a.REPLACEMENT_CHARACTER):this.currentToken.data+=ej(e)}[X](e){this._consumeSequenceIfMatch(l.DASH_DASH_STRING,e,!0)?(this._createCommentToken(),this.state=Q):this._consumeSequenceIfMatch(l.DOCTYPE_STRING,e,!1)?this.state=el:this._consumeSequenceIfMatch(l.CDATA_START_STRING,e,!0)?this.allowCDATA?this.state=ek:(this._err(o.cdataInHtmlContent),this._createCommentToken(),this.currentToken.data="[CDATA[",this.state=q):this._ensureHibernation()||(this._err(o.incorrectlyOpenedComment),this._createCommentToken(),this._reconsumeInState(q))}[Q](e){e===s.HYPHEN_MINUS?this.state=J:e===s.GREATER_THAN_SIGN?(this._err(o.abruptClosingOfEmptyComment),this.state=u,this._emitCurrentToken()):this._reconsumeInState(ee)}[J](e){e===s.HYPHEN_MINUS?this.state=eo:e===s.GREATER_THAN_SIGN?(this._err(o.abruptClosingOfEmptyComment),this.state=u,this._emitCurrentToken()):e===s.EOF?(this._err(o.eofInComment),this._emitCurrentToken(),this._emitEOFToken()):(this.currentToken.data+="-",this._reconsumeInState(ee))}[ee](e){e===s.HYPHEN_MINUS?this.state=ei:e===s.LESS_THAN_SIGN?(this.currentToken.data+="<",this.state=et):e===s.NULL?(this._err(o.unexpectedNullCharacter),this.currentToken.data+=a.REPLACEMENT_CHARACTER):e===s.EOF?(this._err(o.eofInComment),this._emitCurrentToken(),this._emitEOFToken()):this.currentToken.data+=ej(e)}[et](e){e===s.EXCLAMATION_MARK?(this.currentToken.data+="!",this.state=en):e===s.LESS_THAN_SIGN?this.currentToken.data+="!":this._reconsumeInState(ee)}[en](e){e===s.HYPHEN_MINUS?this.state=er:this._reconsumeInState(ee)}[er](e){e===s.HYPHEN_MINUS?this.state=ea:this._reconsumeInState(ei)}[ea](e){e!==s.GREATER_THAN_SIGN&&e!==s.EOF&&this._err(o.nestedComment),this._reconsumeInState(eo)}[ei](e){e===s.HYPHEN_MINUS?this.state=eo:e===s.EOF?(this._err(o.eofInComment),this._emitCurrentToken(),this._emitEOFToken()):(this.currentToken.data+="-",this._reconsumeInState(ee))}[eo](e){e===s.GREATER_THAN_SIGN?(this.state=u,this._emitCurrentToken()):e===s.EXCLAMATION_MARK?this.state=es:e===s.HYPHEN_MINUS?this.currentToken.data+="-":e===s.EOF?(this._err(o.eofInComment),this._emitCurrentToken(),this._emitEOFToken()):(this.currentToken.data+="--",this._reconsumeInState(ee))}[es](e){e===s.HYPHEN_MINUS?(this.currentToken.data+="--!",this.state=ei):e===s.GREATER_THAN_SIGN?(this._err(o.incorrectlyClosedComment),this.state=u,this._emitCurrentToken()):e===s.EOF?(this._err(o.eofInComment),this._emitCurrentToken(),this._emitEOFToken()):(this.currentToken.data+="--!",this._reconsumeInState(ee))}[el](e){eM(e)?this.state=ec:e===s.GREATER_THAN_SIGN?this._reconsumeInState(ec):e===s.EOF?(this._err(o.eofInDoctype),this._createDoctypeToken(null),this.currentToken.forceQuirks=!0,this._emitCurrentToken(),this._emitEOFToken()):(this._err(o.missingWhitespaceBeforeDoctypeName),this._reconsumeInState(ec))}[ec](e){eM(e)||(eU(e)?(this._createDoctypeToken(eV(e)),this.state=eu):e===s.NULL?(this._err(o.unexpectedNullCharacter),this._createDoctypeToken(a.REPLACEMENT_CHARACTER),this.state=eu):e===s.GREATER_THAN_SIGN?(this._err(o.missingDoctypeName),this._createDoctypeToken(null),this.currentToken.forceQuirks=!0,this._emitCurrentToken(),this.state=u):e===s.EOF?(this._err(o.eofInDoctype),this._createDoctypeToken(null),this.currentToken.forceQuirks=!0,this._emitCurrentToken(),this._emitEOFToken()):(this._createDoctypeToken(ej(e)),this.state=eu))}[eu](e){eM(e)?this.state=ed:e===s.GREATER_THAN_SIGN?(this.state=u,this._emitCurrentToken()):eU(e)?this.currentToken.name+=eV(e):e===s.NULL?(this._err(o.unexpectedNullCharacter),this.currentToken.name+=a.REPLACEMENT_CHARACTER):e===s.EOF?(this._err(o.eofInDoctype),this.currentToken.forceQuirks=!0,this._emitCurrentToken(),this._emitEOFToken()):this.currentToken.name+=ej(e)}[ed](e){!eM(e)&&(e===s.GREATER_THAN_SIGN?(this.state=u,this._emitCurrentToken()):e===s.EOF?(this._err(o.eofInDoctype),this.currentToken.forceQuirks=!0,this._emitCurrentToken(),this._emitEOFToken()):this._consumeSequenceIfMatch(l.PUBLIC_STRING,e,!1)?this.state=ep:this._consumeSequenceIfMatch(l.SYSTEM_STRING,e,!1)?this.state=eE:this._ensureHibernation()||(this._err(o.invalidCharacterSequenceAfterDoctypeName),this.currentToken.forceQuirks=!0,this._reconsumeInState(e_)))}[ep](e){eM(e)?this.state=em:e===s.QUOTATION_MARK?(this._err(o.missingWhitespaceAfterDoctypePublicKeyword),this.currentToken.publicId="",this.state=eg):e===s.APOSTROPHE?(this._err(o.missingWhitespaceAfterDoctypePublicKeyword),this.currentToken.publicId="",this.state=ef):e===s.GREATER_THAN_SIGN?(this._err(o.missingDoctypePublicIdentifier),this.currentToken.forceQuirks=!0,this.state=u,this._emitCurrentToken()):e===s.EOF?(this._err(o.eofInDoctype),this.currentToken.forceQuirks=!0,this._emitCurrentToken(),this._emitEOFToken()):(this._err(o.missingQuoteBeforeDoctypePublicIdentifier),this.currentToken.forceQuirks=!0,this._reconsumeInState(e_))}[em](e){eM(e)||(e===s.QUOTATION_MARK?(this.currentToken.publicId="",this.state=eg):e===s.APOSTROPHE?(this.currentToken.publicId="",this.state=ef):e===s.GREATER_THAN_SIGN?(this._err(o.missingDoctypePublicIdentifier),this.currentToken.forceQuirks=!0,this.state=u,this._emitCurrentToken()):e===s.EOF?(this._err(o.eofInDoctype),this.currentToken.forceQuirks=!0,this._emitCurrentToken(),this._emitEOFToken()):(this._err(o.missingQuoteBeforeDoctypePublicIdentifier),this.currentToken.forceQuirks=!0,this._reconsumeInState(e_)))}[eg](e){e===s.QUOTATION_MARK?this.state=eh:e===s.NULL?(this._err(o.unexpectedNullCharacter),this.currentToken.publicId+=a.REPLACEMENT_CHARACTER):e===s.GREATER_THAN_SIGN?(this._err(o.abruptDoctypePublicIdentifier),this.currentToken.forceQuirks=!0,this._emitCurrentToken(),this.state=u):e===s.EOF?(this._err(o.eofInDoctype),this.currentToken.forceQuirks=!0,this._emitCurrentToken(),this._emitEOFToken()):this.currentToken.publicId+=ej(e)}[ef](e){e===s.APOSTROPHE?this.state=eh:e===s.NULL?(this._err(o.unexpectedNullCharacter),this.currentToken.publicId+=a.REPLACEMENT_CHARACTER):e===s.GREATER_THAN_SIGN?(this._err(o.abruptDoctypePublicIdentifier),this.currentToken.forceQuirks=!0,this._emitCurrentToken(),this.state=u):e===s.EOF?(this._err(o.eofInDoctype),this.currentToken.forceQuirks=!0,this._emitCurrentToken(),this._emitEOFToken()):this.currentToken.publicId+=ej(e)}[eh](e){eM(e)?this.state=eb:e===s.GREATER_THAN_SIGN?(this.state=u,this._emitCurrentToken()):e===s.QUOTATION_MARK?(this._err(o.missingWhitespaceBetweenDoctypePublicAndSystemIdentifiers),this.currentToken.systemId="",this.state=eS):e===s.APOSTROPHE?(this._err(o.missingWhitespaceBetweenDoctypePublicAndSystemIdentifiers),this.currentToken.systemId="",this.state=ey):e===s.EOF?(this._err(o.eofInDoctype),this.currentToken.forceQuirks=!0,this._emitCurrentToken(),this._emitEOFToken()):(this._err(o.missingQuoteBeforeDoctypeSystemIdentifier),this.currentToken.forceQuirks=!0,this._reconsumeInState(e_))}[eb](e){eM(e)||(e===s.GREATER_THAN_SIGN?(this._emitCurrentToken(),this.state=u):e===s.QUOTATION_MARK?(this.currentToken.systemId="",this.state=eS):e===s.APOSTROPHE?(this.currentToken.systemId="",this.state=ey):e===s.EOF?(this._err(o.eofInDoctype),this.currentToken.forceQuirks=!0,this._emitCurrentToken(),this._emitEOFToken()):(this._err(o.missingQuoteBeforeDoctypeSystemIdentifier),this.currentToken.forceQuirks=!0,this._reconsumeInState(e_)))}[eE](e){eM(e)?this.state=eT:e===s.QUOTATION_MARK?(this._err(o.missingWhitespaceAfterDoctypeSystemKeyword),this.currentToken.systemId="",this.state=eS):e===s.APOSTROPHE?(this._err(o.missingWhitespaceAfterDoctypeSystemKeyword),this.currentToken.systemId="",this.state=ey):e===s.GREATER_THAN_SIGN?(this._err(o.missingDoctypeSystemIdentifier),this.currentToken.forceQuirks=!0,this.state=u,this._emitCurrentToken()):e===s.EOF?(this._err(o.eofInDoctype),this.currentToken.forceQuirks=!0,this._emitCurrentToken(),this._emitEOFToken()):(this._err(o.missingQuoteBeforeDoctypeSystemIdentifier),this.currentToken.forceQuirks=!0,this._reconsumeInState(e_))}[eT](e){eM(e)||(e===s.QUOTATION_MARK?(this.currentToken.systemId="",this.state=eS):e===s.APOSTROPHE?(this.currentToken.systemId="",this.state=ey):e===s.GREATER_THAN_SIGN?(this._err(o.missingDoctypeSystemIdentifier),this.currentToken.forceQuirks=!0,this.state=u,this._emitCurrentToken()):e===s.EOF?(this._err(o.eofInDoctype),this.currentToken.forceQuirks=!0,this._emitCurrentToken(),this._emitEOFToken()):(this._err(o.missingQuoteBeforeDoctypeSystemIdentifier),this.currentToken.forceQuirks=!0,this._reconsumeInState(e_)))}[eS](e){e===s.QUOTATION_MARK?this.state=eA:e===s.NULL?(this._err(o.unexpectedNullCharacter),this.currentToken.systemId+=a.REPLACEMENT_CHARACTER):e===s.GREATER_THAN_SIGN?(this._err(o.abruptDoctypeSystemIdentifier),this.currentToken.forceQuirks=!0,this._emitCurrentToken(),this.state=u):e===s.EOF?(this._err(o.eofInDoctype),this.currentToken.forceQuirks=!0,this._emitCurrentToken(),this._emitEOFToken()):this.currentToken.systemId+=ej(e)}[ey](e){e===s.APOSTROPHE?this.state=eA:e===s.NULL?(this._err(o.unexpectedNullCharacter),this.currentToken.systemId+=a.REPLACEMENT_CHARACTER):e===s.GREATER_THAN_SIGN?(this._err(o.abruptDoctypeSystemIdentifier),this.currentToken.forceQuirks=!0,this._emitCurrentToken(),this.state=u):e===s.EOF?(this._err(o.eofInDoctype),this.currentToken.forceQuirks=!0,this._emitCurrentToken(),this._emitEOFToken()):this.currentToken.systemId+=ej(e)}[eA](e){eM(e)||(e===s.GREATER_THAN_SIGN?(this._emitCurrentToken(),this.state=u):e===s.EOF?(this._err(o.eofInDoctype),this.currentToken.forceQuirks=!0,this._emitCurrentToken(),this._emitEOFToken()):(this._err(o.unexpectedCharacterAfterDoctypeSystemIdentifier),this._reconsumeInState(e_)))}[e_](e){e===s.GREATER_THAN_SIGN?(this._emitCurrentToken(),this.state=u):e===s.NULL?this._err(o.unexpectedNullCharacter):e===s.EOF&&(this._emitCurrentToken(),this._emitEOFToken())}[ek](e){e===s.RIGHT_SQUARE_BRACKET?this.state=ev:e===s.EOF?(this._err(o.eofInCdata),this._emitEOFToken()):this._emitCodePoint(e)}[ev](e){e===s.RIGHT_SQUARE_BRACKET?this.state=eN:(this._emitChars("]"),this._reconsumeInState(ek))}[eN](e){e===s.GREATER_THAN_SIGN?this.state=u:e===s.RIGHT_SQUARE_BRACKET?this._emitChars("]"):(this._emitChars("]]"),this._reconsumeInState(ek))}[eC](e){this.tempBuff=[s.AMPERSAND],e===s.NUMBER_SIGN?(this.tempBuff.push(e),this.state=eO):eG(e)?this._reconsumeInState(eR):(this._flushCodePointsConsumedAsCharacterReference(),this._reconsumeInState(this.returnState))}[eR](e){let t=this._matchNamedCharacterReference(e);if(this._ensureHibernation())this.tempBuff=[s.AMPERSAND];else if(t){let e=this.tempBuff[this.tempBuff.length-1]===s.SEMICOLON;this._isCharacterReferenceAttributeQuirk(e)||(e||this._errOnNextCodePoint(o.missingSemicolonAfterCharacterReference),this.tempBuff=t),this._flushCodePointsConsumedAsCharacterReference(),this.state=this.returnState}else this._flushCodePointsConsumedAsCharacterReference(),this.state=eI}[eI](e){eG(e)?this._isCharacterReferenceInAttribute()?this.currentAttr.value+=ej(e):this._emitCodePoint(e):(e===s.SEMICOLON&&this._err(o.unknownNamedCharacterReference),this._reconsumeInState(this.returnState))}[eO](e){this.charRefCode=0,e===s.LATIN_SMALL_X||e===s.LATIN_CAPITAL_X?(this.tempBuff.push(e),this.state=ew):this._reconsumeInState(ex)}[ew](e){eF(e)||ez(e)||e$(e)?this._reconsumeInState(eL):(this._err(o.absenceOfDigitsInNumericCharacterReference),this._flushCodePointsConsumedAsCharacterReference(),this._reconsumeInState(this.returnState))}[ex](e){eF(e)?this._reconsumeInState(eD):(this._err(o.absenceOfDigitsInNumericCharacterReference),this._flushCodePointsConsumedAsCharacterReference(),this._reconsumeInState(this.returnState))}[eL](e){ez(e)?this.charRefCode=16*this.charRefCode+e-55:e$(e)?this.charRefCode=16*this.charRefCode+e-87:eF(e)?this.charRefCode=16*this.charRefCode+e-48:e===s.SEMICOLON?this.state=eP:(this._err(o.missingSemicolonAfterCharacterReference),this._reconsumeInState(eP))}[eD](e){eF(e)?this.charRefCode=10*this.charRefCode+e-48:e===s.SEMICOLON?this.state=eP:(this._err(o.missingSemicolonAfterCharacterReference),this._reconsumeInState(eP))}[eP](){if(this.charRefCode===s.NULL)this._err(o.nullCharacterReference),this.charRefCode=s.REPLACEMENT_CHARACTER;else if(this.charRefCode>1114111)this._err(o.characterReferenceOutsideUnicodeRange),this.charRefCode=s.REPLACEMENT_CHARACTER;else if(a.isSurrogate(this.charRefCode))this._err(o.surrogateCharacterReference),this.charRefCode=s.REPLACEMENT_CHARACTER;else if(a.isUndefinedCodePoint(this.charRefCode))this._err(o.noncharacterCharacterReference);else if(a.isControlCodePoint(this.charRefCode)||this.charRefCode===s.CARRIAGE_RETURN){this._err(o.controlCharacterReference);let e=c[this.charRefCode];e&&(this.charRefCode=e)}this.tempBuff=[this.charRefCode],this._flushCodePointsConsumedAsCharacterReference(),this._reconsumeInState(this.returnState)}}eK.CHARACTER_TOKEN="CHARACTER_TOKEN",eK.NULL_CHARACTER_TOKEN="NULL_CHARACTER_TOKEN",eK.WHITESPACE_CHARACTER_TOKEN="WHITESPACE_CHARACTER_TOKEN",eK.START_TAG_TOKEN="START_TAG_TOKEN",eK.END_TAG_TOKEN="END_TAG_TOKEN",eK.COMMENT_TOKEN="COMMENT_TOKEN",eK.DOCTYPE_TOKEN="DOCTYPE_TOKEN",eK.EOF_TOKEN="EOF_TOKEN",eK.HIBERNATION_TOKEN="HIBERNATION_TOKEN",eK.MODE={DATA:u,RCDATA:d,RAWTEXT:p,SCRIPT_DATA:m,PLAINTEXT:g},eK.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},e.exports=eK},5482:function(e){"use strict";e.exports=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])},77118:function(e,t,n){"use strict";let r=n(54284),a=n(41734),i=r.CODE_POINTS;e.exports=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=65536}_err(){}_addGap(){this.gapStack.push(this.lastGapPos),this.lastGapPos=this.pos}_processSurrogate(e){if(this.pos!==this.lastCharPos){let t=this.html.charCodeAt(this.pos+1);if(r.isSurrogatePair(t))return this.pos++,this._addGap(),r.getSurrogatePairCodePoint(e,t)}else if(!this.lastChunkWritten)return this.endOfChunkHit=!0,i.EOF;return this._err(a.surrogateInInputStream),e}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(e,t){this.html?this.html+=e:this.html=e,this.lastCharPos=this.html.length-1,this.endOfChunkHit=!1,this.lastChunkWritten=t}insertHtmlAtCurrentPos(e){this.html=this.html.substring(0,this.pos+1)+e+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,i.EOF;let e=this.html.charCodeAt(this.pos);if(this.skipNextNewLine&&e===i.LINE_FEED)return this.skipNextNewLine=!1,this._addGap(),this.advance();if(e===i.CARRIAGE_RETURN)return this.skipNextNewLine=!0,i.LINE_FEED;this.skipNextNewLine=!1,r.isSurrogate(e)&&(e=this._processSurrogate(e));let t=e>31&&e<127||e===i.LINE_FEED||e===i.CARRIAGE_RETURN||e>159&&e<64976;return t||this._checkForProblematicCharacters(e),e}_checkForProblematicCharacters(e){r.isControlCodePoint(e)?this._err(a.controlCharacterInInputStream):r.isUndefinedCodePoint(e)&&this._err(a.noncharacterInInputStream)}retreat(){this.pos===this.lastGapPos&&(this.lastGapPos=this.gapStack.pop(),this.pos--),this.pos--}}},17296:function(e,t,n){"use strict";let{DOCUMENT_MODE:r}=n(16152);t.createDocument=function(){return{nodeName:"#document",mode:r.NO_QUIRKS,childNodes:[]}},t.createDocumentFragment=function(){return{nodeName:"#document-fragment",childNodes:[]}},t.createElement=function(e,t,n){return{nodeName:e,tagName:e,attrs:n,namespaceURI:t,childNodes:[],parentNode:null}},t.createCommentNode=function(e){return{nodeName:"#comment",data:e,parentNode:null}};let a=function(e){return{nodeName:"#text",value:e,parentNode:null}},i=t.appendChild=function(e,t){e.childNodes.push(t),t.parentNode=e},o=t.insertBefore=function(e,t,n){let r=e.childNodes.indexOf(n);e.childNodes.splice(r,0,t),t.parentNode=e};t.setTemplateContent=function(e,t){e.content=t},t.getTemplateContent=function(e){return e.content},t.setDocumentType=function(e,t,n,r){let a=null;for(let t=0;t(Object.keys(t).forEach(n=>{e[n]=t[n]}),e),Object.create(null))}},81704:function(e){"use strict";class t{constructor(e){let t={},n=this._getOverriddenMethods(this,t);for(let r of Object.keys(n))"function"==typeof n[r]&&(t[r]=e[r],e[r]=n[r])}_getOverriddenMethods(){throw Error("Not implemented")}}t.install=function(e,t,n){e.__mixins||(e.__mixins=[]);for(let n=0;n4&&g.slice(0,4)===o&&s.test(t)&&("-"===t.charAt(4)?f=o+(n=t.slice(5).replace(l,d)).charAt(0).toUpperCase()+n.slice(1):(m=(p=t).slice(4),t=l.test(m)?p:("-"!==(m=m.replace(c,u)).charAt(0)&&(m="-"+m),o+m)),h=a),new h(f,t))};var s=/^data[-\w.:]+$/i,l=/-[a-z]/g,c=/[A-Z]/g;function u(e){return"-"+e.toLowerCase()}function d(e){return e.charAt(1).toUpperCase()}},97247:function(e,t,n){"use strict";var r=n(19940),a=n(8289),i=n(5812),o=n(94397),s=n(67716),l=n(61805);e.exports=r([i,a,o,s,l])},67716:function(e,t,n){"use strict";var r=n(17e3),a=n(17596),i=r.booleanish,o=r.number,s=r.spaceSeparated;e.exports=a({transform:function(e,t){return"role"===t?t:"aria-"+t.slice(4).toLowerCase()},properties:{ariaActiveDescendant:null,ariaAtomic:i,ariaAutoComplete:null,ariaBusy:i,ariaChecked:i,ariaColCount:o,ariaColIndex:o,ariaColSpan:o,ariaControls:s,ariaCurrent:null,ariaDescribedBy:s,ariaDetails:null,ariaDisabled:i,ariaDropEffect:s,ariaErrorMessage:null,ariaExpanded:i,ariaFlowTo:s,ariaGrabbed:i,ariaHasPopup:null,ariaHidden:i,ariaInvalid:null,ariaKeyShortcuts:null,ariaLabel:null,ariaLabelledBy:s,ariaLevel:o,ariaLive:null,ariaModal:i,ariaMultiLine:i,ariaMultiSelectable:i,ariaOrientation:null,ariaOwns:s,ariaPlaceholder:null,ariaPosInSet:o,ariaPressed:i,ariaReadOnly:i,ariaRelevant:null,ariaRequired:i,ariaRoleDescription:s,ariaRowCount:o,ariaRowIndex:o,ariaRowSpan:o,ariaSelected:i,ariaSetSize:o,ariaSort:null,ariaValueMax:o,ariaValueMin:o,ariaValueNow:o,ariaValueText:null,role:null}})},61805:function(e,t,n){"use strict";var r=n(17e3),a=n(17596),i=n(10855),o=r.boolean,s=r.overloadedBoolean,l=r.booleanish,c=r.number,u=r.spaceSeparated,d=r.commaSeparated;e.exports=a({space:"html",attributes:{acceptcharset:"accept-charset",classname:"class",htmlfor:"for",httpequiv:"http-equiv"},transform:i,mustUseProperty:["checked","multiple","muted","selected"],properties:{abbr:null,accept:d,acceptCharset:u,accessKey:u,action:null,allow:null,allowFullScreen:o,allowPaymentRequest:o,allowUserMedia:o,alt:null,as:null,async:o,autoCapitalize:null,autoComplete:u,autoFocus:o,autoPlay:o,capture:o,charSet:null,checked:o,cite:null,className:u,cols:c,colSpan:null,content:null,contentEditable:l,controls:o,controlsList:u,coords:c|d,crossOrigin:null,data:null,dateTime:null,decoding:null,default:o,defer:o,dir:null,dirName:null,disabled:o,download:s,draggable:l,encType:null,enterKeyHint:null,form:null,formAction:null,formEncType:null,formMethod:null,formNoValidate:o,formTarget:null,headers:u,height:c,hidden:o,high:c,href:null,hrefLang:null,htmlFor:u,httpEquiv:u,id:null,imageSizes:null,imageSrcSet:d,inputMode:null,integrity:null,is:null,isMap:o,itemId:null,itemProp:u,itemRef:u,itemScope:o,itemType:u,kind:null,label:null,lang:null,language:null,list:null,loading:null,loop:o,low:c,manifest:null,max:null,maxLength:c,media:null,method:null,min:null,minLength:c,multiple:o,muted:o,name:null,nonce:null,noModule:o,noValidate:o,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:o,optimum:c,pattern:null,ping:u,placeholder:null,playsInline:o,poster:null,preload:null,readOnly:o,referrerPolicy:null,rel:u,required:o,reversed:o,rows:c,rowSpan:c,sandbox:u,scope:null,scoped:o,seamless:o,selected:o,shape:null,size:c,sizes:null,slot:null,span:c,spellCheck:l,src:null,srcDoc:null,srcLang:null,srcSet:d,start:c,step:null,style:null,tabIndex:c,target:null,title:null,translate:null,type:null,typeMustMatch:o,useMap:null,value:l,width:c,wrap:null,align:null,aLink:null,archive:u,axis:null,background:null,bgColor:null,border:c,borderColor:null,bottomMargin:c,cellPadding:null,cellSpacing:null,char:null,charOff:null,classId:null,clear:null,code:null,codeBase:null,codeType:null,color:null,compact:o,declare:o,event:null,face:null,frame:null,frameBorder:null,hSpace:c,leftMargin:c,link:null,longDesc:null,lowSrc:null,marginHeight:c,marginWidth:c,noResize:o,noHref:o,noShade:o,noWrap:o,object:null,profile:null,prompt:null,rev:null,rightMargin:c,rules:null,scheme:null,scrolling:l,standby:null,summary:null,text:null,topMargin:c,valueType:null,version:null,vAlign:null,vLink:null,vSpace:c,allowTransparency:null,autoCorrect:null,autoSave:null,disablePictureInPicture:o,disableRemotePlayback:o,prefix:null,property:null,results:c,security:null,unselectable:null}})},10855:function(e,t,n){"use strict";var r=n(28740);e.exports=function(e,t){return r(e,t.toLowerCase())}},28740:function(e){"use strict";e.exports=function(e,t){return t in e?e[t]:t}},17596:function(e,t,n){"use strict";var r=n(66632),a=n(99607),i=n(98805);e.exports=function(e){var t,n,o=e.space,s=e.mustUseProperty||[],l=e.attributes||{},c=e.properties,u=e.transform,d={},p={};for(t in c)n=new i(t,u(l,t),c[t],o),-1!==s.indexOf(t)&&(n.mustUseProperty=!0),d[t]=n,p[r(t)]=t,p[r(n.attribute)]=t;return new a(d,p,o)}},98805:function(e,t,n){"use strict";var r=n(57643),a=n(17e3);e.exports=s,s.prototype=new r,s.prototype.defined=!0;var i=["boolean","booleanish","overloadedBoolean","number","commaSeparated","spaceSeparated","commaOrSpaceSeparated"],o=i.length;function s(e,t,n,s){var l,c,u,d=-1;for(s&&(this.space=s),r.call(this,e,t);++d1&&void 0!==arguments[1]?arguments[1]:{},n=arguments.length>2?arguments[2]:void 0;return(function(e){if(0===e.length||1===e.length)return e;var t,n=e.join(".");return p[n]||(p[n]=0===(t=e.length)||1===t?e:2===t?[e[0],e[1],"".concat(e[0],".").concat(e[1]),"".concat(e[1],".").concat(e[0])]:3===t?[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])]:t>=4?[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])]:void 0),p[n]})(e.filter(function(e){return"token"!==e})).reduce(function(e,t){return d(d({},e),n[t])},t)}(s.className,Object.assign({},s.style,void 0===a?{}:a),r)})}else h=d(d({},s),{},{className:s.className.join(" ")});var y=b(n.children);return l.createElement(m,(0,c.Z)({key:o},h),y)}}({node:e,stylesheet:n,useInlineStyles:r,key:"code-segement".concat(t)})})}function A(e){return e&&void 0!==e.highlightAuto}var _=n(98695),k=(r=n.n(_)(),a={'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"}},function(e){var t=e.language,n=e.children,s=e.style,c=void 0===s?a:s,u=e.customStyle,d=void 0===u?{}:u,p=e.codeTagProps,g=void 0===p?{className:t?"language-".concat(t):void 0,style:f(f({},c['code[class*="language-"]']),c['code[class*="language-'.concat(t,'"]')])}:p,_=e.useInlineStyles,k=void 0===_||_,v=e.showLineNumbers,C=void 0!==v&&v,N=e.showInlineLineNumbers,R=void 0===N||N,I=e.startingLineNumber,O=void 0===I?1:I,w=e.lineNumberContainerStyle,x=e.lineNumberStyle,L=void 0===x?{}:x,D=e.wrapLines,P=e.wrapLongLines,M=void 0!==P&&P,F=e.lineProps,U=void 0===F?{}:F,B=e.renderer,H=e.PreTag,G=void 0===H?"pre":H,z=e.CodeTag,$=void 0===z?"code":z,j=e.code,V=void 0===j?(Array.isArray(n)?n[0]:n)||"":j,W=e.astGenerator,K=(0,i.Z)(e,m);W=W||r;var Z=C?l.createElement(b,{containerStyle:w,codeStyle:g.style||{},numberStyle:L,startingLineNumber:O,codeString:V}):null,Y=c.hljs||c['pre[class*="language-"]']||{backgroundColor:"#fff"},q=A(W)?"hljs":"prismjs",X=k?Object.assign({},K,{style:Object.assign({},Y,d)}):Object.assign({},K,{className:K.className?"".concat(q," ").concat(K.className):q,style:Object.assign({},d)});if(M?g.style=f(f({},g.style),{},{whiteSpace:"pre-wrap"}):g.style=f(f({},g.style),{},{whiteSpace:"pre"}),!W)return l.createElement(G,X,Z,l.createElement($,g,V));(void 0===D&&B||M)&&(D=!0),B=B||y;var Q=[{type:"text",value:V}],J=function(e){var t=e.astGenerator,n=e.language,r=e.code,a=e.defaultCodeValue;if(A(t)){var i=-1!==t.listLanguages().indexOf(n);return"text"===n?{value:a,language:"text"}:i?t.highlight(n,r):t.highlightAuto(r)}try{return n&&"text"!==n?{value:t.highlight(r,n)}:{value:a}}catch(e){return{value:a}}}({astGenerator:W,language:t,code:V,defaultCodeValue:Q});null===J.language&&(J.value=Q);var ee=J.value.length+O,et=function(e,t,n,r,a,i,s,l,c){var u,d=function e(t){for(var n=arguments.length>1&&void 0!==arguments[1]?arguments[1]:[],r=arguments.length>2&&void 0!==arguments[2]?arguments[2]:[],a=0;a2&&void 0!==arguments[2]?arguments[2]:[];return t||o.length>0?function(e,t){var i=arguments.length>2&&void 0!==arguments[2]?arguments[2]:[];return S({children:e,lineNumber:t,lineNumberStyle:l,largestLineNumber:s,showInlineLineNumbers:a,lineProps:n,className:i,showLineNumbers:r,wrapLongLines:c})}(e,i,o):function(e,t){if(r&&t&&a){var n=T(l,t,s);e.unshift(E(t,n))}return e}(e,i)}for(;g code[class*="language-"]':{padding:"0.2em 0.3em",borderRadius:"0.3em",whiteSpace:"normal"},comment:{color:"hsl(220, 10%, 40%)",fontStyle:"italic"},prolog:{color:"hsl(220, 10%, 40%)"},cdata:{color:"hsl(220, 10%, 40%)"},doctype:{color:"hsl(220, 14%, 71%)"},punctuation:{color:"hsl(220, 14%, 71%)"},entity:{color:"hsl(220, 14%, 71%)",cursor:"help"},"attr-name":{color:"hsl(29, 54%, 61%)"},"class-name":{color:"hsl(29, 54%, 61%)"},boolean:{color:"hsl(29, 54%, 61%)"},constant:{color:"hsl(29, 54%, 61%)"},number:{color:"hsl(29, 54%, 61%)"},atrule:{color:"hsl(29, 54%, 61%)"},keyword:{color:"hsl(286, 60%, 67%)"},property:{color:"hsl(355, 65%, 65%)"},tag:{color:"hsl(355, 65%, 65%)"},symbol:{color:"hsl(355, 65%, 65%)"},deleted:{color:"hsl(355, 65%, 65%)"},important:{color:"hsl(355, 65%, 65%)"},selector:{color:"hsl(95, 38%, 62%)"},string:{color:"hsl(95, 38%, 62%)"},char:{color:"hsl(95, 38%, 62%)"},builtin:{color:"hsl(95, 38%, 62%)"},inserted:{color:"hsl(95, 38%, 62%)"},regex:{color:"hsl(95, 38%, 62%)"},"attr-value":{color:"hsl(95, 38%, 62%)"},"attr-value > .token.punctuation":{color:"hsl(95, 38%, 62%)"},variable:{color:"hsl(207, 82%, 66%)"},operator:{color:"hsl(207, 82%, 66%)"},function:{color:"hsl(207, 82%, 66%)"},url:{color:"hsl(187, 47%, 55%)"},"attr-value > .token.punctuation.attr-equals":{color:"hsl(220, 14%, 71%)"},"special-attr > .token.attr-value > .token.value.css":{color:"hsl(220, 14%, 71%)"},".language-css .token.selector":{color:"hsl(355, 65%, 65%)"},".language-css .token.property":{color:"hsl(220, 14%, 71%)"},".language-css .token.function":{color:"hsl(187, 47%, 55%)"},".language-css .token.url > .token.function":{color:"hsl(187, 47%, 55%)"},".language-css .token.url > .token.string.url":{color:"hsl(95, 38%, 62%)"},".language-css .token.important":{color:"hsl(286, 60%, 67%)"},".language-css .token.atrule .token.rule":{color:"hsl(286, 60%, 67%)"},".language-javascript .token.operator":{color:"hsl(286, 60%, 67%)"},".language-javascript .token.template-string > .token.interpolation > .token.interpolation-punctuation.punctuation":{color:"hsl(5, 48%, 51%)"},".language-json .token.operator":{color:"hsl(220, 14%, 71%)"},".language-json .token.null.keyword":{color:"hsl(29, 54%, 61%)"},".language-markdown .token.url":{color:"hsl(220, 14%, 71%)"},".language-markdown .token.url > .token.operator":{color:"hsl(220, 14%, 71%)"},".language-markdown .token.url-reference.url > .token.string":{color:"hsl(220, 14%, 71%)"},".language-markdown .token.url > .token.content":{color:"hsl(207, 82%, 66%)"},".language-markdown .token.url > .token.url":{color:"hsl(187, 47%, 55%)"},".language-markdown .token.url-reference.url":{color:"hsl(187, 47%, 55%)"},".language-markdown .token.blockquote.punctuation":{color:"hsl(220, 10%, 40%)",fontStyle:"italic"},".language-markdown .token.hr.punctuation":{color:"hsl(220, 10%, 40%)",fontStyle:"italic"},".language-markdown .token.code-snippet":{color:"hsl(95, 38%, 62%)"},".language-markdown .token.bold .token.content":{color:"hsl(29, 54%, 61%)"},".language-markdown .token.italic .token.content":{color:"hsl(286, 60%, 67%)"},".language-markdown .token.strike .token.content":{color:"hsl(355, 65%, 65%)"},".language-markdown .token.strike .token.punctuation":{color:"hsl(355, 65%, 65%)"},".language-markdown .token.list.punctuation":{color:"hsl(355, 65%, 65%)"},".language-markdown .token.title.important > .token.punctuation":{color:"hsl(355, 65%, 65%)"},bold:{fontWeight:"bold"},italic:{fontStyle:"italic"},namespace:{Opacity:"0.8"},"token.tab:not(:empty):before":{color:"hsla(220, 14%, 71%, 0.15)",textShadow:"none"},"token.cr:before":{color:"hsla(220, 14%, 71%, 0.15)",textShadow:"none"},"token.lf:before":{color:"hsla(220, 14%, 71%, 0.15)",textShadow:"none"},"token.space:before":{color:"hsla(220, 14%, 71%, 0.15)",textShadow:"none"},"div.code-toolbar > .toolbar.toolbar > .toolbar-item":{marginRight:"0.4em"},"div.code-toolbar > .toolbar.toolbar > .toolbar-item > button":{background:"hsl(220, 13%, 26%)",color:"hsl(220, 9%, 55%)",padding:"0.1em 0.4em",borderRadius:"0.3em"},"div.code-toolbar > .toolbar.toolbar > .toolbar-item > a":{background:"hsl(220, 13%, 26%)",color:"hsl(220, 9%, 55%)",padding:"0.1em 0.4em",borderRadius:"0.3em"},"div.code-toolbar > .toolbar.toolbar > .toolbar-item > span":{background:"hsl(220, 13%, 26%)",color:"hsl(220, 9%, 55%)",padding:"0.1em 0.4em",borderRadius:"0.3em"},"div.code-toolbar > .toolbar.toolbar > .toolbar-item > button:hover":{background:"hsl(220, 13%, 28%)",color:"hsl(220, 14%, 71%)"},"div.code-toolbar > .toolbar.toolbar > .toolbar-item > button:focus":{background:"hsl(220, 13%, 28%)",color:"hsl(220, 14%, 71%)"},"div.code-toolbar > .toolbar.toolbar > .toolbar-item > a:hover":{background:"hsl(220, 13%, 28%)",color:"hsl(220, 14%, 71%)"},"div.code-toolbar > .toolbar.toolbar > .toolbar-item > a:focus":{background:"hsl(220, 13%, 28%)",color:"hsl(220, 14%, 71%)"},"div.code-toolbar > .toolbar.toolbar > .toolbar-item > span:hover":{background:"hsl(220, 13%, 28%)",color:"hsl(220, 14%, 71%)"},"div.code-toolbar > .toolbar.toolbar > .toolbar-item > span:focus":{background:"hsl(220, 13%, 28%)",color:"hsl(220, 14%, 71%)"},".line-highlight.line-highlight":{background:"hsla(220, 100%, 80%, 0.04)"},".line-highlight.line-highlight:before":{background:"hsl(220, 13%, 26%)",color:"hsl(220, 14%, 71%)",padding:"0.1em 0.6em",borderRadius:"0.3em",boxShadow:"0 2px 0 0 rgba(0, 0, 0, 0.2)"},".line-highlight.line-highlight[data-end]:after":{background:"hsl(220, 13%, 26%)",color:"hsl(220, 14%, 71%)",padding:"0.1em 0.6em",borderRadius:"0.3em",boxShadow:"0 2px 0 0 rgba(0, 0, 0, 0.2)"},"pre[id].linkable-line-numbers.linkable-line-numbers span.line-numbers-rows > span:hover:before":{backgroundColor:"hsla(220, 100%, 80%, 0.04)"},".line-numbers.line-numbers .line-numbers-rows":{borderRightColor:"hsla(220, 14%, 71%, 0.15)"},".command-line .command-line-prompt":{borderRightColor:"hsla(220, 14%, 71%, 0.15)"},".line-numbers .line-numbers-rows > span:before":{color:"hsl(220, 14%, 45%)"},".command-line .command-line-prompt > span:before":{color:"hsl(220, 14%, 45%)"},".rainbow-braces .token.token.punctuation.brace-level-1":{color:"hsl(355, 65%, 65%)"},".rainbow-braces .token.token.punctuation.brace-level-5":{color:"hsl(355, 65%, 65%)"},".rainbow-braces .token.token.punctuation.brace-level-9":{color:"hsl(355, 65%, 65%)"},".rainbow-braces .token.token.punctuation.brace-level-2":{color:"hsl(95, 38%, 62%)"},".rainbow-braces .token.token.punctuation.brace-level-6":{color:"hsl(95, 38%, 62%)"},".rainbow-braces .token.token.punctuation.brace-level-10":{color:"hsl(95, 38%, 62%)"},".rainbow-braces .token.token.punctuation.brace-level-3":{color:"hsl(207, 82%, 66%)"},".rainbow-braces .token.token.punctuation.brace-level-7":{color:"hsl(207, 82%, 66%)"},".rainbow-braces .token.token.punctuation.brace-level-11":{color:"hsl(207, 82%, 66%)"},".rainbow-braces .token.token.punctuation.brace-level-4":{color:"hsl(286, 60%, 67%)"},".rainbow-braces .token.token.punctuation.brace-level-8":{color:"hsl(286, 60%, 67%)"},".rainbow-braces .token.token.punctuation.brace-level-12":{color:"hsl(286, 60%, 67%)"},"pre.diff-highlight > code .token.token.deleted:not(.prefix)":{backgroundColor:"hsla(353, 100%, 66%, 0.15)"},"pre > code.diff-highlight .token.token.deleted:not(.prefix)":{backgroundColor:"hsla(353, 100%, 66%, 0.15)"},"pre.diff-highlight > code .token.token.deleted:not(.prefix)::-moz-selection":{backgroundColor:"hsla(353, 95%, 66%, 0.25)"},"pre.diff-highlight > code .token.token.deleted:not(.prefix) *::-moz-selection":{backgroundColor:"hsla(353, 95%, 66%, 0.25)"},"pre > code.diff-highlight .token.token.deleted:not(.prefix)::-moz-selection":{backgroundColor:"hsla(353, 95%, 66%, 0.25)"},"pre > code.diff-highlight .token.token.deleted:not(.prefix) *::-moz-selection":{backgroundColor:"hsla(353, 95%, 66%, 0.25)"},"pre.diff-highlight > code .token.token.deleted:not(.prefix)::selection":{backgroundColor:"hsla(353, 95%, 66%, 0.25)"},"pre.diff-highlight > code .token.token.deleted:not(.prefix) *::selection":{backgroundColor:"hsla(353, 95%, 66%, 0.25)"},"pre > code.diff-highlight .token.token.deleted:not(.prefix)::selection":{backgroundColor:"hsla(353, 95%, 66%, 0.25)"},"pre > code.diff-highlight .token.token.deleted:not(.prefix) *::selection":{backgroundColor:"hsla(353, 95%, 66%, 0.25)"},"pre.diff-highlight > code .token.token.inserted:not(.prefix)":{backgroundColor:"hsla(137, 100%, 55%, 0.15)"},"pre > code.diff-highlight .token.token.inserted:not(.prefix)":{backgroundColor:"hsla(137, 100%, 55%, 0.15)"},"pre.diff-highlight > code .token.token.inserted:not(.prefix)::-moz-selection":{backgroundColor:"hsla(135, 73%, 55%, 0.25)"},"pre.diff-highlight > code .token.token.inserted:not(.prefix) *::-moz-selection":{backgroundColor:"hsla(135, 73%, 55%, 0.25)"},"pre > code.diff-highlight .token.token.inserted:not(.prefix)::-moz-selection":{backgroundColor:"hsla(135, 73%, 55%, 0.25)"},"pre > code.diff-highlight .token.token.inserted:not(.prefix) *::-moz-selection":{backgroundColor:"hsla(135, 73%, 55%, 0.25)"},"pre.diff-highlight > code .token.token.inserted:not(.prefix)::selection":{backgroundColor:"hsla(135, 73%, 55%, 0.25)"},"pre.diff-highlight > code .token.token.inserted:not(.prefix) *::selection":{backgroundColor:"hsla(135, 73%, 55%, 0.25)"},"pre > code.diff-highlight .token.token.inserted:not(.prefix)::selection":{backgroundColor:"hsla(135, 73%, 55%, 0.25)"},"pre > code.diff-highlight .token.token.inserted:not(.prefix) *::selection":{backgroundColor:"hsla(135, 73%, 55%, 0.25)"},".prism-previewer.prism-previewer:before":{borderColor:"hsl(224, 13%, 17%)"},".prism-previewer-gradient.prism-previewer-gradient div":{borderColor:"hsl(224, 13%, 17%)",borderRadius:"0.3em"},".prism-previewer-color.prism-previewer-color:before":{borderRadius:"0.3em"},".prism-previewer-easing.prism-previewer-easing:before":{borderRadius:"0.3em"},".prism-previewer.prism-previewer:after":{borderTopColor:"hsl(224, 13%, 17%)"},".prism-previewer-flipped.prism-previewer-flipped.after":{borderBottomColor:"hsl(224, 13%, 17%)"},".prism-previewer-angle.prism-previewer-angle:before":{background:"hsl(219, 13%, 22%)"},".prism-previewer-time.prism-previewer-time:before":{background:"hsl(219, 13%, 22%)"},".prism-previewer-easing.prism-previewer-easing":{background:"hsl(219, 13%, 22%)"},".prism-previewer-angle.prism-previewer-angle circle":{stroke:"hsl(220, 14%, 71%)",strokeOpacity:"1"},".prism-previewer-time.prism-previewer-time circle":{stroke:"hsl(220, 14%, 71%)",strokeOpacity:"1"},".prism-previewer-easing.prism-previewer-easing circle":{stroke:"hsl(220, 14%, 71%)",fill:"transparent"},".prism-previewer-easing.prism-previewer-easing path":{stroke:"hsl(220, 14%, 71%)"},".prism-previewer-easing.prism-previewer-easing line":{stroke:"hsl(220, 14%, 71%)"}}},11215:function(e,t,n){"use strict";var r,a,i="object"==typeof globalThis?globalThis:"object"==typeof self?self:"object"==typeof window?window:"object"==typeof n.g?n.g:{},o=(a=(r="Prism"in i)?i.Prism:void 0,function(){r?i.Prism=a:delete i.Prism,r=void 0,a=void 0});i.Prism={manual:!0,disableWorkerMessageHandler:!0};var s=n(31742),l=n(57574),c=n(59216),u=n(2717),d=n(12049),p=n(29726),m=n(36155);o();var g={}.hasOwnProperty;function f(){}f.prototype=c;var h=new f;function b(e){if("function"!=typeof e||!e.displayName)throw Error("Expected `function` for `grammar`, got `"+e+"`");void 0===h.languages[e.displayName]&&e(h)}e.exports=h,h.highlight=function(e,t){var n,r=c.highlight;if("string"!=typeof e)throw Error("Expected `string` for `value`, got `"+e+"`");if("Object"===h.util.type(t))n=t,t=null;else{if("string"!=typeof t)throw Error("Expected `string` for `name`, got `"+t+"`");if(g.call(h.languages,t))n=h.languages[t];else throw Error("Unknown language: `"+t+"` is not registered")}return r.call(this,e,n,t)},h.register=b,h.alias=function(e,t){var n,r,a,i,o=h.languages,s=e;for(n in t&&((s={})[e]=t),s)for(a=(r="string"==typeof(r=s[n])?[r]:r).length,i=-1;++i]?|>=?|\?=|[-+\/=])(?=\s)/,lookbehind:!0},"string-operator":{pattern:/(\s)&&?(?=\s)/,lookbehind:!0,alias:"keyword"},"token-operator":[{pattern:/(\w)(?:->?|=>|[~|{}])(?=\w)/,lookbehind:!0,alias:"punctuation"},{pattern:/[|{}]/,alias:"punctuation"}],punctuation:/[,.:()]/}}e.exports=t,t.displayName="abap",t.aliases=[]},68313:function(e){"use strict";function t(e){var t;t="(?:ALPHA|BIT|CHAR|CR|CRLF|CTL|DIGIT|DQUOTE|HEXDIG|HTAB|LF|LWSP|OCTET|SP|VCHAR|WSP)",e.languages.abnf={comment:/;.*/,string:{pattern:/(?:%[is])?"[^"\n\r]*"/,greedy:!0,inside:{punctuation:/^%[is]/}},range:{pattern:/%(?:b[01]+-[01]+|d\d+-\d+|x[A-F\d]+-[A-F\d]+)/i,alias:"number"},terminal:{pattern:/%(?:b[01]+(?:\.[01]+)*|d\d+(?:\.\d+)*|x[A-F\d]+(?:\.[A-F\d]+)*)/i,alias:"number"},repetition:{pattern:/(^|[^\w-])(?:\d*\*\d*|\d+)/,lookbehind:!0,alias:"operator"},definition:{pattern:/(^[ \t]*)(?:[a-z][\w-]*|<[^<>\r\n]*>)(?=\s*=)/m,lookbehind:!0,alias:"keyword",inside:{punctuation:/<|>/}},"core-rule":{pattern:RegExp("(?:(^|[^<\\w-])"+t+"|<"+t+">)(?![\\w-])","i"),lookbehind:!0,alias:["rule","constant"],inside:{punctuation:/<|>/}},rule:{pattern:/(^|[^<\w-])[a-z][\w-]*|<[^<>\r\n]*>/i,lookbehind:!0,inside:{punctuation:/<|>/}},operator:/=\/?|\//,punctuation:/[()\[\]]/}}e.exports=t,t.displayName="abnf",t.aliases=[]},5199:function(e){"use strict";function t(e){e.languages.actionscript=e.languages.extend("javascript",{keyword:/\b(?:as|break|case|catch|class|const|default|delete|do|dynamic|each|else|extends|final|finally|for|function|get|if|implements|import|in|include|instanceof|interface|internal|is|namespace|native|new|null|override|package|private|protected|public|return|set|static|super|switch|this|throw|try|typeof|use|var|void|while|with)\b/,operator:/\+\+|--|(?:[+\-*\/%^]|&&?|\|\|?|<>?>?|[!=]=?)=?|[~?@]/}),e.languages.actionscript["class-name"].alias="function",delete e.languages.actionscript.parameter,delete e.languages.actionscript["literal-property"],e.languages.markup&&e.languages.insertBefore("actionscript","string",{xml:{pattern:/(^|[^.])<\/?\w+(?:\s+[^\s>\/=]+=("|')(?:\\[\s\S]|(?!\2)[^\\])*\2)*\s*\/?>/,lookbehind:!0,inside:e.languages.markup}})}e.exports=t,t.displayName="actionscript",t.aliases=[]},89693:function(e){"use strict";function t(e){e.languages.ada={comment:/--.*/,string:/"(?:""|[^"\r\f\n])*"/,number:[{pattern:/\b\d(?:_?\d)*#[\dA-F](?:_?[\dA-F])*(?:\.[\dA-F](?:_?[\dA-F])*)?#(?:E[+-]?\d(?:_?\d)*)?/i},{pattern:/\b\d(?:_?\d)*(?:\.\d(?:_?\d)*)?(?:E[+-]?\d(?:_?\d)*)?\b/i}],"attr-name":/\b'\w+/,keyword:/\b(?:abort|abs|abstract|accept|access|aliased|all|and|array|at|begin|body|case|constant|declare|delay|delta|digits|do|else|elsif|end|entry|exception|exit|for|function|generic|goto|if|in|interface|is|limited|loop|mod|new|not|null|of|others|out|overriding|package|pragma|private|procedure|protected|raise|range|record|rem|renames|requeue|return|reverse|select|separate|some|subtype|synchronized|tagged|task|terminate|then|type|until|use|when|while|with|xor)\b/i,boolean:/\b(?:false|true)\b/i,operator:/<[=>]?|>=?|=>?|:=|\/=?|\*\*?|[&+-]/,punctuation:/\.\.?|[,;():]/,char:/'.'/,variable:/\b[a-z](?:\w)*\b/i}}e.exports=t,t.displayName="ada",t.aliases=[]},24001:function(e){"use strict";function t(e){e.languages.agda={comment:/\{-[\s\S]*?(?:-\}|$)|--.*/,string:{pattern:/"(?:\\(?:\r\n|[\s\S])|[^\\\r\n"])*"/,greedy:!0},punctuation:/[(){}⦃⦄.;@]/,"class-name":{pattern:/((?:data|record) +)\S+/,lookbehind:!0},function:{pattern:/(^[ \t]*)(?!\s)[^:\r\n]+(?=:)/m,lookbehind:!0},operator:{pattern:/(^\s*|\s)(?:[=|:∀→λ\\?_]|->)(?=\s)/,lookbehind:!0},keyword:/\b(?:Set|abstract|constructor|data|eta-equality|field|forall|hiding|import|in|inductive|infix|infixl|infixr|instance|let|macro|module|mutual|no-eta-equality|open|overlap|pattern|postulate|primitive|private|public|quote|quoteContext|quoteGoal|quoteTerm|record|renaming|rewrite|syntax|tactic|unquote|unquoteDecl|unquoteDef|using|variable|where|with)\b/}}e.exports=t,t.displayName="agda",t.aliases=[]},18018:function(e){"use strict";function t(e){e.languages.al={comment:/\/\/.*|\/\*[\s\S]*?\*\//,string:{pattern:/'(?:''|[^'\r\n])*'(?!')|"(?:""|[^"\r\n])*"(?!")/,greedy:!0},function:{pattern:/(\b(?:event|procedure|trigger)\s+|(?:^|[^.])\.\s*)[a-z_]\w*(?=\s*\()/i,lookbehind:!0},keyword:[/\b(?:array|asserterror|begin|break|case|do|downto|else|end|event|exit|for|foreach|function|if|implements|in|indataset|interface|internal|local|of|procedure|program|protected|repeat|runonclient|securityfiltering|suppressdispose|temporary|then|to|trigger|until|var|while|with|withevents)\b/i,/\b(?:action|actions|addafter|addbefore|addfirst|addlast|area|assembly|chartpart|codeunit|column|controladdin|cuegroup|customizes|dataitem|dataset|dotnet|elements|enum|enumextension|extends|field|fieldattribute|fieldelement|fieldgroup|fieldgroups|fields|filter|fixed|grid|group|key|keys|label|labels|layout|modify|moveafter|movebefore|movefirst|movelast|page|pagecustomization|pageextension|part|profile|query|repeater|report|requestpage|schema|separator|systempart|table|tableelement|tableextension|textattribute|textelement|type|usercontrol|value|xmlport)\b/i],number:/\b(?:0x[\da-f]+|(?:\d+(?:\.\d*)?|\.\d+)(?:e[+-]?\d+)?)(?:F|LL?|U(?:LL?)?)?\b/i,boolean:/\b(?:false|true)\b/i,variable:/\b(?:Curr(?:FieldNo|Page|Report)|x?Rec|RequestOptionsPage)\b/,"class-name":/\b(?:automation|biginteger|bigtext|blob|boolean|byte|char|clienttype|code|completiontriggererrorlevel|connectiontype|database|dataclassification|datascope|date|dateformula|datetime|decimal|defaultlayout|dialog|dictionary|dotnetassembly|dotnettypedeclaration|duration|errorinfo|errortype|executioncontext|executionmode|fieldclass|fieldref|fieldtype|file|filterpagebuilder|guid|httpclient|httpcontent|httpheaders|httprequestmessage|httpresponsemessage|instream|integer|joker|jsonarray|jsonobject|jsontoken|jsonvalue|keyref|list|moduledependencyinfo|moduleinfo|none|notification|notificationscope|objecttype|option|outstream|pageresult|record|recordid|recordref|reportformat|securityfilter|sessionsettings|tableconnectiontype|tablefilter|testaction|testfield|testfilterfield|testpage|testpermissions|testrequestpage|text|textbuilder|textconst|textencoding|time|transactionmodel|transactiontype|variant|verbosity|version|view|views|webserviceactioncontext|webserviceactionresultcode|xmlattribute|xmlattributecollection|xmlcdata|xmlcomment|xmldeclaration|xmldocument|xmldocumenttype|xmlelement|xmlnamespacemanager|xmlnametable|xmlnode|xmlnodelist|xmlprocessinginstruction|xmlreadoptions|xmltext|xmlwriteoptions)\b/i,operator:/\.\.|:[=:]|[-+*/]=?|<>|[<>]=?|=|\b(?:and|div|mod|not|or|xor)\b/i,punctuation:/[()\[\]{}:.;,]/}}e.exports=t,t.displayName="al",t.aliases=[]},36363:function(e){"use strict";function t(e){e.languages.antlr4={comment:/\/\/.*|\/\*[\s\S]*?(?:\*\/|$)/,string:{pattern:/'(?:\\.|[^\\'\r\n])*'/,greedy:!0},"character-class":{pattern:/\[(?:\\.|[^\\\]\r\n])*\]/,greedy:!0,alias:"regex",inside:{range:{pattern:/([^[]|(?:^|[^\\])(?:\\\\)*\\\[)-(?!\])/,lookbehind:!0,alias:"punctuation"},escape:/\\(?:u(?:[a-fA-F\d]{4}|\{[a-fA-F\d]+\})|[pP]\{[=\w-]+\}|[^\r\nupP])/,punctuation:/[\[\]]/}},action:{pattern:/\{(?:[^{}]|\{(?:[^{}]|\{(?:[^{}]|\{[^{}]*\})*\})*\})*\}/,greedy:!0,inside:{content:{pattern:/(\{)[\s\S]+(?=\})/,lookbehind:!0},punctuation:/[{}]/}},command:{pattern:/(->\s*(?!\s))(?:\s*(?:,\s*)?\b[a-z]\w*(?:\s*\([^()\r\n]*\))?)+(?=\s*;)/i,lookbehind:!0,inside:{function:/\b\w+(?=\s*(?:[,(]|$))/,punctuation:/[,()]/}},annotation:{pattern:/@\w+(?:::\w+)*/,alias:"keyword"},label:{pattern:/#[ \t]*\w+/,alias:"punctuation"},keyword:/\b(?:catch|channels|finally|fragment|grammar|import|lexer|locals|mode|options|parser|returns|throws|tokens)\b/,definition:[{pattern:/\b[a-z]\w*(?=\s*:)/,alias:["rule","class-name"]},{pattern:/\b[A-Z]\w*(?=\s*:)/,alias:["token","constant"]}],constant:/\b[A-Z][A-Z_]*\b/,operator:/\.\.|->|[|~]|[*+?]\??/,punctuation:/[;:()=]/},e.languages.g4=e.languages.antlr4}e.exports=t,t.displayName="antlr4",t.aliases=["g4"]},35281:function(e){"use strict";function t(e){e.languages.apacheconf={comment:/#.*/,"directive-inline":{pattern:/(^[\t ]*)\b(?:AcceptFilter|AcceptPathInfo|AccessFileName|Action|Add(?:Alt|AltByEncoding|AltByType|Charset|DefaultCharset|Description|Encoding|Handler|Icon|IconByEncoding|IconByType|InputFilter|Language|ModuleInfo|OutputFilter|OutputFilterByType|Type)|Alias|AliasMatch|Allow(?:CONNECT|EncodedSlashes|Methods|Override|OverrideList)?|Anonymous(?:_LogEmail|_MustGiveEmail|_NoUserID|_VerifyEmail)?|AsyncRequestWorkerFactor|Auth(?:BasicAuthoritative|BasicFake|BasicProvider|BasicUseDigestAlgorithm|DBDUserPWQuery|DBDUserRealmQuery|DBMGroupFile|DBMType|DBMUserFile|Digest(?:Algorithm|Domain|NonceLifetime|Provider|Qop|ShmemSize)|Form(?:Authoritative|Body|DisableNoStore|FakeBasicAuth|Location|LoginRequiredLocation|LoginSuccessLocation|LogoutLocation|Method|Mimetype|Password|Provider|SitePassphrase|Size|Username)|GroupFile|LDAP(?:AuthorizePrefix|BindAuthoritative|BindDN|BindPassword|CharsetConfig|CompareAsUser|CompareDNOnServer|DereferenceAliases|GroupAttribute|GroupAttributeIsDN|InitialBindAsUser|InitialBindPattern|MaxSubGroupDepth|RemoteUserAttribute|RemoteUserIsDN|SearchAsUser|SubGroupAttribute|SubGroupClass|Url)|Merging|Name|nCache(?:Context|Enable|ProvideFor|SOCache|Timeout)|nzFcgiCheckAuthnProvider|nzFcgiDefineProvider|Type|UserFile|zDBDLoginToReferer|zDBDQuery|zDBDRedirectQuery|zDBMType|zSendForbiddenOnFailure)|BalancerGrowth|BalancerInherit|BalancerMember|BalancerPersist|BrowserMatch|BrowserMatchNoCase|BufferedLogs|BufferSize|Cache(?:DefaultExpire|DetailHeader|DirLength|DirLevels|Disable|Enable|File|Header|IgnoreCacheControl|IgnoreHeaders|IgnoreNoLastMod|IgnoreQueryString|IgnoreURLSessionIdentifiers|KeyBaseURL|LastModifiedFactor|Lock|LockMaxAge|LockPath|MaxExpire|MaxFileSize|MinExpire|MinFileSize|NegotiatedDocs|QuickHandler|ReadSize|ReadTime|Root|Socache(?:MaxSize|MaxTime|MinTime|ReadSize|ReadTime)?|StaleOnError|StoreExpired|StoreNoStore|StorePrivate)|CGIDScriptTimeout|CGIMapExtension|CharsetDefault|CharsetOptions|CharsetSourceEnc|CheckCaseOnly|CheckSpelling|ChrootDir|ContentDigest|CookieDomain|CookieExpires|CookieName|CookieStyle|CookieTracking|CoreDumpDirectory|CustomLog|Dav|DavDepthInfinity|DavGenericLockDB|DavLockDB|DavMinTimeout|DBDExptime|DBDInitSQL|DBDKeep|DBDMax|DBDMin|DBDParams|DBDPersist|DBDPrepareSQL|DBDriver|DefaultIcon|DefaultLanguage|DefaultRuntimeDir|DefaultType|Define|Deflate(?:BufferSize|CompressionLevel|FilterNote|InflateLimitRequestBody|InflateRatio(?:Burst|Limit)|MemLevel|WindowSize)|Deny|DirectoryCheckHandler|DirectoryIndex|DirectoryIndexRedirect|DirectorySlash|DocumentRoot|DTracePrivileges|DumpIOInput|DumpIOOutput|EnableExceptionHook|EnableMMAP|EnableSendfile|Error|ErrorDocument|ErrorLog|ErrorLogFormat|Example|ExpiresActive|ExpiresByType|ExpiresDefault|ExtendedStatus|ExtFilterDefine|ExtFilterOptions|FallbackResource|FileETag|FilterChain|FilterDeclare|FilterProtocol|FilterProvider|FilterTrace|ForceLanguagePriority|ForceType|ForensicLog|GprofDir|GracefulShutdownTimeout|Group|Header|HeaderName|Heartbeat(?:Address|Listen|MaxServers|Storage)|HostnameLookups|IdentityCheck|IdentityCheckTimeout|ImapBase|ImapDefault|ImapMenu|Include|IncludeOptional|Index(?:HeadInsert|Ignore|IgnoreReset|Options|OrderDefault|StyleSheet)|InputSed|ISAPI(?:AppendLogToErrors|AppendLogToQuery|CacheFile|FakeAsync|LogNotSupported|ReadAheadBuffer)|KeepAlive|KeepAliveTimeout|KeptBodySize|LanguagePriority|LDAP(?:CacheEntries|CacheTTL|ConnectionPoolTTL|ConnectionTimeout|LibraryDebug|OpCacheEntries|OpCacheTTL|ReferralHopLimit|Referrals|Retries|RetryDelay|SharedCacheFile|SharedCacheSize|Timeout|TrustedClientCert|TrustedGlobalCert|TrustedMode|VerifyServerCert)|Limit(?:InternalRecursion|Request(?:Body|Fields|FieldSize|Line)|XMLRequestBody)|Listen|ListenBackLog|LoadFile|LoadModule|LogFormat|LogLevel|LogMessage|LuaAuthzProvider|LuaCodeCache|Lua(?:Hook(?:AccessChecker|AuthChecker|CheckUserID|Fixups|InsertFilter|Log|MapToStorage|TranslateName|TypeChecker)|Inherit|InputFilter|MapHandler|OutputFilter|PackageCPath|PackagePath|QuickHandler|Root|Scope)|Max(?:ConnectionsPerChild|KeepAliveRequests|MemFree|RangeOverlaps|RangeReversals|Ranges|RequestWorkers|SpareServers|SpareThreads|Threads)|MergeTrailers|MetaDir|MetaFiles|MetaSuffix|MimeMagicFile|MinSpareServers|MinSpareThreads|MMapFile|ModemStandard|ModMimeUsePathInfo|MultiviewsMatch|Mutex|NameVirtualHost|NoProxy|NWSSLTrustedCerts|NWSSLUpgradeable|Options|Order|OutputSed|PassEnv|PidFile|PrivilegesMode|Protocol|ProtocolEcho|Proxy(?:AddHeaders|BadHeader|Block|Domain|ErrorOverride|ExpressDBMFile|ExpressDBMType|ExpressEnable|FtpDirCharset|FtpEscapeWildcards|FtpListOnWildcard|HTML(?:BufSize|CharsetOut|DocType|Enable|Events|Extended|Fixups|Interp|Links|Meta|StripComments|URLMap)|IOBufferSize|MaxForwards|Pass(?:Inherit|InterpolateEnv|Match|Reverse|ReverseCookieDomain|ReverseCookiePath)?|PreserveHost|ReceiveBufferSize|Remote|RemoteMatch|Requests|SCGIInternalRedirect|SCGISendfile|Set|SourceAddress|Status|Timeout|Via)|ReadmeName|ReceiveBufferSize|Redirect|RedirectMatch|RedirectPermanent|RedirectTemp|ReflectorHeader|RemoteIP(?:Header|InternalProxy|InternalProxyList|ProxiesHeader|TrustedProxy|TrustedProxyList)|RemoveCharset|RemoveEncoding|RemoveHandler|RemoveInputFilter|RemoveLanguage|RemoveOutputFilter|RemoveType|RequestHeader|RequestReadTimeout|Require|Rewrite(?:Base|Cond|Engine|Map|Options|Rule)|RLimitCPU|RLimitMEM|RLimitNPROC|Satisfy|ScoreBoardFile|Script(?:Alias|AliasMatch|InterpreterSource|Log|LogBuffer|LogLength|Sock)?|SecureListen|SeeRequestTail|SendBufferSize|Server(?:Admin|Alias|Limit|Name|Path|Root|Signature|Tokens)|Session(?:Cookie(?:Name|Name2|Remove)|Crypto(?:Cipher|Driver|Passphrase|PassphraseFile)|DBD(?:CookieName|CookieName2|CookieRemove|DeleteLabel|InsertLabel|PerUser|SelectLabel|UpdateLabel)|Env|Exclude|Header|Include|MaxAge)?|SetEnv|SetEnvIf|SetEnvIfExpr|SetEnvIfNoCase|SetHandler|SetInputFilter|SetOutputFilter|SSIEndTag|SSIErrorMsg|SSIETag|SSILastModified|SSILegacyExprParser|SSIStartTag|SSITimeFormat|SSIUndefinedEcho|SSL(?:CACertificateFile|CACertificatePath|CADNRequestFile|CADNRequestPath|CARevocationCheck|CARevocationFile|CARevocationPath|CertificateChainFile|CertificateFile|CertificateKeyFile|CipherSuite|Compression|CryptoDevice|Engine|FIPS|HonorCipherOrder|InsecureRenegotiation|OCSP(?:DefaultResponder|Enable|OverrideResponder|ResponderTimeout|ResponseMaxAge|ResponseTimeSkew|UseRequestNonce)|OpenSSLConfCmd|Options|PassPhraseDialog|Protocol|Proxy(?:CACertificateFile|CACertificatePath|CARevocation(?:Check|File|Path)|CheckPeer(?:CN|Expire|Name)|CipherSuite|Engine|MachineCertificate(?:ChainFile|File|Path)|Protocol|Verify|VerifyDepth)|RandomSeed|RenegBufferSize|Require|RequireSSL|Session(?:Cache|CacheTimeout|TicketKeyFile|Tickets)|SRPUnknownUserSeed|SRPVerifierFile|Stapling(?:Cache|ErrorCacheTimeout|FakeTryLater|ForceURL|ResponderTimeout|ResponseMaxAge|ResponseTimeSkew|ReturnResponderErrors|StandardCacheTimeout)|StrictSNIVHostCheck|UserName|UseStapling|VerifyClient|VerifyDepth)|StartServers|StartThreads|Substitute|Suexec|SuexecUserGroup|ThreadLimit|ThreadsPerChild|ThreadStackSize|TimeOut|TraceEnable|TransferLog|TypesConfig|UnDefine|UndefMacro|UnsetEnv|Use|UseCanonicalName|UseCanonicalPhysicalPort|User|UserDir|VHostCGIMode|VHostCGIPrivs|VHostGroup|VHostPrivs|VHostSecure|VHostUser|Virtual(?:DocumentRoot|ScriptAlias)(?:IP)?|WatchdogInterval|XBitHack|xml2EncAlias|xml2EncDefault|xml2StartParse)\b/im,lookbehind:!0,alias:"property"},"directive-block":{pattern:/<\/?\b(?:Auth[nz]ProviderAlias|Directory|DirectoryMatch|Else|ElseIf|Files|FilesMatch|If|IfDefine|IfModule|IfVersion|Limit|LimitExcept|Location|LocationMatch|Macro|Proxy|Require(?:All|Any|None)|VirtualHost)\b.*>/i,inside:{"directive-block":{pattern:/^<\/?\w+/,inside:{punctuation:/^<\/?/},alias:"tag"},"directive-block-parameter":{pattern:/.*[^>]/,inside:{punctuation:/:/,string:{pattern:/("|').*\1/,inside:{variable:/[$%]\{?(?:\w\.?[-+:]?)+\}?/}}},alias:"attr-value"},punctuation:/>/},alias:"tag"},"directive-flags":{pattern:/\[(?:[\w=],?)+\]/,alias:"keyword"},string:{pattern:/("|').*\1/,inside:{variable:/[$%]\{?(?:\w\.?[-+:]?)+\}?/}},variable:/[$%]\{?(?:\w\.?[-+:]?)+\}?/,regex:/\^?.*\$|\^.*\$?/}}e.exports=t,t.displayName="apacheconf",t.aliases=[]},10433:function(e,t,n){"use strict";var r=n(11114);function a(e){e.register(r),function(e){var t=/\b(?:(?:after|before)(?=\s+[a-z])|abstract|activate|and|any|array|as|asc|autonomous|begin|bigdecimal|blob|boolean|break|bulk|by|byte|case|cast|catch|char|class|collect|commit|const|continue|currency|date|datetime|decimal|default|delete|desc|do|double|else|end|enum|exception|exit|export|extends|final|finally|float|for|from|get(?=\s*[{};])|global|goto|group|having|hint|if|implements|import|in|inner|insert|instanceof|int|integer|interface|into|join|like|limit|list|long|loop|map|merge|new|not|null|nulls|number|object|of|on|or|outer|override|package|parallel|pragma|private|protected|public|retrieve|return|rollback|select|set|short|sObject|sort|static|string|super|switch|synchronized|system|testmethod|then|this|throw|time|transaction|transient|trigger|try|undelete|update|upsert|using|virtual|void|webservice|when|where|while|(?:inherited|with|without)\s+sharing)\b/i,n=/\b(?:(?=[a-z_]\w*\s*[<\[])|(?!))[A-Z_]\w*(?:\s*\.\s*[A-Z_]\w*)*\b(?:\s*(?:\[\s*\]|<(?:[^<>]|<(?:[^<>]|<[^<>]*>)*>)*>))*/.source.replace(//g,function(){return t.source});function r(e){return RegExp(e.replace(//g,function(){return n}),"i")}var a={keyword:t,punctuation:/[()\[\]{};,:.<>]/};e.languages.apex={comment:e.languages.clike.comment,string:e.languages.clike.string,sql:{pattern:/((?:[=,({:]|\breturn)\s*)\[[^\[\]]*\]/i,lookbehind:!0,greedy:!0,alias:"language-sql",inside:e.languages.sql},annotation:{pattern:/@\w+\b/,alias:"punctuation"},"class-name":[{pattern:r(/(\b(?:class|enum|extends|implements|instanceof|interface|new|trigger\s+\w+\s+on)\s+)/.source),lookbehind:!0,inside:a},{pattern:r(/(\(\s*)(?=\s*\)\s*[\w(])/.source),lookbehind:!0,inside:a},{pattern:r(/(?=\s*\w+\s*[;=,(){:])/.source),inside:a}],trigger:{pattern:/(\btrigger\s+)\w+\b/i,lookbehind:!0,alias:"class-name"},keyword:t,function:/\b[a-z_]\w*(?=\s*\()/i,boolean:/\b(?:false|true)\b/i,number:/(?:\B\.\d+|\b\d+(?:\.\d+|L)?)\b/i,operator:/[!=](?:==?)?|\?\.?|&&|\|\||--|\+\+|[-+*/^&|]=?|:|<{1,3}=?/,punctuation:/[()\[\]{};,.]/}}(e)}e.exports=a,a.displayName="apex",a.aliases=[]},84039:function(e){"use strict";function t(e){e.languages.apl={comment:/(?:⍝|#[! ]).*$/m,string:{pattern:/'(?:[^'\r\n]|'')*'/,greedy:!0},number:/¯?(?:\d*\.?\b\d+(?:e[+¯]?\d+)?|¯|∞)(?:j¯?(?:(?:\d+(?:\.\d+)?|\.\d+)(?:e[+¯]?\d+)?|¯|∞))?/i,statement:/:[A-Z][a-z][A-Za-z]*\b/,"system-function":{pattern:/⎕[A-Z]+/i,alias:"function"},constant:/[⍬⌾#⎕⍞]/,function:/[-+×÷⌈⌊∣|⍳⍸?*⍟○!⌹<≤=>≥≠≡≢∊⍷∪∩~∨∧⍱⍲⍴,⍪⌽⊖⍉↑↓⊂⊃⊆⊇⌷⍋⍒⊤⊥⍕⍎⊣⊢⍁⍂≈⍯↗¤→]/,"monadic-operator":{pattern:/[\\\/⌿⍀¨⍨⌶&∥]/,alias:"operator"},"dyadic-operator":{pattern:/[.⍣⍠⍤∘⌸@⌺⍥]/,alias:"operator"},assignment:{pattern:/←/,alias:"keyword"},punctuation:/[\[;\]()◇⋄]/,dfn:{pattern:/[{}⍺⍵⍶⍹∇⍫:]/,alias:"builtin"}}}e.exports=t,t.displayName="apl",t.aliases=[]},71336:function(e){"use strict";function t(e){e.languages.applescript={comment:[/\(\*(?:\(\*(?:[^*]|\*(?!\)))*\*\)|(?!\(\*)[\s\S])*?\*\)/,/--.+/,/#.+/],string:/"(?:\\.|[^"\\\r\n])*"/,number:/(?:\b\d+(?:\.\d*)?|\B\.\d+)(?:e-?\d+)?\b/i,operator:[/[&=≠≤≥*+\-\/÷^]|[<>]=?/,/\b(?:(?:begin|end|start)s? with|(?:contains?|(?:does not|doesn't) contain)|(?:is|isn't|is not) (?:contained by|in)|(?:(?:is|isn't|is not) )?(?:greater|less) than(?: or equal)?(?: to)?|(?:comes|(?:does not|doesn't) come) (?:after|before)|(?:is|isn't|is not) equal(?: to)?|(?:(?:does not|doesn't) equal|equal to|equals|is not|isn't)|(?:a )?(?:ref(?: to)?|reference to)|(?:and|as|div|mod|not|or))\b/],keyword:/\b(?:about|above|after|against|apart from|around|aside from|at|back|before|beginning|behind|below|beneath|beside|between|but|by|considering|continue|copy|does|eighth|else|end|equal|error|every|exit|false|fifth|first|for|fourth|from|front|get|given|global|if|ignoring|in|instead of|into|is|it|its|last|local|me|middle|my|ninth|of|on|onto|out of|over|prop|property|put|repeat|return|returning|second|set|seventh|since|sixth|some|tell|tenth|that|the|then|third|through|thru|timeout|times|to|transaction|true|try|until|where|while|whose|with|without)\b/,"class-name":/\b(?:POSIX file|RGB color|alias|application|boolean|centimeters|centimetres|class|constant|cubic centimeters|cubic centimetres|cubic feet|cubic inches|cubic meters|cubic metres|cubic yards|date|degrees Celsius|degrees Fahrenheit|degrees Kelvin|feet|file|gallons|grams|inches|integer|kilograms|kilometers|kilometres|list|liters|litres|meters|metres|miles|number|ounces|pounds|quarts|real|record|reference|script|square feet|square kilometers|square kilometres|square meters|square metres|square miles|square yards|text|yards)\b/,punctuation:/[{}():,¬«»《》]/}}e.exports=t,t.displayName="applescript",t.aliases=[]},4481:function(e){"use strict";function t(e){e.languages.aql={comment:/\/\/.*|\/\*[\s\S]*?\*\//,property:{pattern:/([{,]\s*)(?:(?!\d)\w+|(["'´`])(?:(?!\2)[^\\\r\n]|\\.)*\2)(?=\s*:)/,lookbehind:!0,greedy:!0},string:{pattern:/(["'])(?:(?!\1)[^\\\r\n]|\\.)*\1/,greedy:!0},identifier:{pattern:/([´`])(?:(?!\1)[^\\\r\n]|\\.)*\1/,greedy:!0},variable:/@@?\w+/,keyword:[{pattern:/(\bWITH\s+)COUNT(?=\s+INTO\b)/i,lookbehind:!0},/\b(?:AGGREGATE|ALL|AND|ANY|ASC|COLLECT|DESC|DISTINCT|FILTER|FOR|GRAPH|IN|INBOUND|INSERT|INTO|K_PATHS|K_SHORTEST_PATHS|LET|LIKE|LIMIT|NONE|NOT|NULL|OR|OUTBOUND|REMOVE|REPLACE|RETURN|SHORTEST_PATH|SORT|UPDATE|UPSERT|WINDOW|WITH)\b/i,{pattern:/(^|[^\w.[])(?:KEEP|PRUNE|SEARCH|TO)\b/i,lookbehind:!0},{pattern:/(^|[^\w.[])(?:CURRENT|NEW|OLD)\b/,lookbehind:!0},{pattern:/\bOPTIONS(?=\s*\{)/i}],function:/\b(?!\d)\w+(?=\s*\()/,boolean:/\b(?:false|true)\b/i,range:{pattern:/\.\./,alias:"operator"},number:[/\b0b[01]+/i,/\b0x[0-9a-f]+/i,/(?:\B\.\d+|\b(?:0|[1-9]\d*)(?:\.\d+)?)(?:e[+-]?\d+)?/i],operator:/\*{2,}|[=!]~|[!=<>]=?|&&|\|\||[-+*/%]/,punctuation:/::|[?.:,;()[\]{}]/}}e.exports=t,t.displayName="aql",t.aliases=[]},2159:function(e,t,n){"use strict";var r=n(80096);function a(e){e.register(r),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}e.exports=a,a.displayName="arduino",a.aliases=["ino"]},60274:function(e){"use strict";function t(e){e.languages.arff={comment:/%.*/,string:{pattern:/(["'])(?:\\.|(?!\1)[^\\\r\n])*\1/,greedy:!0},keyword:/@(?:attribute|data|end|relation)\b/i,number:/\b\d+(?:\.\d+)?\b/,punctuation:/[{},]/}}e.exports=t,t.displayName="arff",t.aliases=[]},18738:function(e){"use strict";function t(e){!function(e){var t={pattern:/(^[ \t]*)\[(?!\[)(?:(["'$`])(?:(?!\2)[^\\]|\\.)*\2|\[(?:[^\[\]\\]|\\.)*\]|[^\[\]\\"'$`]|\\.)*\]/m,lookbehind:!0,inside:{quoted:{pattern:/([$`])(?:(?!\1)[^\\]|\\.)*\1/,inside:{punctuation:/^[$`]|[$`]$/}},interpreted:{pattern:/'(?:[^'\\]|\\.)*'/,inside:{punctuation:/^'|'$/}},string:/"(?:[^"\\]|\\.)*"/,variable:/\w+(?==)/,punctuation:/^\[|\]$|,/,operator:/=/,"attr-value":/(?!^\s+$).+/}},n=e.languages.asciidoc={"comment-block":{pattern:/^(\/{4,})(?:\r?\n|\r)(?:[\s\S]*(?:\r?\n|\r))??\1/m,alias:"comment"},table:{pattern:/^\|={3,}(?:(?:\r?\n|\r(?!\n)).*)*?(?:\r?\n|\r)\|={3,}$/m,inside:{specifiers:{pattern:/(?:(?:(?:\d+(?:\.\d+)?|\.\d+)[+*](?:[<^>](?:\.[<^>])?|\.[<^>])?|[<^>](?:\.[<^>])?|\.[<^>])[a-z]*|[a-z]+)(?=\|)/,alias:"attr-value"},punctuation:{pattern:/(^|[^\\])[|!]=*/,lookbehind:!0}}},"passthrough-block":{pattern:/^(\+{4,})(?:\r?\n|\r)(?:[\s\S]*(?:\r?\n|\r))??\1$/m,inside:{punctuation:/^\++|\++$/}},"literal-block":{pattern:/^(-{4,}|\.{4,})(?:\r?\n|\r)(?:[\s\S]*(?:\r?\n|\r))??\1$/m,inside:{punctuation:/^(?:-+|\.+)|(?:-+|\.+)$/}},"other-block":{pattern:/^(--|\*{4,}|_{4,}|={4,})(?:\r?\n|\r)(?:[\s\S]*(?:\r?\n|\r))??\1$/m,inside:{punctuation:/^(?:-+|\*+|_+|=+)|(?:-+|\*+|_+|=+)$/}},"list-punctuation":{pattern:/(^[ \t]*)(?:-|\*{1,5}|\.{1,5}|(?:[a-z]|\d+)\.|[xvi]+\))(?= )/im,lookbehind:!0,alias:"punctuation"},"list-label":{pattern:/(^[ \t]*)[a-z\d].+(?::{2,4}|;;)(?=\s)/im,lookbehind:!0,alias:"symbol"},"indented-block":{pattern:/((\r?\n|\r)\2)([ \t]+)\S.*(?:(?:\r?\n|\r)\3.+)*(?=\2{2}|$)/,lookbehind:!0},comment:/^\/\/.*/m,title:{pattern:/^.+(?:\r?\n|\r)(?:={3,}|-{3,}|~{3,}|\^{3,}|\+{3,})$|^={1,5} .+|^\.(?![\s.]).*/m,alias:"important",inside:{punctuation:/^(?:\.|=+)|(?:=+|-+|~+|\^+|\++)$/}},"attribute-entry":{pattern:/^:[^:\r\n]+:(?: .*?(?: \+(?:\r?\n|\r).*?)*)?$/m,alias:"tag"},attributes:t,hr:{pattern:/^'{3,}$/m,alias:"punctuation"},"page-break":{pattern:/^<{3,}$/m,alias:"punctuation"},admonition:{pattern:/^(?:CAUTION|IMPORTANT|NOTE|TIP|WARNING):/m,alias:"keyword"},callout:[{pattern:/(^[ \t]*)/m,lookbehind:!0,alias:"symbol"},{pattern:/<\d+>/,alias:"symbol"}],macro:{pattern:/\b[a-z\d][a-z\d-]*::?(?:[^\s\[\]]*\[(?:[^\]\\"']|(["'])(?:(?!\1)[^\\]|\\.)*\1|\\.)*\])/,inside:{function:/^[a-z\d-]+(?=:)/,punctuation:/^::?/,attributes:{pattern:/(?:\[(?:[^\]\\"']|(["'])(?:(?!\1)[^\\]|\\.)*\1|\\.)*\])/,inside:t.inside}}},inline:{pattern:/(^|[^\\])(?:(?:\B\[(?:[^\]\\"']|(["'])(?:(?!\2)[^\\]|\\.)*\2|\\.)*\])?(?:\b_(?!\s)(?: _|[^_\\\r\n]|\\.)+(?:(?:\r?\n|\r)(?: _|[^_\\\r\n]|\\.)+)*_\b|\B``(?!\s).+?(?:(?:\r?\n|\r).+?)*''\B|\B`(?!\s)(?:[^`'\s]|\s+\S)+['`]\B|\B(['*+#])(?!\s)(?: \3|(?!\3)[^\\\r\n]|\\.)+(?:(?:\r?\n|\r)(?: \3|(?!\3)[^\\\r\n]|\\.)+)*\3\B)|(?:\[(?:[^\]\\"']|(["'])(?:(?!\4)[^\\]|\\.)*\4|\\.)*\])?(?:(__|\*\*|\+\+\+?|##|\$\$|[~^]).+?(?:(?:\r?\n|\r).+?)*\5|\{[^}\r\n]+\}|\[\[\[?.+?(?:(?:\r?\n|\r).+?)*\]?\]\]|<<.+?(?:(?:\r?\n|\r).+?)*>>|\(\(\(?.+?(?:(?:\r?\n|\r).+?)*\)?\)\)))/m,lookbehind:!0,inside:{attributes:t,url:{pattern:/^(?:\[\[\[?.+?\]?\]\]|<<.+?>>)$/,inside:{punctuation:/^(?:\[\[\[?|<<)|(?:\]\]\]?|>>)$/}},"attribute-ref":{pattern:/^\{.+\}$/,inside:{variable:{pattern:/(^\{)[a-z\d,+_-]+/,lookbehind:!0},operator:/^[=?!#%@$]|!(?=[:}])/,punctuation:/^\{|\}$|::?/}},italic:{pattern:/^(['_])[\s\S]+\1$/,inside:{punctuation:/^(?:''?|__?)|(?:''?|__?)$/}},bold:{pattern:/^\*[\s\S]+\*$/,inside:{punctuation:/^\*\*?|\*\*?$/}},punctuation:/^(?:``?|\+{1,3}|##?|\$\$|[~^]|\(\(\(?)|(?:''?|\+{1,3}|##?|\$\$|[~^`]|\)?\)\))$/}},replacement:{pattern:/\((?:C|R|TM)\)/,alias:"builtin"},entity:/&#?[\da-z]{1,8};/i,"line-continuation":{pattern:/(^| )\+$/m,lookbehind:!0,alias:"punctuation"}};function r(e){e=e.split(" ");for(var t={},r=0,a=e.length;r>=?|<<=?|&&?|\|\|?|[-+*/%&|^!=<>?]=?/,punctuation:/[(),:]/}}e.exports=t,t.displayName="asmatmel",t.aliases=[]},78734:function(e,t,n){"use strict";var r=n(61958);function a(e){e.register(r),e.languages.aspnet=e.languages.extend("markup",{"page-directive":{pattern:/<%\s*@.*%>/,alias:"tag",inside:{"page-directive":{pattern:/<%\s*@\s*(?:Assembly|Control|Implements|Import|Master(?:Type)?|OutputCache|Page|PreviousPageType|Reference|Register)?|%>/i,alias:"tag"},rest:e.languages.markup.tag.inside}},directive:{pattern:/<%.*%>/,alias:"tag",inside:{directive:{pattern:/<%\s*?[$=%#:]{0,2}|%>/,alias:"tag"},rest:e.languages.csharp}}}),e.languages.aspnet.tag.pattern=/<(?!%)\/?[^\s>\/]+(?:\s+[^\s>\/=]+(?:=(?:("|')(?:\\[\s\S]|(?!\1)[^\\])*\1|[^\s'">=]+))?)*\s*\/?>/,e.languages.insertBefore("inside","punctuation",{directive:e.languages.aspnet.directive},e.languages.aspnet.tag.inside["attr-value"]),e.languages.insertBefore("aspnet","comment",{"asp-comment":{pattern:/<%--[\s\S]*?--%>/,alias:["asp","comment"]}}),e.languages.insertBefore("aspnet",e.languages.javascript?"script":"tag",{"asp-script":{pattern:/(]*>)[\s\S]*?(?=<\/script>)/i,lookbehind:!0,alias:["asp","script"],inside:e.languages.csharp||{}}})}e.exports=a,a.displayName="aspnet",a.aliases=[]},6681:function(e){"use strict";function t(e){e.languages.autohotkey={comment:[{pattern:/(^|\s);.*/,lookbehind:!0},{pattern:/(^[\t ]*)\/\*(?:[\r\n](?![ \t]*\*\/)|[^\r\n])*(?:[\r\n][ \t]*\*\/)?/m,lookbehind:!0,greedy:!0}],tag:{pattern:/^([ \t]*)[^\s,`":]+(?=:[ \t]*$)/m,lookbehind:!0},string:/"(?:[^"\n\r]|"")*"/,variable:/%\w+%/,number:/\b0x[\dA-Fa-f]+\b|(?:\b\d+(?:\.\d*)?|\B\.\d+)(?:[Ee]-?\d+)?/,operator:/\?|\/\/?=?|:=|\|[=|]?|&[=&]?|\+[=+]?|-[=-]?|\*[=*]?|<(?:<=?|>|=)?|>>?=?|[.^!=~]=?|\b(?:AND|NOT|OR)\b/,boolean:/\b(?:false|true)\b/,selector:/\b(?:AutoTrim|BlockInput|Break|Click|ClipWait|Continue|Control|ControlClick|ControlFocus|ControlGet|ControlGetFocus|ControlGetPos|ControlGetText|ControlMove|ControlSend|ControlSendRaw|ControlSetText|CoordMode|Critical|DetectHiddenText|DetectHiddenWindows|Drive|DriveGet|DriveSpaceFree|EnvAdd|EnvDiv|EnvGet|EnvMult|EnvSet|EnvSub|EnvUpdate|Exit|ExitApp|FileAppend|FileCopy|FileCopyDir|FileCreateDir|FileCreateShortcut|FileDelete|FileEncoding|FileGetAttrib|FileGetShortcut|FileGetSize|FileGetTime|FileGetVersion|FileInstall|FileMove|FileMoveDir|FileRead|FileReadLine|FileRecycle|FileRecycleEmpty|FileRemoveDir|FileSelectFile|FileSelectFolder|FileSetAttrib|FileSetTime|FormatTime|GetKeyState|Gosub|Goto|GroupActivate|GroupAdd|GroupClose|GroupDeactivate|Gui|GuiControl|GuiControlGet|Hotkey|ImageSearch|IniDelete|IniRead|IniWrite|Input|InputBox|KeyWait|ListHotkeys|ListLines|ListVars|Loop|Menu|MouseClick|MouseClickDrag|MouseGetPos|MouseMove|MsgBox|OnExit|OutputDebug|Pause|PixelGetColor|PixelSearch|PostMessage|Process|Progress|Random|RegDelete|RegRead|RegWrite|Reload|Repeat|Return|Run|RunAs|RunWait|Send|SendEvent|SendInput|SendMessage|SendMode|SendPlay|SendRaw|SetBatchLines|SetCapslockState|SetControlDelay|SetDefaultMouseSpeed|SetEnv|SetFormat|SetKeyDelay|SetMouseDelay|SetNumlockState|SetRegView|SetScrollLockState|SetStoreCapslockMode|SetTimer|SetTitleMatchMode|SetWinDelay|SetWorkingDir|Shutdown|Sleep|Sort|SoundBeep|SoundGet|SoundGetWaveVolume|SoundPlay|SoundSet|SoundSetWaveVolume|SplashImage|SplashTextOff|SplashTextOn|SplitPath|StatusBarGetText|StatusBarWait|StringCaseSense|StringGetPos|StringLeft|StringLen|StringLower|StringMid|StringReplace|StringRight|StringSplit|StringTrimLeft|StringTrimRight|StringUpper|Suspend|SysGet|Thread|ToolTip|Transform|TrayTip|URLDownloadToFile|WinActivate|WinActivateBottom|WinClose|WinGet|WinGetActiveStats|WinGetActiveTitle|WinGetClass|WinGetPos|WinGetText|WinGetTitle|WinHide|WinKill|WinMaximize|WinMenuSelectItem|WinMinimize|WinMinimizeAll|WinMinimizeAllUndo|WinMove|WinRestore|WinSet|WinSetTitle|WinShow|WinWait|WinWaitActive|WinWaitClose|WinWaitNotActive)\b/i,constant:/\b(?:a_ahkpath|a_ahkversion|a_appdata|a_appdatacommon|a_autotrim|a_batchlines|a_caretx|a_carety|a_computername|a_controldelay|a_cursor|a_dd|a_ddd|a_dddd|a_defaultmousespeed|a_desktop|a_desktopcommon|a_detecthiddentext|a_detecthiddenwindows|a_endchar|a_eventinfo|a_exitreason|a_fileencoding|a_formatfloat|a_formatinteger|a_gui|a_guicontrol|a_guicontrolevent|a_guievent|a_guiheight|a_guiwidth|a_guix|a_guiy|a_hour|a_iconfile|a_iconhidden|a_iconnumber|a_icontip|a_index|a_ipaddress1|a_ipaddress2|a_ipaddress3|a_ipaddress4|a_is64bitos|a_isadmin|a_iscompiled|a_iscritical|a_ispaused|a_issuspended|a_isunicode|a_keydelay|a_language|a_lasterror|a_linefile|a_linenumber|a_loopfield|a_loopfileattrib|a_loopfiledir|a_loopfileext|a_loopfilefullpath|a_loopfilelongpath|a_loopfilename|a_loopfileshortname|a_loopfileshortpath|a_loopfilesize|a_loopfilesizekb|a_loopfilesizemb|a_loopfiletimeaccessed|a_loopfiletimecreated|a_loopfiletimemodified|a_loopreadline|a_loopregkey|a_loopregname|a_loopregsubkey|a_loopregtimemodified|a_loopregtype|a_mday|a_min|a_mm|a_mmm|a_mmmm|a_mon|a_mousedelay|a_msec|a_mydocuments|a_now|a_nowutc|a_numbatchlines|a_ostype|a_osversion|a_priorhotkey|a_priorkey|a_programfiles|a_programs|a_programscommon|a_ptrsize|a_regview|a_screendpi|a_screenheight|a_screenwidth|a_scriptdir|a_scriptfullpath|a_scripthwnd|a_scriptname|a_sec|a_space|a_startmenu|a_startmenucommon|a_startup|a_startupcommon|a_stringcasesense|a_tab|a_temp|a_thisfunc|a_thishotkey|a_thislabel|a_thismenu|a_thismenuitem|a_thismenuitempos|a_tickcount|a_timeidle|a_timeidlephysical|a_timesincepriorhotkey|a_timesincethishotkey|a_titlematchmode|a_titlematchmodespeed|a_username|a_wday|a_windelay|a_windir|a_workingdir|a_yday|a_year|a_yweek|a_yyyy|clipboard|clipboardall|comspec|errorlevel|programfiles)\b/i,builtin:/\b(?:abs|acos|asc|asin|atan|ceil|chr|class|comobjactive|comobjarray|comobjconnect|comobjcreate|comobjerror|comobjflags|comobjget|comobjquery|comobjtype|comobjvalue|cos|dllcall|exp|fileexist|Fileopen|floor|format|il_add|il_create|il_destroy|instr|isfunc|islabel|IsObject|ln|log|ltrim|lv_add|lv_delete|lv_deletecol|lv_getcount|lv_getnext|lv_gettext|lv_insert|lv_insertcol|lv_modify|lv_modifycol|lv_setimagelist|mod|numget|numput|onmessage|regexmatch|regexreplace|registercallback|round|rtrim|sb_seticon|sb_setparts|sb_settext|sin|sqrt|strlen|strreplace|strsplit|substr|tan|tv_add|tv_delete|tv_get|tv_getchild|tv_getcount|tv_getnext|tv_getparent|tv_getprev|tv_getselection|tv_gettext|tv_modify|varsetcapacity|winactive|winexist|__Call|__Get|__New|__Set)\b/i,symbol:/\b(?:alt|altdown|altup|appskey|backspace|browser_back|browser_favorites|browser_forward|browser_home|browser_refresh|browser_search|browser_stop|bs|capslock|ctrl|ctrlbreak|ctrldown|ctrlup|del|delete|down|end|enter|esc|escape|f1|f10|f11|f12|f13|f14|f15|f16|f17|f18|f19|f2|f20|f21|f22|f23|f24|f3|f4|f5|f6|f7|f8|f9|home|ins|insert|joy1|joy10|joy11|joy12|joy13|joy14|joy15|joy16|joy17|joy18|joy19|joy2|joy20|joy21|joy22|joy23|joy24|joy25|joy26|joy27|joy28|joy29|joy3|joy30|joy31|joy32|joy4|joy5|joy6|joy7|joy8|joy9|joyaxes|joybuttons|joyinfo|joyname|joypov|joyr|joyu|joyv|joyx|joyy|joyz|lalt|launch_app1|launch_app2|launch_mail|launch_media|lbutton|lcontrol|lctrl|left|lshift|lwin|lwindown|lwinup|mbutton|media_next|media_play_pause|media_prev|media_stop|numlock|numpad0|numpad1|numpad2|numpad3|numpad4|numpad5|numpad6|numpad7|numpad8|numpad9|numpadadd|numpadclear|numpaddel|numpaddiv|numpaddot|numpaddown|numpadend|numpadenter|numpadhome|numpadins|numpadleft|numpadmult|numpadpgdn|numpadpgup|numpadright|numpadsub|numpadup|pgdn|pgup|printscreen|ralt|rbutton|rcontrol|rctrl|right|rshift|rwin|rwindown|rwinup|scrolllock|shift|shiftdown|shiftup|space|tab|up|volume_down|volume_mute|volume_up|wheeldown|wheelleft|wheelright|wheelup|xbutton1|xbutton2)\b/i,important:/#\b(?:AllowSameLineComments|ClipboardTimeout|CommentFlag|DerefChar|ErrorStdOut|EscapeChar|HotkeyInterval|HotkeyModifierTimeout|Hotstring|If|IfTimeout|IfWinActive|IfWinExist|IfWinNotActive|IfWinNotExist|Include|IncludeAgain|InputLevel|InstallKeybdHook|InstallMouseHook|KeyHistory|MaxHotkeysPerInterval|MaxMem|MaxThreads|MaxThreadsBuffer|MaxThreadsPerHotkey|MenuMaskKey|NoEnv|NoTrayIcon|Persistent|SingleInstance|UseHook|Warn|WinActivateForce)\b/i,keyword:/\b(?:Abort|AboveNormal|Add|ahk_class|ahk_exe|ahk_group|ahk_id|ahk_pid|All|Alnum|Alpha|AltSubmit|AltTab|AltTabAndMenu|AltTabMenu|AltTabMenuDismiss|AlwaysOnTop|AutoSize|Background|BackgroundTrans|BelowNormal|between|BitAnd|BitNot|BitOr|BitShiftLeft|BitShiftRight|BitXOr|Bold|Border|Button|ByRef|Catch|Checkbox|Checked|CheckedGray|Choose|ChooseString|Close|Color|ComboBox|Contains|ControlList|Count|Date|DateTime|Days|DDL|Default|DeleteAll|Delimiter|Deref|Destroy|Digit|Disable|Disabled|DropDownList|Edit|Eject|Else|Enable|Enabled|Error|Exist|Expand|ExStyle|FileSystem|Finally|First|Flash|Float|FloatFast|Focus|Font|for|global|Grid|Group|GroupBox|GuiClose|GuiContextMenu|GuiDropFiles|GuiEscape|GuiSize|Hdr|Hidden|Hide|High|HKCC|HKCR|HKCU|HKEY_CLASSES_ROOT|HKEY_CURRENT_CONFIG|HKEY_CURRENT_USER|HKEY_LOCAL_MACHINE|HKEY_USERS|HKLM|HKU|Hours|HScroll|Icon|IconSmall|ID|IDLast|If|IfEqual|IfExist|IfGreater|IfGreaterOrEqual|IfInString|IfLess|IfLessOrEqual|IfMsgBox|IfNotEqual|IfNotExist|IfNotInString|IfWinActive|IfWinExist|IfWinNotActive|IfWinNotExist|Ignore|ImageList|in|Integer|IntegerFast|Interrupt|is|italic|Join|Label|LastFound|LastFoundExist|Limit|Lines|List|ListBox|ListView|local|Lock|Logoff|Low|Lower|Lowercase|MainWindow|Margin|Maximize|MaximizeBox|MaxSize|Minimize|MinimizeBox|MinMax|MinSize|Minutes|MonthCal|Mouse|Move|Multi|NA|No|NoActivate|NoDefault|NoHide|NoIcon|NoMainWindow|norm|Normal|NoSort|NoSortHdr|NoStandard|Not|NoTab|NoTimers|Number|Off|Ok|On|OwnDialogs|Owner|Parse|Password|Picture|Pixel|Pos|Pow|Priority|ProcessName|Radio|Range|Read|ReadOnly|Realtime|Redraw|Region|REG_BINARY|REG_DWORD|REG_EXPAND_SZ|REG_MULTI_SZ|REG_SZ|Relative|Rename|Report|Resize|Restore|Retry|RGB|Screen|Seconds|Section|Serial|SetLabel|ShiftAltTab|Show|Single|Slider|SortDesc|Standard|static|Status|StatusBar|StatusCD|strike|Style|Submit|SysMenu|Tab2|TabStop|Text|Theme|Throw|Tile|ToggleCheck|ToggleEnable|ToolWindow|Top|Topmost|TransColor|Transparent|Tray|TreeView|Try|TryAgain|Type|UnCheck|underline|Unicode|Unlock|Until|UpDown|Upper|Uppercase|UseErrorLevel|Vis|VisFirst|Visible|VScroll|Wait|WaitClose|WantCtrlA|WantF2|WantReturn|While|Wrap|Xdigit|xm|xp|xs|Yes|ym|yp|ys)\b/i,function:/[^(); \t,\n+*\-=?>:\\\/<&%\[\]]+(?=\()/,punctuation:/[{}[\]():,]/}}e.exports=t,t.displayName="autohotkey",t.aliases=[]},53358:function(e){"use strict";function t(e){e.languages.autoit={comment:[/;.*/,{pattern:/(^[\t ]*)#(?:comments-start|cs)[\s\S]*?^[ \t]*#(?:ce|comments-end)/m,lookbehind:!0}],url:{pattern:/(^[\t ]*#include\s+)(?:<[^\r\n>]+>|"[^\r\n"]+")/m,lookbehind:!0},string:{pattern:/(["'])(?:\1\1|(?!\1)[^\r\n])*\1/,greedy:!0,inside:{variable:/([%$@])\w+\1/}},directive:{pattern:/(^[\t ]*)#[\w-]+/m,lookbehind:!0,alias:"keyword"},function:/\b\w+(?=\()/,variable:/[$@]\w+/,keyword:/\b(?:Case|Const|Continue(?:Case|Loop)|Default|Dim|Do|Else(?:If)?|End(?:Func|If|Select|Switch|With)|Enum|Exit(?:Loop)?|For|Func|Global|If|In|Local|Next|Null|ReDim|Select|Static|Step|Switch|Then|To|Until|Volatile|WEnd|While|With)\b/i,number:/\b(?:0x[\da-f]+|\d+(?:\.\d+)?(?:e[+-]?\d+)?)\b/i,boolean:/\b(?:False|True)\b/i,operator:/<[=>]?|[-+*\/=&>]=?|[?^]|\b(?:And|Not|Or)\b/i,punctuation:/[\[\]().,:]/}}e.exports=t,t.displayName="autoit",t.aliases=[]},81700:function(e){"use strict";function t(e){!function(e){function t(e,t,n){return RegExp(e.replace(/<<(\d+)>>/g,function(e,n){return t[+n]}),n||"")}var n=/bool|clip|float|int|string|val/.source,r=[[/is(?:bool|clip|float|int|string)|defined|(?:(?:internal)?function|var)?exists?/.source,/apply|assert|default|eval|import|nop|select|undefined/.source,/opt_(?:allowfloataudio|avipadscanlines|dwchannelmask|enable_(?:b64a|planartopackedrgb|v210|y3_10_10|y3_10_16)|usewaveextensible|vdubplanarhack)|set(?:cachemode|maxcpu|memorymax|planarlegacyalignment|workingdir)/.source,/hex(?:value)?|value/.source,/abs|ceil|continued(?:denominator|numerator)?|exp|floor|fmod|frac|log(?:10)?|max|min|muldiv|pi|pow|rand|round|sign|spline|sqrt/.source,/a?sinh?|a?cosh?|a?tan[2h]?/.source,/(?:bit(?:and|not|x?or|[lr]?shift[aslu]?|sh[lr]|sa[lr]|[lr]rotatel?|ro[rl]|te?st|set(?:count)?|cl(?:ea)?r|ch(?:an)?ge?))/.source,/average(?:[bgr]|chroma[uv]|luma)|(?:[rgb]|chroma[uv]|luma|rgb|[yuv](?=difference(?:fromprevious|tonext)))difference(?:fromprevious|tonext)?|[yuvrgb]plane(?:median|min|max|minmaxdifference)/.source,/getprocessinfo|logmsg|script(?:dir(?:utf8)?|file(?:utf8)?|name(?:utf8)?)|setlogparams/.source,/chr|(?:fill|find|left|mid|replace|rev|right)str|format|[lu]case|ord|str(?:cmpi?|fromutf8|len|toutf8)|time|trim(?:all|left|right)/.source,/isversionorgreater|version(?:number|string)/.source,/buildpixeltype|colorspacenametopixeltype/.source,/addautoloaddir|on(?:cpu|cuda)|prefetch|setfiltermtmode/.source].join("|"),[/has(?:audio|video)/.source,/height|width/.source,/frame(?:count|rate)|framerate(?:denominator|numerator)/.source,/getparity|is(?:field|frame)based/.source,/bitspercomponent|componentsize|hasalpha|is(?:planar(?:rgba?)?|interleaved|rgb(?:24|32|48|64)?|y(?:8|u(?:va?|y2))?|yv(?:12|16|24|411)|420|422|444|packedrgb)|numcomponents|pixeltype/.source,/audio(?:bits|channels|duration|length(?:[fs]|hi|lo)?|rate)|isaudio(?:float|int)/.source].join("|"),[/avi(?:file)?source|directshowsource|image(?:reader|source|sourceanim)|opendmlsource|segmented(?:avisource|directshowsource)|wavsource/.source,/coloryuv|convertbacktoyuy2|convertto(?:RGB(?:24|32|48|64)|(?:planar)?RGBA?|Y8?|YV(?:12|16|24|411)|YUVA?(?:411|420|422|444)|YUY2)|fixluminance|gr[ae]yscale|invert|levels|limiter|mergea?rgb|merge(?:chroma|luma)|rgbadjust|show(?:alpha|blue|green|red)|swapuv|tweak|[uv]toy8?|ytouv/.source,/(?:colorkey|reset)mask|layer|mask(?:hs)?|merge|overlay|subtract/.source,/addborders|(?:bicubic|bilinear|blackman|gauss|lanczos4|lanczos|point|sinc|spline(?:16|36|64))resize|crop(?:bottom)?|flip(?:horizontal|vertical)|(?:horizontal|vertical)?reduceby2|letterbox|skewrows|turn(?:180|left|right)/.source,/blur|fixbrokenchromaupsampling|generalconvolution|(?:spatial|temporal)soften|sharpen/.source,/trim|(?:un)?alignedsplice|(?:assume|assumescaled|change|convert)FPS|(?:delete|duplicate)frame|dissolve|fade(?:in|io|out)[02]?|freezeframe|interleave|loop|reverse|select(?:even|odd|(?:range)?every)/.source,/assume[bt]ff|assume(?:field|frame)based|bob|complementparity|doubleweave|peculiarblend|pulldown|separate(?:columns|fields|rows)|swapfields|weave(?:columns|rows)?/.source,/amplify(?:db)?|assumesamplerate|audiodub(?:ex)?|audiotrim|convertaudioto(?:(?:8|16|24|32)bit|float)|converttomono|delayaudio|ensurevbrmp3sync|get(?:left|right)?channel|kill(?:audio|video)|mergechannels|mixaudio|monotostereo|normalize|resampleaudio|ssrc|supereq|timestretch/.source,/animate|applyrange|conditional(?:filter|reader|select)|frameevaluate|scriptclip|tcp(?:server|source)|writefile(?:end|if|start)?/.source,/imagewriter/.source,/blackness|blankclip|colorbars(?:hd)?|compare|dumpfiltergraph|echo|histogram|info|messageclip|preroll|setgraphanalysis|show(?:framenumber|smpte|time)|showfiveversions|stack(?:horizontal|vertical)|subtitle|tone|version/.source].join("|")].join("|");e.languages.avisynth={comment:[{pattern:/(^|[^\\])\[\*(?:[^\[*]|\[(?!\*)|\*(?!\])|\[\*(?:[^\[*]|\[(?!\*)|\*(?!\]))*\*\])*\*\]/,lookbehind:!0,greedy:!0},{pattern:/(^|[^\\])\/\*[\s\S]*?(?:\*\/|$)/,lookbehind:!0,greedy:!0},{pattern:/(^|[^\\$])#.*/,lookbehind:!0,greedy:!0}],argument:{pattern:t(/\b(?:<<0>>)\s+("?)\w+\1/.source,[n],"i"),inside:{keyword:/^\w+/}},"argument-label":{pattern:/([,(][\s\\]*)\w+\s*=(?!=)/,lookbehind:!0,inside:{"argument-name":{pattern:/^\w+/,alias:"punctuation"},punctuation:/=$/}},string:[{pattern:/"""[\s\S]*?"""/,greedy:!0},{pattern:/"(?:\\(?:\r\n|[\s\S])|[^"\\\r\n])*"/,greedy:!0,inside:{constant:{pattern:/\b(?:DEFAULT_MT_MODE|(?:MAINSCRIPT|PROGRAM|SCRIPT)DIR|(?:MACHINE|USER)_(?:CLASSIC|PLUS)_PLUGINS)\b/}}}],variable:/\b(?:last)\b/i,boolean:/\b(?:false|no|true|yes)\b/i,keyword:/\b(?:catch|else|for|function|global|if|return|try|while|__END__)\b/i,constant:/\bMT_(?:MULTI_INSTANCE|NICE_FILTER|SERIALIZED|SPECIAL_MT)\b/,"builtin-function":{pattern:t(/\b(?:<<0>>)\b/.source,[r],"i"),alias:"function"},"type-cast":{pattern:t(/\b(?:<<0>>)(?=\s*\()/.source,[n],"i"),alias:"keyword"},function:{pattern:/\b[a-z_]\w*(?=\s*\()|(\.)[a-z_]\w*\b/i,lookbehind:!0},"line-continuation":{pattern:/(^[ \t]*)\\|\\(?=[ \t]*$)/m,lookbehind:!0,alias:"punctuation"},number:/\B\$(?:[\da-f]{6}|[\da-f]{8})\b|(?:(?:\b|\B-)\d+(?:\.\d*)?\b|\B\.\d+\b)/i,operator:/\+\+?|[!=<>]=?|&&|\|\||[?:*/%-]/,punctuation:/[{}\[\]();,.]/},e.languages.avs=e.languages.avisynth}(e)}e.exports=t,t.displayName="avisynth",t.aliases=["avs"]},37219:function(e){"use strict";function t(e){e.languages["avro-idl"]={comment:{pattern:/\/\/.*|\/\*[\s\S]*?\*\//,greedy:!0},string:{pattern:/(^|[^\\])"(?:[^\r\n"\\]|\\.)*"/,lookbehind:!0,greedy:!0},annotation:{pattern:/@(?:[$\w.-]|`[^\r\n`]+`)+/,greedy:!0,alias:"function"},"function-identifier":{pattern:/`[^\r\n`]+`(?=\s*\()/,greedy:!0,alias:"function"},identifier:{pattern:/`[^\r\n`]+`/,greedy:!0},"class-name":{pattern:/(\b(?:enum|error|protocol|record|throws)\b\s+)[$\w]+/,lookbehind:!0,greedy:!0},keyword:/\b(?:array|boolean|bytes|date|decimal|double|enum|error|false|fixed|float|idl|import|int|local_timestamp_ms|long|map|null|oneway|protocol|record|schema|string|throws|time_ms|timestamp_ms|true|union|uuid|void)\b/,function:/\b[a-z_]\w*(?=\s*\()/i,number:[{pattern:/(^|[^\w.])-?(?:(?:\d+(?:\.\d*)?|\.\d+)(?:e[+-]?\d+)?|0x(?:[a-f0-9]+(?:\.[a-f0-9]*)?|\.[a-f0-9]+)(?:p[+-]?\d+)?)[dfl]?(?![\w.])/i,lookbehind:!0},/-?\b(?:Infinity|NaN)\b/],operator:/=/,punctuation:/[()\[\]{}<>.:,;-]/},e.languages.avdl=e.languages["avro-idl"]}e.exports=t,t.displayName="avroIdl",t.aliases=[]},6979:function(e){"use strict";function t(e){!function(e){var t="\\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",n={pattern:/(^(["']?)\w+\2)[ \t]+\S.*/,lookbehind:!0,alias:"punctuation",inside:null},r={bash:n,environment:{pattern:RegExp("\\$"+t),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("(\\{)"+t),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})/};e.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+(?=\+?=)/,inside:{environment:{pattern:RegExp("(^|[\\s;|&]|[<>]\\()"+t),lookbehind:!0,alias:"constant"}},alias:"variable",lookbehind:!0},string:[{pattern:/((?:^|[^<])<<-?\s*)(\w+)\s[\s\S]*?(?:\r?\n|\r)\2/,lookbehind:!0,greedy:!0,inside:r},{pattern:/((?:^|[^<])<<-?\s*)(["'])(\w+)\2\s[\s\S]*?(?:\r?\n|\r)\3/,lookbehind:!0,greedy:!0,inside:{bash:n}},{pattern:/(^|[^\\](?:\\\\)*)"(?:\\[\s\S]|\$\([^)]+\)|\$(?!\()|`[^`]+`|[^"\\`$])*"/,lookbehind:!0,greedy:!0,inside:r},{pattern:/(^|[^$\\])'[^']*'/,lookbehind:!0,greedy:!0},{pattern:/\$'(?:[^'\\]|\\[\s\S])*'/,greedy:!0,inside:{entity:r.entity}}],environment:{pattern:RegExp("\\$?"+t),alias:"constant"},variable:r.variable,function:{pattern:/(^|[\s;|&]|[<>]\()(?:add|apropos|apt|apt-cache|apt-get|aptitude|aspell|automysqlbackup|awk|basename|bash|bc|bconsole|bg|bzip2|cal|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|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|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}},n.inside=e.languages.bash;for(var a=["comment","function-name","for-or-select","assign-left","string","environment","function","keyword","builtin","boolean","file-descriptor","operator","punctuation","number"],i=r.variable[1].inside,o=0;o?^\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:/[,;:()]/}}e.exports=t,t.displayName="basic",t.aliases=[]},94781:function(e){"use strict";function t(e){var t,n,r,a;t=/%%?[~:\w]+%?|!\S+!/,n={pattern:/\/[a-z?]+(?=[ :]|$):?|-[a-z]\b|--[a-z-]+\b/im,alias:"attr-name",inside:{punctuation:/:/}},r=/"(?:[\\"]"|[^"])*"(?!")/,a=/(?:\b|-)\d+\b/,e.languages.batch={comment:[/^::.*/m,{pattern:/((?:^|[&(])[ \t]*)rem\b(?:[^^&)\r\n]|\^(?:\r\n|[\s\S]))*/im,lookbehind:!0}],label:{pattern:/^:.*/m,alias:"property"},command:[{pattern:/((?:^|[&(])[ \t]*)for(?: \/[a-z?](?:[ :](?:"[^"]*"|[^\s"/]\S*))?)* \S+ in \([^)]+\) do/im,lookbehind:!0,inside:{keyword:/\b(?:do|in)\b|^for\b/i,string:r,parameter:n,variable:t,number:a,punctuation:/[()',]/}},{pattern:/((?:^|[&(])[ \t]*)if(?: \/[a-z?](?:[ :](?:"[^"]*"|[^\s"/]\S*))?)* (?:not )?(?:cmdextversion \d+|defined \w+|errorlevel \d+|exist \S+|(?:"[^"]*"|(?!")(?:(?!==)\S)+)?(?:==| (?:equ|geq|gtr|leq|lss|neq) )(?:"[^"]*"|[^\s"]\S*))/im,lookbehind:!0,inside:{keyword:/\b(?:cmdextversion|defined|errorlevel|exist|not)\b|^if\b/i,string:r,parameter:n,variable:t,number:a,operator:/\^|==|\b(?:equ|geq|gtr|leq|lss|neq)\b/i}},{pattern:/((?:^|[&()])[ \t]*)else\b/im,lookbehind:!0,inside:{keyword:/^else\b/i}},{pattern:/((?:^|[&(])[ \t]*)set(?: \/[a-z](?:[ :](?:"[^"]*"|[^\s"/]\S*))?)* (?:[^^&)\r\n]|\^(?:\r\n|[\s\S]))*/im,lookbehind:!0,inside:{keyword:/^set\b/i,string:r,parameter:n,variable:[t,/\w+(?=(?:[*\/%+\-&^|]|<<|>>)?=)/],number:a,operator:/[*\/%+\-&^|]=?|<<=?|>>=?|[!~_=]/,punctuation:/[()',]/}},{pattern:/((?:^|[&(])[ \t]*@?)\w+\b(?:"(?:[\\"]"|[^"])*"(?!")|[^"^&)\r\n]|\^(?:\r\n|[\s\S]))*/m,lookbehind:!0,inside:{keyword:/^\w+\b/,string:r,parameter:n,label:{pattern:/(^\s*):\S+/m,lookbehind:!0,alias:"property"},variable:t,number:a,operator:/\^/}}],operator:/[&@]/,punctuation:/[()']/}}e.exports=t,t.displayName="batch",t.aliases=[]},62260:function(e){"use strict";function t(e){e.languages.bbcode={tag:{pattern:/\[\/?[^\s=\]]+(?:\s*=\s*(?:"[^"]*"|'[^']*'|[^\s'"\]=]+))?(?:\s+[^\s=\]]+\s*=\s*(?:"[^"]*"|'[^']*'|[^\s'"\]=]+))*\s*\]/,inside:{tag:{pattern:/^\[\/?[^\s=\]]+/,inside:{punctuation:/^\[\/?/}},"attr-value":{pattern:/=\s*(?:"[^"]*"|'[^']*'|[^\s'"\]=]+)/,inside:{punctuation:[/^=/,{pattern:/^(\s*)["']|["']$/,lookbehind:!0}]}},punctuation:/\]/,"attr-name":/[^\s=\]]+/}}},e.languages.shortcode=e.languages.bbcode}e.exports=t,t.displayName="bbcode",t.aliases=["shortcode"]},36153:function(e){"use strict";function t(e){e.languages.bicep={comment:[{pattern:/(^|[^\\])\/\*[\s\S]*?(?:\*\/|$)/,lookbehind:!0,greedy:!0},{pattern:/(^|[^\\:])\/\/.*/,lookbehind:!0,greedy:!0}],property:[{pattern:/([\r\n][ \t]*)[a-z_]\w*(?=[ \t]*:)/i,lookbehind:!0},{pattern:/([\r\n][ \t]*)'(?:\\.|\$(?!\{)|[^'\\\r\n$])*'(?=[ \t]*:)/,lookbehind:!0,greedy:!0}],string:[{pattern:/'''[^'][\s\S]*?'''/,greedy:!0},{pattern:/(^|[^\\'])'(?:\\.|\$(?!\{)|[^'\\\r\n$])*'/,lookbehind:!0,greedy:!0}],"interpolated-string":{pattern:/(^|[^\\'])'(?:\\.|\$(?:(?!\{)|\{[^{}\r\n]*\})|[^'\\\r\n$])*'/,lookbehind:!0,greedy:!0,inside:{interpolation:{pattern:/\$\{[^{}\r\n]*\}/,inside:{expression:{pattern:/(^\$\{)[\s\S]+(?=\}$)/,lookbehind:!0},punctuation:/^\$\{|\}$/}},string:/[\s\S]+/}},datatype:{pattern:/(\b(?:output|param)\b[ \t]+\w+[ \t]+)\w+\b/,lookbehind:!0,alias:"class-name"},boolean:/\b(?:false|true)\b/,keyword:/\b(?:existing|for|if|in|module|null|output|param|resource|targetScope|var)\b/,decorator:/@\w+\b/,function:/\b[a-z_]\w*(?=[ \t]*\()/i,number:/(?:\b\d+(?:\.\d*)?|\B\.\d+)(?:E[+-]?\d+)?/i,operator:/--|\+\+|\*\*=?|=>|&&=?|\|\|=?|[!=]==|<<=?|>>>?=?|[-+*/%&|^!=<>]=?|\.{3}|\?\?=?|\?\.?|[~:]/,punctuation:/[{}[\];(),.:]/},e.languages.bicep["interpolated-string"].inside.interpolation.inside.expression.inside=e.languages.bicep}e.exports=t,t.displayName="bicep",t.aliases=[]},59258:function(e){"use strict";function t(e){e.languages.birb=e.languages.extend("clike",{string:{pattern:/r?("|')(?:\\.|(?!\1)[^\\])*\1/,greedy:!0},"class-name":[/\b[A-Z](?:[\d_]*[a-zA-Z]\w*)?\b/,/\b(?:[A-Z]\w*|(?!(?:var|void)\b)[a-z]\w*)(?=\s+\w+\s*[;,=()])/],keyword:/\b(?:assert|break|case|class|const|default|else|enum|final|follows|for|grab|if|nest|new|next|noSeeb|return|static|switch|throw|var|void|while)\b/,operator:/\+\+|--|&&|\|\||<<=?|>>=?|~(?:\/=?)?|[+\-*\/%&^|=!<>]=?|\?|:/,variable:/\b[a-z_]\w*\b/}),e.languages.insertBefore("birb","function",{metadata:{pattern:/<\w+>/,greedy:!0,alias:"symbol"}})}e.exports=t,t.displayName="birb",t.aliases=[]},62890:function(e,t,n){"use strict";var r=n(65806);function a(e){e.register(r),e.languages.bison=e.languages.extend("c",{}),e.languages.insertBefore("bison","comment",{bison:{pattern:/^(?:[^%]|%(?!%))*%%[\s\S]*?%%/,inside:{c:{pattern:/%\{[\s\S]*?%\}|\{(?:\{[^}]*\}|[^{}])*\}/,inside:{delimiter:{pattern:/^%?\{|%?\}$/,alias:"punctuation"},"bison-variable":{pattern:/[$@](?:<[^\s>]+>)?[\w$]+/,alias:"variable",inside:{punctuation:/<|>/}},rest:e.languages.c}},comment:e.languages.c.comment,string:e.languages.c.string,property:/\S+(?=:)/,keyword:/%\w+/,number:{pattern:/(^|[^@])\b(?:0x[\da-f]+|\d+)/i,lookbehind:!0},punctuation:/%[%?]|[|:;\[\]<>]/}}})}e.exports=a,a.displayName="bison",a.aliases=[]},15958:function(e){"use strict";function t(e){e.languages.bnf={string:{pattern:/"[^\r\n"]*"|'[^\r\n']*'/},definition:{pattern:/<[^<>\r\n\t]+>(?=\s*::=)/,alias:["rule","keyword"],inside:{punctuation:/^<|>$/}},rule:{pattern:/<[^<>\r\n\t]+>/,inside:{punctuation:/^<|>$/}},operator:/::=|[|()[\]{}*+?]|\.{3}/},e.languages.rbnf=e.languages.bnf}e.exports=t,t.displayName="bnf",t.aliases=["rbnf"]},61321:function(e){"use strict";function t(e){e.languages.brainfuck={pointer:{pattern:/<|>/,alias:"keyword"},increment:{pattern:/\+/,alias:"inserted"},decrement:{pattern:/-/,alias:"deleted"},branching:{pattern:/\[|\]/,alias:"important"},operator:/[.,]/,comment:/\S+/}}e.exports=t,t.displayName="brainfuck",t.aliases=[]},77856:function(e){"use strict";function t(e){e.languages.brightscript={comment:/(?:\brem|').*/i,"directive-statement":{pattern:/(^[\t ]*)#(?:const|else(?:[\t ]+if)?|end[\t ]+if|error|if).*/im,lookbehind:!0,alias:"property",inside:{"error-message":{pattern:/(^#error).+/,lookbehind:!0},directive:{pattern:/^#(?:const|else(?:[\t ]+if)?|end[\t ]+if|error|if)/,alias:"keyword"},expression:{pattern:/[\s\S]+/,inside:null}}},property:{pattern:/([\r\n{,][\t ]*)(?:(?!\d)\w+|"(?:[^"\r\n]|"")*"(?!"))(?=[ \t]*:)/,lookbehind:!0,greedy:!0},string:{pattern:/"(?:[^"\r\n]|"")*"(?!")/,greedy:!0},"class-name":{pattern:/(\bAs[\t ]+)\w+/i,lookbehind:!0},keyword:/\b(?:As|Dim|Each|Else|Elseif|End|Exit|For|Function|Goto|If|In|Print|Return|Step|Stop|Sub|Then|To|While)\b/i,boolean:/\b(?:false|true)\b/i,function:/\b(?!\d)\w+(?=[\t ]*\()/,number:/(?:\b\d+(?:\.\d+)?(?:[ed][+-]\d+)?|&h[a-f\d]+)\b[%&!#]?/i,operator:/--|\+\+|>>=?|<<=?|<>|[-+*/\\<>]=?|[:^=?]|\b(?:and|mod|not|or)\b/i,punctuation:/[.,;()[\]{}]/,constant:/\b(?:LINE_NUM)\b/i},e.languages.brightscript["directive-statement"].inside.expression.inside=e.languages.brightscript}e.exports=t,t.displayName="brightscript",t.aliases=[]},90741:function(e){"use strict";function t(e){e.languages.bro={comment:{pattern:/(^|[^\\$])#.*/,lookbehind:!0,inside:{italic:/\b(?:FIXME|TODO|XXX)\b/}},string:{pattern:/(["'])(?:\\(?:\r\n|[\s\S])|(?!\1)[^\\\r\n])*\1/,greedy:!0},boolean:/\b[TF]\b/,function:{pattern:/(\b(?:event|function|hook)[ \t]+)\w+(?:::\w+)?/,lookbehind:!0},builtin:/(?:@(?:load(?:-(?:plugin|sigs))?|unload|prefixes|ifn?def|else|(?:end)?if|DIR|FILENAME))|(?:&?(?:add_func|create_expire|default|delete_func|encrypt|error_handler|expire_func|group|log|mergeable|optional|persistent|priority|raw_output|read_expire|redef|rotate_interval|rotate_size|synchronized|type_column|write_expire))/,constant:{pattern:/(\bconst[ \t]+)\w+/i,lookbehind:!0},keyword:/\b(?:add|addr|alarm|any|bool|break|const|continue|count|delete|double|else|enum|event|export|file|for|function|global|hook|if|in|int|interval|local|module|next|of|opaque|pattern|port|print|record|return|schedule|set|string|subnet|table|time|timeout|using|vector|when)\b/,operator:/--?|\+\+?|!=?=?|<=?|>=?|==?=?|&&|\|\|?|\?|\*|\/|~|\^|%/,number:/\b0x[\da-f]+\b|(?:\b\d+(?:\.\d*)?|\B\.\d+)(?:e[+-]?\d+)?/i,punctuation:/[{}[\];(),.:]/}}e.exports=t,t.displayName="bro",t.aliases=[]},83410:function(e){"use strict";function t(e){e.languages.bsl={comment:/\/\/.*/,string:[{pattern:/"(?:[^"]|"")*"(?!")/,greedy:!0},{pattern:/'(?:[^'\r\n\\]|\\.)*'/}],keyword:[{pattern:/(^|[^\w\u0400-\u0484\u0487-\u052f\u1d2b\u1d78\u2de0-\u2dff\ua640-\ua69f\ufe2e\ufe2f])(?:пока|для|новый|прервать|попытка|исключение|вызватьисключение|иначе|конецпопытки|неопределено|функция|перем|возврат|конецфункции|если|иначеесли|процедура|конецпроцедуры|тогда|знач|экспорт|конецесли|из|каждого|истина|ложь|по|цикл|конеццикла|выполнить)(?![\w\u0400-\u0484\u0487-\u052f\u1d2b\u1d78\u2de0-\u2dff\ua640-\ua69f\ufe2e\ufe2f])/i,lookbehind:!0},{pattern:/\b(?:break|do|each|else|elseif|enddo|endfunction|endif|endprocedure|endtry|except|execute|export|false|for|function|if|in|new|null|procedure|raise|return|then|to|true|try|undefined|val|var|while)\b/i}],number:{pattern:/(^(?=\d)|[^\w\u0400-\u0484\u0487-\u052f\u1d2b\u1d78\u2de0-\u2dff\ua640-\ua69f\ufe2e\ufe2f])(?:\d+(?:\.\d*)?|\.\d+)(?:E[+-]?\d+)?/i,lookbehind:!0},operator:[/[<>+\-*/]=?|[%=]/,{pattern:/(^|[^\w\u0400-\u0484\u0487-\u052f\u1d2b\u1d78\u2de0-\u2dff\ua640-\ua69f\ufe2e\ufe2f])(?:и|или|не)(?![\w\u0400-\u0484\u0487-\u052f\u1d2b\u1d78\u2de0-\u2dff\ua640-\ua69f\ufe2e\ufe2f])/i,lookbehind:!0},{pattern:/\b(?:and|not|or)\b/i}],punctuation:/\(\.|\.\)|[()\[\]:;,.]/,directive:[{pattern:/^([ \t]*)&.*/m,lookbehind:!0,greedy:!0,alias:"important"},{pattern:/^([ \t]*)#.*/gm,lookbehind:!0,greedy:!0,alias:"important"}]},e.languages.oscript=e.languages.bsl}e.exports=t,t.displayName="bsl",t.aliases=[]},65806:function(e){"use strict";function t(e){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}e.exports=t,t.displayName="c",t.aliases=[]},33039:function(e){"use strict";function t(e){e.languages.cfscript=e.languages.extend("clike",{comment:[{pattern:/(^|[^\\])\/\*[\s\S]*?(?:\*\/|$)/,lookbehind:!0,inside:{annotation:{pattern:/(?:^|[^.])@[\w\.]+/,alias:"punctuation"}}},{pattern:/(^|[^\\:])\/\/.*/,lookbehind:!0,greedy:!0}],keyword:/\b(?:abstract|break|catch|component|continue|default|do|else|extends|final|finally|for|function|if|in|include|package|private|property|public|remote|required|rethrow|return|static|switch|throw|try|var|while|xml)\b(?!\s*=)/,operator:[/\+\+|--|&&|\|\||::|=>|[!=]==|<=?|>=?|[-+*/%&|^!=<>]=?|\?(?:\.|:)?|[?:]/,/\b(?:and|contains|eq|equal|eqv|gt|gte|imp|is|lt|lte|mod|not|or|xor)\b/],scope:{pattern:/\b(?:application|arguments|cgi|client|cookie|local|session|super|this|variables)\b/,alias:"global"},type:{pattern:/\b(?:any|array|binary|boolean|date|guid|numeric|query|string|struct|uuid|void|xml)\b/,alias:"builtin"}}),e.languages.insertBefore("cfscript","keyword",{"function-variable":{pattern:/[_$a-zA-Z\xA0-\uFFFF](?:(?!\s)[$\w\xA0-\uFFFF])*(?=\s*[=:]\s*(?:\bfunction\b|(?:\((?:[^()]|\([^()]*\))*\)|(?!\s)[_$a-zA-Z\xA0-\uFFFF](?:(?!\s)[$\w\xA0-\uFFFF])*)\s*=>))/,alias:"function"}}),delete e.languages.cfscript["class-name"],e.languages.cfc=e.languages.cfscript}e.exports=t,t.displayName="cfscript",t.aliases=[]},85082:function(e,t,n){"use strict";var r=n(80096);function a(e){e.register(r),e.languages.chaiscript=e.languages.extend("clike",{string:{pattern:/(^|[^\\])'(?:[^'\\]|\\[\s\S])*'/,lookbehind:!0,greedy:!0},"class-name":[{pattern:/(\bclass\s+)\w+/,lookbehind:!0},{pattern:/(\b(?:attr|def)\s+)\w+(?=\s*::)/,lookbehind:!0}],keyword:/\b(?:attr|auto|break|case|catch|class|continue|def|default|else|finally|for|fun|global|if|return|switch|this|try|var|while)\b/,number:[e.languages.cpp.number,/\b(?:Infinity|NaN)\b/],operator:/>>=?|<<=?|\|\||&&|:[:=]?|--|\+\+|[=!<>+\-*/%|&^]=?|[?~]|`[^`\r\n]{1,4}`/}),e.languages.insertBefore("chaiscript","operator",{"parameter-type":{pattern:/([,(]\s*)\w+(?=\s+\w)/,lookbehind:!0,alias:"class-name"}}),e.languages.insertBefore("chaiscript","string",{"string-interpolation":{pattern:/(^|[^\\])"(?:[^"$\\]|\\[\s\S]|\$(?!\{)|\$\{(?:[^{}]|\{(?:[^{}]|\{[^{}]*\})*\})*\})*"/,lookbehind:!0,greedy:!0,inside:{interpolation:{pattern:/((?:^|[^\\])(?:\\{2})*)\$\{(?:[^{}]|\{(?:[^{}]|\{[^{}]*\})*\})*\}/,lookbehind:!0,inside:{"interpolation-expression":{pattern:/(^\$\{)[\s\S]+(?=\}$)/,lookbehind:!0,inside:e.languages.chaiscript},"interpolation-punctuation":{pattern:/^\$\{|\}$/,alias:"punctuation"}}},string:/[\s\S]+/}}})}e.exports=a,a.displayName="chaiscript",a.aliases=[]},79415:function(e){"use strict";function t(e){e.languages.cil={comment:/\/\/.*/,string:{pattern:/(["'])(?:\\(?:\r\n|[\s\S])|(?!\1)[^\\\r\n])*\1/,greedy:!0},directive:{pattern:/(^|\W)\.[a-z]+(?=\s)/,lookbehind:!0,alias:"class-name"},variable:/\[[\w\.]+\]/,keyword:/\b(?:abstract|ansi|assembly|auto|autochar|beforefieldinit|bool|bstr|byvalstr|catch|char|cil|class|currency|date|decimal|default|enum|error|explicit|extends|extern|famandassem|family|famorassem|final(?:ly)?|float32|float64|hidebysig|u?int(?:8|16|32|64)?|iant|idispatch|implements|import|initonly|instance|interface|iunknown|literal|lpstr|lpstruct|lptstr|lpwstr|managed|method|native(?:Type)?|nested|newslot|object(?:ref)?|pinvokeimpl|private|privatescope|public|reqsecobj|rtspecialname|runtime|sealed|sequential|serializable|specialname|static|string|struct|syschar|tbstr|unicode|unmanagedexp|unsigned|value(?:type)?|variant|virtual|void)\b/,function:/\b(?:(?:constrained|no|readonly|tail|unaligned|volatile)\.)?(?:conv\.(?:[iu][1248]?|ovf\.[iu][1248]?(?:\.un)?|r\.un|r4|r8)|ldc\.(?:i4(?:\.\d+|\.[mM]1|\.s)?|i8|r4|r8)|ldelem(?:\.[iu][1248]?|\.r[48]|\.ref|a)?|ldind\.(?:[iu][1248]?|r[48]|ref)|stelem\.?(?:i[1248]?|r[48]|ref)?|stind\.(?:i[1248]?|r[48]|ref)?|end(?:fault|filter|finally)|ldarg(?:\.[0-3s]|a(?:\.s)?)?|ldloc(?:\.\d+|\.s)?|sub(?:\.ovf(?:\.un)?)?|mul(?:\.ovf(?:\.un)?)?|add(?:\.ovf(?:\.un)?)?|stloc(?:\.[0-3s])?|refany(?:type|val)|blt(?:\.un)?(?:\.s)?|ble(?:\.un)?(?:\.s)?|bgt(?:\.un)?(?:\.s)?|bge(?:\.un)?(?:\.s)?|unbox(?:\.any)?|init(?:blk|obj)|call(?:i|virt)?|brfalse(?:\.s)?|bne\.un(?:\.s)?|ldloca(?:\.s)?|brzero(?:\.s)?|brtrue(?:\.s)?|brnull(?:\.s)?|brinst(?:\.s)?|starg(?:\.s)?|leave(?:\.s)?|shr(?:\.un)?|rem(?:\.un)?|div(?:\.un)?|clt(?:\.un)?|alignment|castclass|ldvirtftn|beq(?:\.s)?|ckfinite|ldsflda|ldtoken|localloc|mkrefany|rethrow|cgt\.un|arglist|switch|stsfld|sizeof|newobj|newarr|ldsfld|ldnull|ldflda|isinst|throw|stobj|stfld|ldstr|ldobj|ldlen|ldftn|ldfld|cpobj|cpblk|break|br\.s|xor|shl|ret|pop|not|nop|neg|jmp|dup|cgt|ceq|box|and|or|br)\b/,boolean:/\b(?:false|true)\b/,number:/\b-?(?:0x[0-9a-f]+|\d+)(?:\.[0-9a-f]+)?\b/i,punctuation:/[{}[\];(),:=]|IL_[0-9A-Za-z]+/}}e.exports=t,t.displayName="cil",t.aliases=[]},29726:function(e){"use strict";function t(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:/[{}[\];(),.:]/}}e.exports=t,t.displayName="clike",t.aliases=[]},62849:function(e){"use strict";function t(e){e.languages.clojure={comment:{pattern:/;.*/,greedy:!0},string:{pattern:/"(?:[^"\\]|\\.)*"/,greedy:!0},char:/\\\w+/,symbol:{pattern:/(^|[\s()\[\]{},])::?[\w*+!?'<>=/.-]+/,lookbehind:!0},keyword:{pattern:/(\()(?:-|->|->>|\.|\.\.|\*|\/|\+|<|<=|=|==|>|>=|accessor|agent|agent-errors|aget|alength|all-ns|alter|and|append-child|apply|array-map|aset|aset-boolean|aset-byte|aset-char|aset-double|aset-float|aset-int|aset-long|aset-short|assert|assoc|await|await-for|bean|binding|bit-and|bit-not|bit-or|bit-shift-left|bit-shift-right|bit-xor|boolean|branch\?|butlast|byte|cast|char|children|class|clear-agent-errors|comment|commute|comp|comparator|complement|concat|cond|conj|cons|constantly|construct-proxy|contains\?|count|create-ns|create-struct|cycle|dec|declare|def|def-|definline|definterface|defmacro|defmethod|defmulti|defn|defn-|defonce|defproject|defprotocol|defrecord|defstruct|deftype|deref|difference|disj|dissoc|distinct|do|doall|doc|dorun|doseq|dosync|dotimes|doto|double|down|drop|drop-while|edit|end\?|ensure|eval|every\?|false\?|ffirst|file-seq|filter|find|find-doc|find-ns|find-var|first|float|flush|fn|fnseq|for|frest|gensym|get|get-proxy-class|hash-map|hash-set|identical\?|identity|if|if-let|if-not|import|in-ns|inc|index|insert-child|insert-left|insert-right|inspect-table|inspect-tree|instance\?|int|interleave|intersection|into|into-array|iterate|join|key|keys|keyword|keyword\?|last|lazy-cat|lazy-cons|left|lefts|let|line-seq|list|list\*|load|load-file|locking|long|loop|macroexpand|macroexpand-1|make-array|make-node|map|map-invert|map\?|mapcat|max|max-key|memfn|merge|merge-with|meta|min|min-key|monitor-enter|name|namespace|neg\?|new|newline|next|nil\?|node|not|not-any\?|not-every\?|not=|ns|ns-imports|ns-interns|ns-map|ns-name|ns-publics|ns-refers|ns-resolve|ns-unmap|nth|nthrest|or|parse|partial|path|peek|pop|pos\?|pr|pr-str|print|print-str|println|println-str|prn|prn-str|project|proxy|proxy-mappings|quot|quote|rand|rand-int|range|re-find|re-groups|re-matcher|re-matches|re-pattern|re-seq|read|read-line|recur|reduce|ref|ref-set|refer|rem|remove|remove-method|remove-ns|rename|rename-keys|repeat|replace|replicate|resolve|rest|resultset-seq|reverse|rfirst|right|rights|root|rrest|rseq|second|select|select-keys|send|send-off|seq|seq-zip|seq\?|set|set!|short|slurp|some|sort|sort-by|sorted-map|sorted-map-by|sorted-set|special-symbol\?|split-at|split-with|str|string\?|struct|struct-map|subs|subvec|symbol|symbol\?|sync|take|take-nth|take-while|test|throw|time|to-array|to-array-2d|tree-seq|true\?|try|union|up|update-proxy|val|vals|var|var-get|var-set|var\?|vector|vector-zip|vector\?|when|when-first|when-let|when-not|with-local-vars|with-meta|with-open|with-out-str|xml-seq|xml-zip|zero\?|zipmap|zipper)(?=[\s)]|$)/,lookbehind:!0},boolean:/\b(?:false|nil|true)\b/,number:{pattern:/(^|[^\w$@])(?:\d+(?:[/.]\d+)?(?:e[+-]?\d+)?|0x[a-f0-9]+|[1-9]\d?r[a-z0-9]+)[lmn]?(?![\w$@])/i,lookbehind:!0},function:{pattern:/((?:^|[^'])\()[\w*+!?'<>=/.-]+(?=[\s)]|$)/,lookbehind:!0},operator:/[#@^`~]/,punctuation:/[{}\[\](),]/}}e.exports=t,t.displayName="clojure",t.aliases=[]},55773:function(e){"use strict";function t(e){e.languages.cmake={comment:/#.*/,string:{pattern:/"(?:[^\\"]|\\.)*"/,greedy:!0,inside:{interpolation:{pattern:/\$\{(?:[^{}$]|\$\{[^{}$]*\})*\}/,inside:{punctuation:/\$\{|\}/,variable:/\w+/}}}},variable:/\b(?:CMAKE_\w+|\w+_(?:(?:BINARY|SOURCE)_DIR|DESCRIPTION|HOMEPAGE_URL|ROOT|VERSION(?:_MAJOR|_MINOR|_PATCH|_TWEAK)?)|(?:ANDROID|APPLE|BORLAND|BUILD_SHARED_LIBS|CACHE|CPACK_(?:ABSOLUTE_DESTINATION_FILES|COMPONENT_INCLUDE_TOPLEVEL_DIRECTORY|ERROR_ON_ABSOLUTE_INSTALL_DESTINATION|INCLUDE_TOPLEVEL_DIRECTORY|INSTALL_DEFAULT_DIRECTORY_PERMISSIONS|INSTALL_SCRIPT|PACKAGING_INSTALL_PREFIX|SET_DESTDIR|WARN_ON_ABSOLUTE_INSTALL_DESTINATION)|CTEST_(?:BINARY_DIRECTORY|BUILD_COMMAND|BUILD_NAME|BZR_COMMAND|BZR_UPDATE_OPTIONS|CHANGE_ID|CHECKOUT_COMMAND|CONFIGURATION_TYPE|CONFIGURE_COMMAND|COVERAGE_COMMAND|COVERAGE_EXTRA_FLAGS|CURL_OPTIONS|CUSTOM_(?:COVERAGE_EXCLUDE|ERROR_EXCEPTION|ERROR_MATCH|ERROR_POST_CONTEXT|ERROR_PRE_CONTEXT|MAXIMUM_FAILED_TEST_OUTPUT_SIZE|MAXIMUM_NUMBER_OF_(?:ERRORS|WARNINGS)|MAXIMUM_PASSED_TEST_OUTPUT_SIZE|MEMCHECK_IGNORE|POST_MEMCHECK|POST_TEST|PRE_MEMCHECK|PRE_TEST|TESTS_IGNORE|WARNING_EXCEPTION|WARNING_MATCH)|CVS_CHECKOUT|CVS_COMMAND|CVS_UPDATE_OPTIONS|DROP_LOCATION|DROP_METHOD|DROP_SITE|DROP_SITE_CDASH|DROP_SITE_PASSWORD|DROP_SITE_USER|EXTRA_COVERAGE_GLOB|GIT_COMMAND|GIT_INIT_SUBMODULES|GIT_UPDATE_CUSTOM|GIT_UPDATE_OPTIONS|HG_COMMAND|HG_UPDATE_OPTIONS|LABELS_FOR_SUBPROJECTS|MEMORYCHECK_(?:COMMAND|COMMAND_OPTIONS|SANITIZER_OPTIONS|SUPPRESSIONS_FILE|TYPE)|NIGHTLY_START_TIME|P4_CLIENT|P4_COMMAND|P4_OPTIONS|P4_UPDATE_OPTIONS|RUN_CURRENT_SCRIPT|SCP_COMMAND|SITE|SOURCE_DIRECTORY|SUBMIT_URL|SVN_COMMAND|SVN_OPTIONS|SVN_UPDATE_OPTIONS|TEST_LOAD|TEST_TIMEOUT|TRIGGER_SITE|UPDATE_COMMAND|UPDATE_OPTIONS|UPDATE_VERSION_ONLY|USE_LAUNCHERS)|CYGWIN|ENV|EXECUTABLE_OUTPUT_PATH|GHS-MULTI|IOS|LIBRARY_OUTPUT_PATH|MINGW|MSVC(?:10|11|12|14|60|70|71|80|90|_IDE|_TOOLSET_VERSION|_VERSION)?|MSYS|PROJECT_(?:BINARY_DIR|DESCRIPTION|HOMEPAGE_URL|NAME|SOURCE_DIR|VERSION|VERSION_(?:MAJOR|MINOR|PATCH|TWEAK))|UNIX|WIN32|WINCE|WINDOWS_PHONE|WINDOWS_STORE|XCODE|XCODE_VERSION))\b/,property:/\b(?:cxx_\w+|(?:ARCHIVE_OUTPUT_(?:DIRECTORY|NAME)|COMPILE_DEFINITIONS|COMPILE_PDB_NAME|COMPILE_PDB_OUTPUT_DIRECTORY|EXCLUDE_FROM_DEFAULT_BUILD|IMPORTED_(?:IMPLIB|LIBNAME|LINK_DEPENDENT_LIBRARIES|LINK_INTERFACE_LANGUAGES|LINK_INTERFACE_LIBRARIES|LINK_INTERFACE_MULTIPLICITY|LOCATION|NO_SONAME|OBJECTS|SONAME)|INTERPROCEDURAL_OPTIMIZATION|LIBRARY_OUTPUT_DIRECTORY|LIBRARY_OUTPUT_NAME|LINK_FLAGS|LINK_INTERFACE_LIBRARIES|LINK_INTERFACE_MULTIPLICITY|LOCATION|MAP_IMPORTED_CONFIG|OSX_ARCHITECTURES|OUTPUT_NAME|PDB_NAME|PDB_OUTPUT_DIRECTORY|RUNTIME_OUTPUT_DIRECTORY|RUNTIME_OUTPUT_NAME|STATIC_LIBRARY_FLAGS|VS_CSHARP|VS_DOTNET_REFERENCEPROP|VS_DOTNET_REFERENCE|VS_GLOBAL_SECTION_POST|VS_GLOBAL_SECTION_PRE|VS_GLOBAL|XCODE_ATTRIBUTE)_\w+|\w+_(?:CLANG_TIDY|COMPILER_LAUNCHER|CPPCHECK|CPPLINT|INCLUDE_WHAT_YOU_USE|OUTPUT_NAME|POSTFIX|VISIBILITY_PRESET)|ABSTRACT|ADDITIONAL_MAKE_CLEAN_FILES|ADVANCED|ALIASED_TARGET|ALLOW_DUPLICATE_CUSTOM_TARGETS|ANDROID_(?:ANT_ADDITIONAL_OPTIONS|API|API_MIN|ARCH|ASSETS_DIRECTORIES|GUI|JAR_DEPENDENCIES|NATIVE_LIB_DEPENDENCIES|NATIVE_LIB_DIRECTORIES|PROCESS_MAX|PROGUARD|PROGUARD_CONFIG_PATH|SECURE_PROPS_PATH|SKIP_ANT_STEP|STL_TYPE)|ARCHIVE_OUTPUT_DIRECTORY|ATTACHED_FILES|ATTACHED_FILES_ON_FAIL|AUTOGEN_(?:BUILD_DIR|ORIGIN_DEPENDS|PARALLEL|SOURCE_GROUP|TARGETS_FOLDER|TARGET_DEPENDS)|AUTOMOC|AUTOMOC_(?:COMPILER_PREDEFINES|DEPEND_FILTERS|EXECUTABLE|MACRO_NAMES|MOC_OPTIONS|SOURCE_GROUP|TARGETS_FOLDER)|AUTORCC|AUTORCC_EXECUTABLE|AUTORCC_OPTIONS|AUTORCC_SOURCE_GROUP|AUTOUIC|AUTOUIC_EXECUTABLE|AUTOUIC_OPTIONS|AUTOUIC_SEARCH_PATHS|BINARY_DIR|BUILDSYSTEM_TARGETS|BUILD_RPATH|BUILD_RPATH_USE_ORIGIN|BUILD_WITH_INSTALL_NAME_DIR|BUILD_WITH_INSTALL_RPATH|BUNDLE|BUNDLE_EXTENSION|CACHE_VARIABLES|CLEAN_NO_CUSTOM|COMMON_LANGUAGE_RUNTIME|COMPATIBLE_INTERFACE_(?:BOOL|NUMBER_MAX|NUMBER_MIN|STRING)|COMPILE_(?:DEFINITIONS|FEATURES|FLAGS|OPTIONS|PDB_NAME|PDB_OUTPUT_DIRECTORY)|COST|CPACK_DESKTOP_SHORTCUTS|CPACK_NEVER_OVERWRITE|CPACK_PERMANENT|CPACK_STARTUP_SHORTCUTS|CPACK_START_MENU_SHORTCUTS|CPACK_WIX_ACL|CROSSCOMPILING_EMULATOR|CUDA_EXTENSIONS|CUDA_PTX_COMPILATION|CUDA_RESOLVE_DEVICE_SYMBOLS|CUDA_SEPARABLE_COMPILATION|CUDA_STANDARD|CUDA_STANDARD_REQUIRED|CXX_EXTENSIONS|CXX_STANDARD|CXX_STANDARD_REQUIRED|C_EXTENSIONS|C_STANDARD|C_STANDARD_REQUIRED|DEBUG_CONFIGURATIONS|DEFINE_SYMBOL|DEFINITIONS|DEPENDS|DEPLOYMENT_ADDITIONAL_FILES|DEPLOYMENT_REMOTE_DIRECTORY|DISABLED|DISABLED_FEATURES|ECLIPSE_EXTRA_CPROJECT_CONTENTS|ECLIPSE_EXTRA_NATURES|ENABLED_FEATURES|ENABLED_LANGUAGES|ENABLE_EXPORTS|ENVIRONMENT|EXCLUDE_FROM_ALL|EXCLUDE_FROM_DEFAULT_BUILD|EXPORT_NAME|EXPORT_PROPERTIES|EXTERNAL_OBJECT|EchoString|FAIL_REGULAR_EXPRESSION|FIND_LIBRARY_USE_LIB32_PATHS|FIND_LIBRARY_USE_LIB64_PATHS|FIND_LIBRARY_USE_LIBX32_PATHS|FIND_LIBRARY_USE_OPENBSD_VERSIONING|FIXTURES_CLEANUP|FIXTURES_REQUIRED|FIXTURES_SETUP|FOLDER|FRAMEWORK|Fortran_FORMAT|Fortran_MODULE_DIRECTORY|GENERATED|GENERATOR_FILE_NAME|GENERATOR_IS_MULTI_CONFIG|GHS_INTEGRITY_APP|GHS_NO_SOURCE_GROUP_FILE|GLOBAL_DEPENDS_DEBUG_MODE|GLOBAL_DEPENDS_NO_CYCLES|GNUtoMS|HAS_CXX|HEADER_FILE_ONLY|HELPSTRING|IMPLICIT_DEPENDS_INCLUDE_TRANSFORM|IMPORTED|IMPORTED_(?:COMMON_LANGUAGE_RUNTIME|CONFIGURATIONS|GLOBAL|IMPLIB|LIBNAME|LINK_DEPENDENT_LIBRARIES|LINK_INTERFACE_(?:LANGUAGES|LIBRARIES|MULTIPLICITY)|LOCATION|NO_SONAME|OBJECTS|SONAME)|IMPORT_PREFIX|IMPORT_SUFFIX|INCLUDE_DIRECTORIES|INCLUDE_REGULAR_EXPRESSION|INSTALL_NAME_DIR|INSTALL_RPATH|INSTALL_RPATH_USE_LINK_PATH|INTERFACE_(?:AUTOUIC_OPTIONS|COMPILE_DEFINITIONS|COMPILE_FEATURES|COMPILE_OPTIONS|INCLUDE_DIRECTORIES|LINK_DEPENDS|LINK_DIRECTORIES|LINK_LIBRARIES|LINK_OPTIONS|POSITION_INDEPENDENT_CODE|SOURCES|SYSTEM_INCLUDE_DIRECTORIES)|INTERPROCEDURAL_OPTIMIZATION|IN_TRY_COMPILE|IOS_INSTALL_COMBINED|JOB_POOLS|JOB_POOL_COMPILE|JOB_POOL_LINK|KEEP_EXTENSION|LABELS|LANGUAGE|LIBRARY_OUTPUT_DIRECTORY|LINKER_LANGUAGE|LINK_(?:DEPENDS|DEPENDS_NO_SHARED|DIRECTORIES|FLAGS|INTERFACE_LIBRARIES|INTERFACE_MULTIPLICITY|LIBRARIES|OPTIONS|SEARCH_END_STATIC|SEARCH_START_STATIC|WHAT_YOU_USE)|LISTFILE_STACK|LOCATION|MACOSX_BUNDLE|MACOSX_BUNDLE_INFO_PLIST|MACOSX_FRAMEWORK_INFO_PLIST|MACOSX_PACKAGE_LOCATION|MACOSX_RPATH|MACROS|MANUALLY_ADDED_DEPENDENCIES|MEASUREMENT|MODIFIED|NAME|NO_SONAME|NO_SYSTEM_FROM_IMPORTED|OBJECT_DEPENDS|OBJECT_OUTPUTS|OSX_ARCHITECTURES|OUTPUT_NAME|PACKAGES_FOUND|PACKAGES_NOT_FOUND|PARENT_DIRECTORY|PASS_REGULAR_EXPRESSION|PDB_NAME|PDB_OUTPUT_DIRECTORY|POSITION_INDEPENDENT_CODE|POST_INSTALL_SCRIPT|PREDEFINED_TARGETS_FOLDER|PREFIX|PRE_INSTALL_SCRIPT|PRIVATE_HEADER|PROCESSORS|PROCESSOR_AFFINITY|PROJECT_LABEL|PUBLIC_HEADER|REPORT_UNDEFINED_PROPERTIES|REQUIRED_FILES|RESOURCE|RESOURCE_LOCK|RULE_LAUNCH_COMPILE|RULE_LAUNCH_CUSTOM|RULE_LAUNCH_LINK|RULE_MESSAGES|RUNTIME_OUTPUT_DIRECTORY|RUN_SERIAL|SKIP_AUTOGEN|SKIP_AUTOMOC|SKIP_AUTORCC|SKIP_AUTOUIC|SKIP_BUILD_RPATH|SKIP_RETURN_CODE|SOURCES|SOURCE_DIR|SOVERSION|STATIC_LIBRARY_FLAGS|STATIC_LIBRARY_OPTIONS|STRINGS|SUBDIRECTORIES|SUFFIX|SYMBOLIC|TARGET_ARCHIVES_MAY_BE_SHARED_LIBS|TARGET_MESSAGES|TARGET_SUPPORTS_SHARED_LIBS|TESTS|TEST_INCLUDE_FILE|TEST_INCLUDE_FILES|TIMEOUT|TIMEOUT_AFTER_MATCH|TYPE|USE_FOLDERS|VALUE|VARIABLES|VERSION|VISIBILITY_INLINES_HIDDEN|VS_(?:CONFIGURATION_TYPE|COPY_TO_OUT_DIR|DEBUGGER_(?:COMMAND|COMMAND_ARGUMENTS|ENVIRONMENT|WORKING_DIRECTORY)|DEPLOYMENT_CONTENT|DEPLOYMENT_LOCATION|DOTNET_REFERENCES|DOTNET_REFERENCES_COPY_LOCAL|GLOBAL_KEYWORD|GLOBAL_PROJECT_TYPES|GLOBAL_ROOTNAMESPACE|INCLUDE_IN_VSIX|IOT_STARTUP_TASK|KEYWORD|RESOURCE_GENERATOR|SCC_AUXPATH|SCC_LOCALPATH|SCC_PROJECTNAME|SCC_PROVIDER|SDK_REFERENCES|SHADER_(?:DISABLE_OPTIMIZATIONS|ENABLE_DEBUG|ENTRYPOINT|FLAGS|MODEL|OBJECT_FILE_NAME|OUTPUT_HEADER_FILE|TYPE|VARIABLE_NAME)|STARTUP_PROJECT|TOOL_OVERRIDE|USER_PROPS|WINRT_COMPONENT|WINRT_EXTENSIONS|WINRT_REFERENCES|XAML_TYPE)|WILL_FAIL|WIN32_EXECUTABLE|WINDOWS_EXPORT_ALL_SYMBOLS|WORKING_DIRECTORY|WRAP_EXCLUDE|XCODE_(?:EMIT_EFFECTIVE_PLATFORM_NAME|EXPLICIT_FILE_TYPE|FILE_ATTRIBUTES|LAST_KNOWN_FILE_TYPE|PRODUCT_TYPE|SCHEME_(?:ADDRESS_SANITIZER|ADDRESS_SANITIZER_USE_AFTER_RETURN|ARGUMENTS|DISABLE_MAIN_THREAD_CHECKER|DYNAMIC_LIBRARY_LOADS|DYNAMIC_LINKER_API_USAGE|ENVIRONMENT|EXECUTABLE|GUARD_MALLOC|MAIN_THREAD_CHECKER_STOP|MALLOC_GUARD_EDGES|MALLOC_SCRIBBLE|MALLOC_STACK|THREAD_SANITIZER(?:_STOP)?|UNDEFINED_BEHAVIOUR_SANITIZER(?:_STOP)?|ZOMBIE_OBJECTS))|XCTEST)\b/,keyword:/\b(?:add_compile_definitions|add_compile_options|add_custom_command|add_custom_target|add_definitions|add_dependencies|add_executable|add_library|add_link_options|add_subdirectory|add_test|aux_source_directory|break|build_command|build_name|cmake_host_system_information|cmake_minimum_required|cmake_parse_arguments|cmake_policy|configure_file|continue|create_test_sourcelist|ctest_build|ctest_configure|ctest_coverage|ctest_empty_binary_directory|ctest_memcheck|ctest_read_custom_files|ctest_run_script|ctest_sleep|ctest_start|ctest_submit|ctest_test|ctest_update|ctest_upload|define_property|else|elseif|enable_language|enable_testing|endforeach|endfunction|endif|endmacro|endwhile|exec_program|execute_process|export|export_library_dependencies|file|find_file|find_library|find_package|find_path|find_program|fltk_wrap_ui|foreach|function|get_cmake_property|get_directory_property|get_filename_component|get_property|get_source_file_property|get_target_property|get_test_property|if|include|include_directories|include_external_msproject|include_guard|include_regular_expression|install|install_files|install_programs|install_targets|link_directories|link_libraries|list|load_cache|load_command|macro|make_directory|mark_as_advanced|math|message|option|output_required_files|project|qt_wrap_cpp|qt_wrap_ui|remove|remove_definitions|return|separate_arguments|set|set_directory_properties|set_property|set_source_files_properties|set_target_properties|set_tests_properties|site_name|source_group|string|subdir_depends|subdirs|target_compile_definitions|target_compile_features|target_compile_options|target_include_directories|target_link_directories|target_link_libraries|target_link_options|target_sources|try_compile|try_run|unset|use_mangled_mesa|utility_source|variable_requires|variable_watch|while|write_file)(?=\s*\()\b/,boolean:/\b(?:FALSE|OFF|ON|TRUE)\b/,namespace:/\b(?:INTERFACE|PRIVATE|PROPERTIES|PUBLIC|SHARED|STATIC|TARGET_OBJECTS)\b/,operator:/\b(?:AND|DEFINED|EQUAL|GREATER|LESS|MATCHES|NOT|OR|STREQUAL|STRGREATER|STRLESS|VERSION_EQUAL|VERSION_GREATER|VERSION_LESS)\b/,inserted:{pattern:/\b\w+::\w+\b/,alias:"class-name"},number:/\b\d+(?:\.\d+)*\b/,function:/\b[a-z_]\w*(?=\s*\()\b/i,punctuation:/[()>}]|\$[<{]/}}e.exports=t,t.displayName="cmake",t.aliases=[]},32762:function(e){"use strict";function t(e){e.languages.cobol={comment:{pattern:/\*>.*|(^[ \t]*)\*.*/m,lookbehind:!0,greedy:!0},string:{pattern:/[xzgn]?(?:"(?:[^\r\n"]|"")*"(?!")|'(?:[^\r\n']|'')*'(?!'))/i,greedy:!0},level:{pattern:/(^[ \t]*)\d+\b/m,lookbehind:!0,greedy:!0,alias:"number"},"class-name":{pattern:/(\bpic(?:ture)?\s+)(?:(?:[-\w$/,:*+<>]|\.(?!\s|$))(?:\(\d+\))?)+/i,lookbehind:!0,inside:{number:{pattern:/(\()\d+/,lookbehind:!0},punctuation:/[()]/}},keyword:{pattern:/(^|[^\w-])(?:ABORT|ACCEPT|ACCESS|ADD|ADDRESS|ADVANCING|AFTER|ALIGNED|ALL|ALPHABET|ALPHABETIC|ALPHABETIC-LOWER|ALPHABETIC-UPPER|ALPHANUMERIC|ALPHANUMERIC-EDITED|ALSO|ALTER|ALTERNATE|ANY|ARE|AREA|AREAS|AS|ASCENDING|ASCII|ASSIGN|ASSOCIATED-DATA|ASSOCIATED-DATA-LENGTH|AT|ATTRIBUTE|AUTHOR|AUTO|AUTO-SKIP|BACKGROUND-COLOR|BACKGROUND-COLOUR|BASIS|BEEP|BEFORE|BEGINNING|BELL|BINARY|BIT|BLANK|BLINK|BLOCK|BOTTOM|BOUNDS|BY|BYFUNCTION|BYTITLE|CALL|CANCEL|CAPABLE|CCSVERSION|CD|CF|CH|CHAINING|CHANGED|CHANNEL|CHARACTER|CHARACTERS|CLASS|CLASS-ID|CLOCK-UNITS|CLOSE|CLOSE-DISPOSITION|COBOL|CODE|CODE-SET|COL|COLLATING|COLUMN|COM-REG|COMMA|COMMITMENT|COMMON|COMMUNICATION|COMP|COMP-1|COMP-2|COMP-3|COMP-4|COMP-5|COMPUTATIONAL|COMPUTATIONAL-1|COMPUTATIONAL-2|COMPUTATIONAL-3|COMPUTATIONAL-4|COMPUTATIONAL-5|COMPUTE|CONFIGURATION|CONTAINS|CONTENT|CONTINUE|CONTROL|CONTROL-POINT|CONTROLS|CONVENTION|CONVERTING|COPY|CORR|CORRESPONDING|COUNT|CRUNCH|CURRENCY|CURSOR|DATA|DATA-BASE|DATE|DATE-COMPILED|DATE-WRITTEN|DAY|DAY-OF-WEEK|DBCS|DE|DEBUG-CONTENTS|DEBUG-ITEM|DEBUG-LINE|DEBUG-NAME|DEBUG-SUB-1|DEBUG-SUB-2|DEBUG-SUB-3|DEBUGGING|DECIMAL-POINT|DECLARATIVES|DEFAULT|DEFAULT-DISPLAY|DEFINITION|DELETE|DELIMITED|DELIMITER|DEPENDING|DESCENDING|DESTINATION|DETAIL|DFHRESP|DFHVALUE|DISABLE|DISK|DISPLAY|DISPLAY-1|DIVIDE|DIVISION|DONTCARE|DOUBLE|DOWN|DUPLICATES|DYNAMIC|EBCDIC|EGCS|EGI|ELSE|EMI|EMPTY-CHECK|ENABLE|END|END-ACCEPT|END-ADD|END-CALL|END-COMPUTE|END-DELETE|END-DIVIDE|END-EVALUATE|END-IF|END-MULTIPLY|END-OF-PAGE|END-PERFORM|END-READ|END-RECEIVE|END-RETURN|END-REWRITE|END-SEARCH|END-START|END-STRING|END-SUBTRACT|END-UNSTRING|END-WRITE|ENDING|ENTER|ENTRY|ENTRY-PROCEDURE|ENVIRONMENT|EOL|EOP|EOS|ERASE|ERROR|ESCAPE|ESI|EVALUATE|EVENT|EVERY|EXCEPTION|EXCLUSIVE|EXHIBIT|EXIT|EXPORT|EXTEND|EXTENDED|EXTERNAL|FD|FILE|FILE-CONTROL|FILLER|FINAL|FIRST|FOOTING|FOR|FOREGROUND-COLOR|FOREGROUND-COLOUR|FROM|FULL|FUNCTION|FUNCTION-POINTER|FUNCTIONNAME|GENERATE|GIVING|GLOBAL|GO|GOBACK|GRID|GROUP|HEADING|HIGH-VALUE|HIGH-VALUES|HIGHLIGHT|I-O|I-O-CONTROL|ID|IDENTIFICATION|IF|IMPLICIT|IMPORT|IN|INDEX|INDEXED|INDICATE|INITIAL|INITIALIZE|INITIATE|INPUT|INPUT-OUTPUT|INSPECT|INSTALLATION|INTEGER|INTO|INVALID|INVOKE|IS|JUST|JUSTIFIED|KANJI|KEPT|KEY|KEYBOARD|LABEL|LANGUAGE|LAST|LB|LD|LEADING|LEFT|LEFTLINE|LENGTH|LENGTH-CHECK|LIBACCESS|LIBPARAMETER|LIBRARY|LIMIT|LIMITS|LINAGE|LINAGE-COUNTER|LINE|LINE-COUNTER|LINES|LINKAGE|LIST|LOCAL|LOCAL-STORAGE|LOCK|LONG-DATE|LONG-TIME|LOW-VALUE|LOW-VALUES|LOWER|LOWLIGHT|MEMORY|MERGE|MESSAGE|MMDDYYYY|MODE|MODULES|MORE-LABELS|MOVE|MULTIPLE|MULTIPLY|NAMED|NATIONAL|NATIONAL-EDITED|NATIVE|NEGATIVE|NETWORK|NEXT|NO|NO-ECHO|NULL|NULLS|NUMBER|NUMERIC|NUMERIC-DATE|NUMERIC-EDITED|NUMERIC-TIME|OBJECT-COMPUTER|OCCURS|ODT|OF|OFF|OMITTED|ON|OPEN|OPTIONAL|ORDER|ORDERLY|ORGANIZATION|OTHER|OUTPUT|OVERFLOW|OVERLINE|OWN|PACKED-DECIMAL|PADDING|PAGE|PAGE-COUNTER|PASSWORD|PERFORM|PF|PH|PIC|PICTURE|PLUS|POINTER|PORT|POSITION|POSITIVE|PRINTER|PRINTING|PRIVATE|PROCEDURE|PROCEDURE-POINTER|PROCEDURES|PROCEED|PROCESS|PROGRAM|PROGRAM-ID|PROGRAM-LIBRARY|PROMPT|PURGE|QUEUE|QUOTE|QUOTES|RANDOM|RD|READ|READER|REAL|RECEIVE|RECEIVED|RECORD|RECORDING|RECORDS|RECURSIVE|REDEFINES|REEL|REF|REFERENCE|REFERENCES|RELATIVE|RELEASE|REMAINDER|REMARKS|REMOTE|REMOVAL|REMOVE|RENAMES|REPLACE|REPLACING|REPORT|REPORTING|REPORTS|REQUIRED|RERUN|RESERVE|RESET|RETURN|RETURN-CODE|RETURNING|REVERSE-VIDEO|REVERSED|REWIND|REWRITE|RF|RH|RIGHT|ROUNDED|RUN|SAME|SAVE|SCREEN|SD|SEARCH|SECTION|SECURE|SECURITY|SEGMENT|SEGMENT-LIMIT|SELECT|SEND|SENTENCE|SEPARATE|SEQUENCE|SEQUENTIAL|SET|SHARED|SHAREDBYALL|SHAREDBYRUNUNIT|SHARING|SHIFT-IN|SHIFT-OUT|SHORT-DATE|SIGN|SIZE|SORT|SORT-CONTROL|SORT-CORE-SIZE|SORT-FILE-SIZE|SORT-MERGE|SORT-MESSAGE|SORT-MODE-SIZE|SORT-RETURN|SOURCE|SOURCE-COMPUTER|SPACE|SPACES|SPECIAL-NAMES|STANDARD|STANDARD-1|STANDARD-2|START|STATUS|STOP|STRING|SUB-QUEUE-1|SUB-QUEUE-2|SUB-QUEUE-3|SUBTRACT|SUM|SUPPRESS|SYMBOL|SYMBOLIC|SYNC|SYNCHRONIZED|TABLE|TALLY|TALLYING|TAPE|TASK|TERMINAL|TERMINATE|TEST|TEXT|THEN|THREAD|THREAD-LOCAL|THROUGH|THRU|TIME|TIMER|TIMES|TITLE|TO|TODAYS-DATE|TODAYS-NAME|TOP|TRAILING|TRUNCATED|TYPE|TYPEDEF|UNDERLINE|UNIT|UNSTRING|UNTIL|UP|UPON|USAGE|USE|USING|VALUE|VALUES|VARYING|VIRTUAL|WAIT|WHEN|WHEN-COMPILED|WITH|WORDS|WORKING-STORAGE|WRITE|YEAR|YYYYDDD|YYYYMMDD|ZERO-FILL|ZEROES|ZEROS)(?![\w-])/i,lookbehind:!0},boolean:{pattern:/(^|[^\w-])(?:false|true)(?![\w-])/i,lookbehind:!0},number:{pattern:/(^|[^\w-])(?:[+-]?(?:(?:\d+(?:[.,]\d+)?|[.,]\d+)(?:e[+-]?\d+)?|zero))(?![\w-])/i,lookbehind:!0},operator:[/<>|[<>]=?|[=+*/&]/,{pattern:/(^|[^\w-])(?:-|and|equal|greater|less|not|or|than)(?![\w-])/i,lookbehind:!0}],punctuation:/[.:,()]/}}e.exports=t,t.displayName="cobol",t.aliases=[]},43576:function(e){"use strict";function t(e){var t,n;t=/#(?!\{).+/,n={pattern:/#\{[^}]+\}/,alias:"variable"},e.languages.coffeescript=e.languages.extend("javascript",{comment:t,string:[{pattern:/'(?:\\[\s\S]|[^\\'])*'/,greedy:!0},{pattern:/"(?:\\[\s\S]|[^\\"])*"/,greedy:!0,inside:{interpolation:n}}],keyword:/\b(?:and|break|by|catch|class|continue|debugger|delete|do|each|else|extend|extends|false|finally|for|if|in|instanceof|is|isnt|let|loop|namespace|new|no|not|null|of|off|on|or|own|return|super|switch|then|this|throw|true|try|typeof|undefined|unless|until|when|while|window|with|yes|yield)\b/,"class-member":{pattern:/@(?!\d)\w+/,alias:"variable"}}),e.languages.insertBefore("coffeescript","comment",{"multiline-comment":{pattern:/###[\s\S]+?###/,alias:"comment"},"block-regex":{pattern:/\/{3}[\s\S]*?\/{3}/,alias:"regex",inside:{comment:t,interpolation:n}}}),e.languages.insertBefore("coffeescript","string",{"inline-javascript":{pattern:/`(?:\\[\s\S]|[^\\`])*`/,inside:{delimiter:{pattern:/^`|`$/,alias:"punctuation"},script:{pattern:/[\s\S]+/,alias:"language-javascript",inside:e.languages.javascript}}},"multiline-string":[{pattern:/'''[\s\S]*?'''/,greedy:!0,alias:"string"},{pattern:/"""[\s\S]*?"""/,greedy:!0,alias:"string",inside:{interpolation:n}}]}),e.languages.insertBefore("coffeescript","keyword",{property:/(?!\d)\w+(?=\s*:(?!:))/}),delete e.languages.coffeescript["template-string"],e.languages.coffee=e.languages.coffeescript}e.exports=t,t.displayName="coffeescript",t.aliases=["coffee"]},71794:function(e){"use strict";function t(e){e.languages.concurnas={comment:{pattern:/(^|[^\\])(?:\/\*[\s\S]*?(?:\*\/|$)|\/\/.*)/,lookbehind:!0,greedy:!0},langext:{pattern:/\b\w+\s*\|\|[\s\S]+?\|\|/,greedy:!0,inside:{"class-name":/^\w+/,string:{pattern:/(^\s*\|\|)[\s\S]+(?=\|\|$)/,lookbehind:!0},punctuation:/\|\|/}},function:{pattern:/((?:^|\s)def[ \t]+)[a-zA-Z_]\w*(?=\s*\()/,lookbehind:!0},keyword:/\b(?:abstract|actor|also|annotation|assert|async|await|bool|boolean|break|byte|case|catch|changed|char|class|closed|constant|continue|def|default|del|double|elif|else|enum|every|extends|false|finally|float|for|from|global|gpudef|gpukernel|if|import|in|init|inject|int|lambda|local|long|loop|match|new|nodefault|null|of|onchange|open|out|override|package|parfor|parforsync|post|pre|private|protected|provide|provider|public|return|shared|short|single|size_t|sizeof|super|sync|this|throw|trait|trans|transient|true|try|typedef|unchecked|using|val|var|void|while|with)\b/,boolean:/\b(?:false|true)\b/,number:/\b0b[01][01_]*L?\b|\b0x(?:[\da-f_]*\.)?[\da-f_p+-]+\b|(?:\b\d[\d_]*(?:\.[\d_]*)?|\B\.\d[\d_]*)(?:e[+-]?\d[\d_]*)?[dfls]?/i,punctuation:/[{}[\];(),.:]/,operator:/<==|>==|=>|->|<-|<>|&==|&<>|\?:?|\.\?|\+\+|--|[-+*/=<>]=?|[!^~]|\b(?:and|as|band|bor|bxor|comp|is|isnot|mod|or)\b=?/,annotation:{pattern:/@(?:\w+:)?(?:\w+|\[[^\]]+\])?/,alias:"builtin"}},e.languages.insertBefore("concurnas","langext",{"regex-literal":{pattern:/\br("|')(?:\\.|(?!\1)[^\\\r\n])*\1/,greedy:!0,inside:{interpolation:{pattern:/((?:^|[^\\])(?:\\{2})*)\{(?:[^{}]|\{(?:[^{}]|\{[^}]*\})*\})+\}/,lookbehind:!0,inside:e.languages.concurnas},regex:/[\s\S]+/}},"string-literal":{pattern:/(?:\B|\bs)("|')(?:\\.|(?!\1)[^\\\r\n])*\1/,greedy:!0,inside:{interpolation:{pattern:/((?:^|[^\\])(?:\\{2})*)\{(?:[^{}]|\{(?:[^{}]|\{[^}]*\})*\})+\}/,lookbehind:!0,inside:e.languages.concurnas},string:/[\s\S]+/}}}),e.languages.conc=e.languages.concurnas}e.exports=t,t.displayName="concurnas",t.aliases=["conc"]},1315:function(e){"use strict";function t(e){!function(e){for(var t=/\(\*(?:[^(*]|\((?!\*)|\*(?!\))|)*\*\)/.source,n=0;n<2;n++)t=t.replace(//g,function(){return t});t=t.replace(//g,"[]"),e.languages.coq={comment:RegExp(t),string:{pattern:/"(?:[^"]|"")*"(?!")/,greedy:!0},attribute:[{pattern:RegExp(/#\[(?:[^\[\]("]|"(?:[^"]|"")*"(?!")|\((?!\*)|)*\]/.source.replace(//g,function(){return t})),greedy:!0,alias:"attr-name",inside:{comment:RegExp(t),string:{pattern:/"(?:[^"]|"")*"(?!")/,greedy:!0},operator:/=/,punctuation:/^#\[|\]$|[,()]/}},{pattern:/\b(?:Cumulative|Global|Local|Monomorphic|NonCumulative|Polymorphic|Private|Program)\b/,alias:"attr-name"}],keyword:/\b(?:Abort|About|Add|Admit|Admitted|All|Arguments|As|Assumptions|Axiom|Axioms|Back|BackTo|Backtrace|BinOp|BinOpSpec|BinRel|Bind|Blacklist|Canonical|Case|Cd|Check|Class|Classes|Close|CoFixpoint|CoInductive|Coercion|Coercions|Collection|Combined|Compute|Conjecture|Conjectures|Constant|Constants|Constraint|Constructors|Context|Corollary|Create|CstOp|Custom|Cut|Debug|Declare|Defined|Definition|Delimit|Dependencies|Dependent|Derive|Diffs|Drop|Elimination|End|Entry|Equality|Eval|Example|Existential|Existentials|Existing|Export|Extern|Extraction|Fact|Fail|Field|File|Firstorder|Fixpoint|Flags|Focus|From|Funclass|Function|Functional|GC|Generalizable|Goal|Grab|Grammar|Graph|Guarded|Haskell|Heap|Hide|Hint|HintDb|Hints|Hypotheses|Hypothesis|IF|Identity|Immediate|Implicit|Implicits|Import|Include|Induction|Inductive|Infix|Info|Initial|InjTyp|Inline|Inspect|Instance|Instances|Intro|Intros|Inversion|Inversion_clear|JSON|Language|Left|Lemma|Let|Lia|Libraries|Library|Load|LoadPath|Locate|Ltac|Ltac2|ML|Match|Method|Minimality|Module|Modules|Morphism|Next|NoInline|Notation|Number|OCaml|Obligation|Obligations|Opaque|Open|Optimize|Parameter|Parameters|Parametric|Path|Paths|Prenex|Preterm|Primitive|Print|Profile|Projections|Proof|Prop|PropBinOp|PropOp|PropUOp|Property|Proposition|Pwd|Qed|Quit|Rec|Record|Recursive|Redirect|Reduction|Register|Relation|Remark|Remove|Require|Reserved|Reset|Resolve|Restart|Rewrite|Right|Ring|Rings|SProp|Saturate|Save|Scheme|Scope|Scopes|Search|SearchHead|SearchPattern|SearchRewrite|Section|Separate|Set|Setoid|Show|Signatures|Solve|Solver|Sort|Sortclass|Sorted|Spec|Step|Strategies|Strategy|String|Structure|SubClass|Subgraph|SuchThat|Tactic|Term|TestCompile|Theorem|Time|Timeout|To|Transparent|Type|Typeclasses|Types|Typing|UnOp|UnOpSpec|Undelimit|Undo|Unfocus|Unfocused|Unfold|Universe|Universes|Unshelve|Variable|Variables|Variant|Verbose|View|Visibility|Zify|_|apply|as|at|by|cofix|else|end|exists|exists2|fix|for|forall|fun|if|in|let|match|measure|move|removed|return|struct|then|using|wf|where|with)\b/,number:/\b(?:0x[a-f0-9][a-f0-9_]*(?:\.[a-f0-9_]+)?(?:p[+-]?\d[\d_]*)?|\d[\d_]*(?:\.[\d_]+)?(?:e[+-]?\d[\d_]*)?)\b/i,punct:{pattern:/@\{|\{\||\[=|:>/,alias:"punctuation"},operator:/\/\\|\\\/|\.{2,3}|:{1,2}=|\*\*|[-=]>|<(?:->?|[+:=>]|<:)|>(?:=|->)|\|[-|]?|[-!%&*+/<=>?@^~']/,punctuation:/\.\(|`\(|@\{|`\{|\{\||\[=|:>|[:.,;(){}\[\]]/}}(e)}e.exports=t,t.displayName="coq",t.aliases=[]},80096:function(e,t,n){"use strict";var r=n(65806);function a(e){var t,n;e.register(r),t=/\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/,n=/\b(?!)\w+(?:\s*\.\s*\w+)*\b/.source.replace(//g,function(){return t.source}),e.languages.cpp=e.languages.extend("c",{"class-name":[{pattern:RegExp(/(\b(?:class|concept|enum|struct|typename)\s+)(?!)\w+/.source.replace(//g,function(){return t.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:t,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/}),e.languages.insertBefore("cpp","string",{module:{pattern:RegExp(/(\b(?:import|module)\s+)/.source+"(?:"+/"(?:\\(?:\r\n|[\s\S])|[^"\\\r\n])*"|<[^<>\r\n]*>/.source+"|"+/(?:\s*:\s*)?|:\s*/.source.replace(//g,function(){return n})+")"),lookbehind:!0,greedy:!0,inside:{string:/^[<"][\s\S]+/,operator:/:/,punctuation:/\./}},"raw-string":{pattern:/R"([^()\\ ]{0,16})\([\s\S]*?\)\1"/,alias:"string",greedy:!0}}),e.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:e.languages.cpp}}}}),e.languages.insertBefore("cpp","operator",{"double-colon":{pattern:/::/,alias:"punctuation"}}),e.languages.insertBefore("cpp","class-name",{"base-clause":{pattern:/(\b(?:class|struct)\s+\w+\s*:\s*)[^;{}"'\s]+(?:\s+[^;{}"'\s]+)*(?=\s*[;{])/,lookbehind:!0,greedy:!0,inside:e.languages.extend("cpp",{})}}),e.languages.insertBefore("inside","double-colon",{"class-name":/\b[a-z_]\w*\b(?!\s*::)/i},e.languages.cpp["base-clause"])}e.exports=a,a.displayName="cpp",a.aliases=[]},99176:function(e,t,n){"use strict";var r=n(56939);function a(e){e.register(r),e.languages.crystal=e.languages.extend("ruby",{keyword:[/\b(?:__DIR__|__END_LINE__|__FILE__|__LINE__|abstract|alias|annotation|as|asm|begin|break|case|class|def|do|else|elsif|end|ensure|enum|extend|for|fun|if|ifdef|include|instance_sizeof|lib|macro|module|next|of|out|pointerof|private|protected|ptr|require|rescue|return|select|self|sizeof|struct|super|then|type|typeof|undef|uninitialized|union|unless|until|when|while|with|yield)\b/,{pattern:/(\.\s*)(?:is_a|responds_to)\?/,lookbehind:!0}],number:/\b(?:0b[01_]*[01]|0o[0-7_]*[0-7]|0x[\da-fA-F_]*[\da-fA-F]|(?:\d(?:[\d_]*\d)?)(?:\.[\d_]*\d)?(?:[eE][+-]?[\d_]*\d)?)(?:_(?:[uif](?:8|16|32|64))?)?\b/,operator:[/->/,e.languages.ruby.operator],punctuation:/[(){}[\].,;\\]/}),e.languages.insertBefore("crystal","string-literal",{attribute:{pattern:/@\[.*?\]/,inside:{delimiter:{pattern:/^@\[|\]$/,alias:"punctuation"},attribute:{pattern:/^(\s*)\w+/,lookbehind:!0,alias:"class-name"},args:{pattern:/\S(?:[\s\S]*\S)?/,inside:e.languages.crystal}}},expansion:{pattern:/\{(?:\{.*?\}|%.*?%)\}/,inside:{content:{pattern:/^(\{.)[\s\S]+(?=.\}$)/,lookbehind:!0,inside:e.languages.crystal},delimiter:{pattern:/^\{[\{%]|[\}%]\}$/,alias:"operator"}}},char:{pattern:/'(?:[^\\\r\n]{1,2}|\\(?:.|u(?:[A-Fa-f0-9]{1,4}|\{[A-Fa-f0-9]{1,6}\})))'/,greedy:!0}})}e.exports=a,a.displayName="crystal",a.aliases=[]},61958:function(e){"use strict";function t(e){!function(e){function t(e,t){return e.replace(/<<(\d+)>>/g,function(e,n){return"(?:"+t[+n]+")"})}function n(e,n,r){return RegExp(t(e,n),r||"")}function r(e,t){for(var n=0;n>/g,function(){return"(?:"+e+")"});return e.replace(/<>/g,"[^\\s\\S]")}var a={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 i(e){return"\\b(?:"+e.trim().replace(/ /g,"|")+")\\b"}var o=i(a.typeDeclaration),s=RegExp(i(a.type+" "+a.typeDeclaration+" "+a.contextual+" "+a.other)),l=i(a.typeDeclaration+" "+a.contextual+" "+a.other),c=i(a.type+" "+a.typeDeclaration+" "+a.other),u=r(/<(?:[^<>;=+\-*/%&|^]|<>)*>/.source,2),d=r(/\((?:[^()]|<>)*\)/.source,2),p=/@?\b[A-Za-z_]\w*\b/.source,m=t(/<<0>>(?:\s*<<1>>)?/.source,[p,u]),g=t(/(?!<<0>>)<<1>>(?:\s*\.\s*<<1>>)*/.source,[l,m]),f=/\[\s*(?:,\s*)*\]/.source,h=t(/<<0>>(?:\s*(?:\?\s*)?<<1>>)*(?:\s*\?)?/.source,[g,f]),b=t(/[^,()<>[\];=+\-*/%&|^]|<<0>>|<<1>>|<<2>>/.source,[u,d,f]),E=t(/\(<<0>>+(?:,<<0>>+)+\)/.source,[b]),T=t(/(?:<<0>>|<<1>>)(?:\s*(?:\?\s*)?<<2>>)*(?:\s*\?)?/.source,[E,g,f]),S={keyword:s,punctuation:/[<>()?,.:[\]]/},y=/'(?:[^\r\n'\\]|\\.|\\[Uux][\da-fA-F]{1,8})'/.source,A=/"(?:\\.|[^\\"\r\n])*"/.source,_=/@"(?:""|\\[\s\S]|[^\\"])*"(?!")/.source;e.languages.csharp=e.languages.extend("clike",{string:[{pattern:n(/(^|[^$\\])<<0>>/.source,[_]),lookbehind:!0,greedy:!0},{pattern:n(/(^|[^@$\\])<<0>>/.source,[A]),lookbehind:!0,greedy:!0}],"class-name":[{pattern:n(/(\busing\s+static\s+)<<0>>(?=\s*;)/.source,[g]),lookbehind:!0,inside:S},{pattern:n(/(\busing\s+<<0>>\s*=\s*)<<1>>(?=\s*;)/.source,[p,T]),lookbehind:!0,inside:S},{pattern:n(/(\busing\s+)<<0>>(?=\s*=)/.source,[p]),lookbehind:!0},{pattern:n(/(\b<<0>>\s+)<<1>>/.source,[o,m]),lookbehind:!0,inside:S},{pattern:n(/(\bcatch\s*\(\s*)<<0>>/.source,[g]),lookbehind:!0,inside:S},{pattern:n(/(\bwhere\s+)<<0>>/.source,[p]),lookbehind:!0},{pattern:n(/(\b(?:is(?:\s+not)?|as)\s+)<<0>>/.source,[h]),lookbehind:!0,inside:S},{pattern:n(/\b<<0>>(?=\s+(?!<<1>>|with\s*\{)<<2>>(?:\s*[=,;:{)\]]|\s+(?:in|when)\b))/.source,[T,c,p]),inside:S}],keyword:s,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:/\?\.?|::|[{}[\];(),.:]/}),e.languages.insertBefore("csharp","number",{range:{pattern:/\.\./,alias:"operator"}}),e.languages.insertBefore("csharp","punctuation",{"named-parameter":{pattern:n(/([(,]\s*)<<0>>(?=\s*:)/.source,[p]),lookbehind:!0,alias:"punctuation"}}),e.languages.insertBefore("csharp","class-name",{namespace:{pattern:n(/(\b(?:namespace|using)\s+)<<0>>(?:\s*\.\s*<<0>>)*(?=\s*[;{])/.source,[p]),lookbehind:!0,inside:{punctuation:/\./}},"type-expression":{pattern:n(/(\b(?:default|sizeof|typeof)\s*\(\s*(?!\s))(?:[^()\s]|\s(?!\s)|<<0>>)*(?=\s*\))/.source,[d]),lookbehind:!0,alias:"class-name",inside:S},"return-type":{pattern:n(/<<0>>(?=\s+(?:<<1>>\s*(?:=>|[({]|\.\s*this\s*\[)|this\s*\[))/.source,[T,g]),inside:S,alias:"class-name"},"constructor-invocation":{pattern:n(/(\bnew\s+)<<0>>(?=\s*[[({])/.source,[T]),lookbehind:!0,inside:S,alias:"class-name"},"generic-method":{pattern:n(/<<0>>\s*<<1>>(?=\s*\()/.source,[p,u]),inside:{function:n(/^<<0>>/.source,[p]),generic:{pattern:RegExp(u),alias:"class-name",inside:S}}},"type-list":{pattern:n(/\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,[o,m,p,T,s.source,d,/\bnew\s*\(\s*\)/.source]),lookbehind:!0,inside:{"record-arguments":{pattern:n(/(^(?!new\s*\()<<0>>\s*)<<1>>/.source,[m,d]),lookbehind:!0,greedy:!0,inside:e.languages.csharp},keyword:s,"class-name":{pattern:RegExp(T),greedy:!0,inside:S},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 k=A+"|"+y,v=t(/\/(?![*/])|\/\/[^\r\n]*[\r\n]|\/\*(?:[^*]|\*(?!\/))*\*\/|<<0>>/.source,[k]),C=r(t(/[^"'/()]|<<0>>|\(<>*\)/.source,[v]),2),N=/\b(?:assembly|event|field|method|module|param|property|return|type)\b/.source,R=t(/<<0>>(?:\s*\(<<1>>*\))?/.source,[g,C]);e.languages.insertBefore("csharp","class-name",{attribute:{pattern:n(/((?:^|[^\s\w>)?])\s*\[\s*)(?:<<0>>\s*:\s*)?<<1>>(?:\s*,\s*<<1>>)*(?=\s*\])/.source,[N,R]),lookbehind:!0,greedy:!0,inside:{target:{pattern:n(/^<<0>>(?=\s*:)/.source,[N]),alias:"keyword"},"attribute-arguments":{pattern:n(/\(<<0>>*\)/.source,[C]),inside:e.languages.csharp},"class-name":{pattern:RegExp(g),inside:{punctuation:/\./}},punctuation:/[:,]/}}});var I=/:[^}\r\n]+/.source,O=r(t(/[^"'/()]|<<0>>|\(<>*\)/.source,[v]),2),w=t(/\{(?!\{)(?:(?![}:])<<0>>)*<<1>>?\}/.source,[O,I]),x=r(t(/[^"'/()]|\/(?!\*)|\/\*(?:[^*]|\*(?!\/))*\*\/|<<0>>|\(<>*\)/.source,[k]),2),L=t(/\{(?!\{)(?:(?![}:])<<0>>)*<<1>>?\}/.source,[x,I]);function D(t,r){return{interpolation:{pattern:n(/((?:^|[^{])(?:\{\{)*)<<0>>/.source,[t]),lookbehind:!0,inside:{"format-string":{pattern:n(/(^\{(?:(?![}:])<<0>>)*)<<1>>(?=\}$)/.source,[r,I]),lookbehind:!0,inside:{punctuation:/^:/}},punctuation:/^\{|\}$/,expression:{pattern:/[\s\S]+/,alias:"language-csharp",inside:e.languages.csharp}}},string:/[\s\S]+/}}e.languages.insertBefore("csharp","string",{"interpolation-string":[{pattern:n(/(^|[^\\])(?:\$@|@\$)"(?:""|\\[\s\S]|\{\{|<<0>>|[^\\{"])*"/.source,[w]),lookbehind:!0,greedy:!0,inside:D(w,O)},{pattern:n(/(^|[^@\\])\$"(?:\\.|\{\{|<<0>>|[^\\"{])*"/.source,[L]),lookbehind:!0,greedy:!0,inside:D(L,x)}],char:{pattern:RegExp(y),greedy:!0}}),e.languages.dotnet=e.languages.cs=e.languages.csharp}(e)}e.exports=t,t.displayName="csharp",t.aliases=["dotnet","cs"]},90312:function(e,t,n){"use strict";var r=n(61958);function a(e){e.register(r),function(e){var t=/\/(?![/*])|\/\/.*[\r\n]|\/\*[^*]*(?:\*(?!\/)[^*]*)*\*\//.source,n=/@(?!")|"(?:[^\r\n\\"]|\\.)*"|@"(?:[^\\"]|""|\\[\s\S])*"(?!")/.source+"|"+/'(?:(?:[^\r\n'\\]|\\.|\\[Uux][\da-fA-F]{1,8})'|(?=[^\\](?!')))/.source;function r(e,r){for(var a=0;a/g,function(){return"(?:"+e+")"});return e.replace(//g,"[^\\s\\S]").replace(//g,"(?:"+n+")").replace(//g,"(?:"+t+")")}var a=r(/\((?:[^()'"@/]|||)*\)/.source,2),i=r(/\[(?:[^\[\]'"@/]|||)*\]/.source,2),o=r(/\{(?:[^{}'"@/]|||)*\}/.source,2),s=r(/<(?:[^<>'"@/]|||)*>/.source,2),l=/(?:\s(?:\s*[^\s>\/=]+(?:\s*=\s*(?:"[^"]*"|'[^']*'|[^\s'">=]+(?=[\s>]))|(?=[\s/>])))+)?/.source,c=/(?!\d)[^\s>\/=$<%]+/.source+l+/\s*\/?>/.source,u=/\B@?/.source+"(?:"+/<([a-zA-Z][\w:]*)/.source+l+/\s*>/.source+"(?:"+(/[^<]/.source+"|"+/<\/?(?!\1\b)/.source)+c+"|"+r(/<\1/.source+l+/\s*>/.source+"(?:"+(/[^<]/.source+"|")+/<\/?(?!\1\b)/.source+c+"|)*"+/<\/\1\s*>/.source,2)+")*"+/<\/\1\s*>/.source+"|"+/|\+|~|\|\|/,punctuation:/[(),]/}},e.languages.css.atrule.inside["selector-function-argument"].inside=t,e.languages.insertBefore("css","property",{variable:{pattern:/(^|[^-\w\xA0-\uFFFF])--(?!\s)[-_a-z\xA0-\uFFFF](?:(?!\s)[-\w\xA0-\uFFFF])*/i,lookbehind:!0}});var r={pattern:/(\b\d+)(?:%|[a-z]+(?![\w-]))/,lookbehind:!0},a={pattern:/(^|[^\w.-])-?(?:\d+(?:\.\d+)?|\.\d+)/,lookbehind:!0};e.languages.insertBefore("css","function",{operator:{pattern:/(\s)[+\-*\/](?=\s)/,lookbehind:!0},hexcode:{pattern:/\B#[\da-f]{3,8}\b/i,alias:"color"},color:[{pattern:/(^|[^\w-])(?:AliceBlue|AntiqueWhite|Aqua|Aquamarine|Azure|Beige|Bisque|Black|BlanchedAlmond|Blue|BlueViolet|Brown|BurlyWood|CadetBlue|Chartreuse|Chocolate|Coral|CornflowerBlue|Cornsilk|Crimson|Cyan|DarkBlue|DarkCyan|DarkGoldenRod|DarkGr[ae]y|DarkGreen|DarkKhaki|DarkMagenta|DarkOliveGreen|DarkOrange|DarkOrchid|DarkRed|DarkSalmon|DarkSeaGreen|DarkSlateBlue|DarkSlateGr[ae]y|DarkTurquoise|DarkViolet|DeepPink|DeepSkyBlue|DimGr[ae]y|DodgerBlue|FireBrick|FloralWhite|ForestGreen|Fuchsia|Gainsboro|GhostWhite|Gold|GoldenRod|Gr[ae]y|Green|GreenYellow|HoneyDew|HotPink|IndianRed|Indigo|Ivory|Khaki|Lavender|LavenderBlush|LawnGreen|LemonChiffon|LightBlue|LightCoral|LightCyan|LightGoldenRodYellow|LightGr[ae]y|LightGreen|LightPink|LightSalmon|LightSeaGreen|LightSkyBlue|LightSlateGr[ae]y|LightSteelBlue|LightYellow|Lime|LimeGreen|Linen|Magenta|Maroon|MediumAquaMarine|MediumBlue|MediumOrchid|MediumPurple|MediumSeaGreen|MediumSlateBlue|MediumSpringGreen|MediumTurquoise|MediumVioletRed|MidnightBlue|MintCream|MistyRose|Moccasin|NavajoWhite|Navy|OldLace|Olive|OliveDrab|Orange|OrangeRed|Orchid|PaleGoldenRod|PaleGreen|PaleTurquoise|PaleVioletRed|PapayaWhip|PeachPuff|Peru|Pink|Plum|PowderBlue|Purple|Red|RosyBrown|RoyalBlue|SaddleBrown|Salmon|SandyBrown|SeaGreen|SeaShell|Sienna|Silver|SkyBlue|SlateBlue|SlateGr[ae]y|Snow|SpringGreen|SteelBlue|Tan|Teal|Thistle|Tomato|Transparent|Turquoise|Violet|Wheat|White|WhiteSmoke|Yellow|YellowGreen)(?![\w-])/i,lookbehind:!0},{pattern:/\b(?:hsl|rgb)\(\s*\d{1,3}\s*,\s*\d{1,3}%?\s*,\s*\d{1,3}%?\s*\)\B|\b(?:hsl|rgb)a\(\s*\d{1,3}\s*,\s*\d{1,3}%?\s*,\s*\d{1,3}%?\s*,\s*(?:0|0?\.\d+|1)\s*\)\B/i,inside:{unit:r,number:a,function:/[\w-]+(?=\()/,punctuation:/[(),]/}}],entity:/\\[\da-f]{1,8}/i,unit:r,number:a})}(e)}e.exports=t,t.displayName="cssExtras",t.aliases=[]},12049:function(e){"use strict";function t(e){var t,n;t=/(?:"(?:\\(?:\r\n|[\s\S])|[^"\\\r\n])*"|'(?:\\(?:\r\n|[\s\S])|[^'\\\r\n])*')/,e.languages.css={comment:/\/\*[\s\S]*?\*\//,atrule:{pattern:/@[\w-](?:[^;{\s]|\s+(?![\s{]))*(?:;|(?=\s*\{))/,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\\((?:"+t.source+"|"+/(?:[^\\\r\n()"']|\\[\s\S])*/.source+")\\)","i"),greedy:!0,inside:{function:/^url/i,punctuation:/^\(|\)$/,string:{pattern:RegExp("^"+t.source+"$"),alias:"url"}}},selector:{pattern:RegExp("(^|[{}\\s])[^{}\\s](?:[^{};\"'\\s]|\\s+(?![\\s{])|"+t.source+")*(?=\\s*\\{)"),lookbehind:!0},string:{pattern:t,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:/[(){};:,]/},e.languages.css.atrule.inside.rest=e.languages.css,(n=e.languages.markup)&&(n.tag.addInlined("style","css"),n.tag.addAttribute("style","css"))}e.exports=t,t.displayName="css",t.aliases=[]},78090:function(e){"use strict";function t(e){e.languages.csv={value:/[^\r\n,"]+|"(?:[^"]|"")*"(?!")/,punctuation:/,/}}e.exports=t,t.displayName="csv",t.aliases=[]},40315:function(e){"use strict";function t(e){e.languages.cypher={comment:/\/\/.*/,string:{pattern:/"(?:[^"\\\r\n]|\\.)*"|'(?:[^'\\\r\n]|\\.)*'/,greedy:!0},"class-name":{pattern:/(:\s*)(?:\w+|`(?:[^`\\\r\n])*`)(?=\s*[{):])/,lookbehind:!0,greedy:!0},relationship:{pattern:/(-\[\s*(?:\w+\s*|`(?:[^`\\\r\n])*`\s*)?:\s*|\|\s*:\s*)(?:\w+|`(?:[^`\\\r\n])*`)/,lookbehind:!0,greedy:!0,alias:"property"},identifier:{pattern:/`(?:[^`\\\r\n])*`/,greedy:!0},variable:/\$\w+/,keyword:/\b(?:ADD|ALL|AND|AS|ASC|ASCENDING|ASSERT|BY|CALL|CASE|COMMIT|CONSTRAINT|CONTAINS|CREATE|CSV|DELETE|DESC|DESCENDING|DETACH|DISTINCT|DO|DROP|ELSE|END|ENDS|EXISTS|FOR|FOREACH|IN|INDEX|IS|JOIN|KEY|LIMIT|LOAD|MANDATORY|MATCH|MERGE|NODE|NOT|OF|ON|OPTIONAL|OR|ORDER(?=\s+BY)|PERIODIC|REMOVE|REQUIRE|RETURN|SCALAR|SCAN|SET|SKIP|START|STARTS|THEN|UNION|UNIQUE|UNWIND|USING|WHEN|WHERE|WITH|XOR|YIELD)\b/i,function:/\b\w+\b(?=\s*\()/,boolean:/\b(?:false|null|true)\b/i,number:/\b(?:0x[\da-fA-F]+|\d+(?:\.\d+)?(?:[eE][+-]?\d+)?)\b/,operator:/:|<--?|--?>?|<>|=~?|[<>]=?|[+*/%^|]|\.\.\.?/,punctuation:/[()[\]{},;.]/}}e.exports=t,t.displayName="cypher",t.aliases=[]},7902:function(e){"use strict";function t(e){e.languages.d=e.languages.extend("clike",{comment:[{pattern:/^\s*#!.+/,greedy:!0},{pattern:RegExp(/(^|[^\\])/.source+"(?:"+[/\/\+(?:\/\+(?:[^+]|\+(?!\/))*\+\/|(?!\/\+)[\s\S])*?\+\//.source,/\/\/.*/.source,/\/\*[\s\S]*?\*\//.source].join("|")+")"),lookbehind:!0,greedy:!0}],string:[{pattern:RegExp([/\b[rx]"(?:\\[\s\S]|[^\\"])*"[cwd]?/.source,/\bq"(?:\[[\s\S]*?\]|\([\s\S]*?\)|<[\s\S]*?>|\{[\s\S]*?\})"/.source,/\bq"((?!\d)\w+)$[\s\S]*?^\1"/.source,/\bq"(.)[\s\S]*?\2"/.source,/(["`])(?:\\[\s\S]|(?!\3)[^\\])*\3[cwd]?/.source].join("|"),"m"),greedy:!0},{pattern:/\bq\{(?:\{[^{}]*\}|[^{}])*\}/,greedy:!0,alias:"token-string"}],keyword:/\$|\b(?:__(?:(?:DATE|EOF|FILE|FUNCTION|LINE|MODULE|PRETTY_FUNCTION|TIMESTAMP|TIME|VENDOR|VERSION)__|gshared|parameters|traits|vector)|abstract|alias|align|asm|assert|auto|body|bool|break|byte|case|cast|catch|cdouble|cent|cfloat|char|class|const|continue|creal|dchar|debug|default|delegate|delete|deprecated|do|double|dstring|else|enum|export|extern|false|final|finally|float|for|foreach|foreach_reverse|function|goto|idouble|if|ifloat|immutable|import|inout|int|interface|invariant|ireal|lazy|long|macro|mixin|module|new|nothrow|null|out|override|package|pragma|private|protected|ptrdiff_t|public|pure|real|ref|return|scope|shared|short|size_t|static|string|struct|super|switch|synchronized|template|this|throw|true|try|typedef|typeid|typeof|ubyte|ucent|uint|ulong|union|unittest|ushort|version|void|volatile|wchar|while|with|wstring)\b/,number:[/\b0x\.?[a-f\d_]+(?:(?!\.\.)\.[a-f\d_]*)?(?:p[+-]?[a-f\d_]+)?[ulfi]{0,4}/i,{pattern:/((?:\.\.)?)(?:\b0b\.?|\b|\.)\d[\d_]*(?:(?!\.\.)\.[\d_]*)?(?:e[+-]?\d[\d_]*)?[ulfi]{0,4}/i,lookbehind:!0}],operator:/\|[|=]?|&[&=]?|\+[+=]?|-[-=]?|\.?\.\.|=[>=]?|!(?:i[ns]\b|<>?=?|>=?|=)?|\bi[ns]\b|(?:<[<>]?|>>?>?|\^\^|[*\/%^~])=?/}),e.languages.insertBefore("d","string",{char:/'(?:\\(?:\W|\w+)|[^\\])'/}),e.languages.insertBefore("d","keyword",{property:/\B@\w*/}),e.languages.insertBefore("d","function",{register:{pattern:/\b(?:[ABCD][LHX]|E?(?:BP|DI|SI|SP)|[BS]PL|[ECSDGF]S|CR[0234]|[DS]IL|DR[012367]|E[ABCD]X|X?MM[0-7]|R(?:1[0-5]|[89])[BWD]?|R[ABCD]X|R[BS]P|R[DS]I|TR[3-7]|XMM(?:1[0-5]|[89])|YMM(?:1[0-5]|\d))\b|\bST(?:\([0-7]\)|\b)/,alias:"variable"}})}e.exports=t,t.displayName="d",t.aliases=[]},28651:function(e){"use strict";function t(e){var t,n,r;t=[/\b(?:async|sync|yield)\*/,/\b(?:abstract|assert|async|await|break|case|catch|class|const|continue|covariant|default|deferred|do|dynamic|else|enum|export|extends|extension|external|factory|final|finally|for|get|hide|if|implements|import|in|interface|library|mixin|new|null|on|operator|part|rethrow|return|set|show|static|super|switch|sync|this|throw|try|typedef|var|void|while|with|yield)\b/],r={pattern:RegExp((n=/(^|[^\w.])(?:[a-z]\w*\s*\.\s*)*(?:[A-Z]\w*\s*\.\s*)*/.source)+/[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:/\./}}}},e.languages.dart=e.languages.extend("clike",{"class-name":[r,{pattern:RegExp(n+/[A-Z]\w*(?=\s+\w+\s*[;,=()])/.source),lookbehind:!0,inside:r.inside}],keyword:t,operator:/\bis!|\b(?:as|is)\b|\+\+|--|&&|\|\||<<=?|>>=?|~(?:\/=?)?|[+\-*\/%&^|=!<>]=?|\?/}),e.languages.insertBefore("dart","string",{"string-literal":{pattern:/r?(?:("""|''')[\s\S]*?\1|(["'])(?:\\.|(?!\2)[^\\\r\n])*\2(?!\2))/,greedy:!0,inside:{interpolation:{pattern:/((?:^|[^\\])(?:\\{2})*)\$(?:\w+|\{(?:[^{}]|\{[^{}]*\})*\})/,lookbehind:!0,inside:{punctuation:/^\$\{?|\}$/,expression:{pattern:/[\s\S]+/,inside:e.languages.dart}}},string:/[\s\S]+/}},string:void 0}),e.languages.insertBefore("dart","class-name",{metadata:{pattern:/@\w+/,alias:"function"}}),e.languages.insertBefore("dart","class-name",{generics:{pattern:/<(?:[\w\s,.&?]|<(?:[\w\s,.&?]|<(?:[\w\s,.&?]|<[\w\s,.&?]*>)*>)*>)*>/,inside:{"class-name":r,keyword:t,punctuation:/[<>(),.:]/,operator:/[?&|]/}}})}e.exports=t,t.displayName="dart",t.aliases=[]},55579:function(e){"use strict";function t(e){e.languages.dataweave={url:/\b[A-Za-z]+:\/\/[\w/:.?=&-]+|\burn:[\w:.?=&-]+/,property:{pattern:/(?:\b\w+#)?(?:"(?:\\.|[^\\"\r\n])*"|\b\w+)(?=\s*[:@])/,greedy:!0},string:{pattern:/(["'`])(?:\\[\s\S]|(?!\1)[^\\])*\1/,greedy:!0},"mime-type":/\b(?:application|audio|image|multipart|text|video)\/[\w+-]+/,date:{pattern:/\|[\w:+-]+\|/,greedy:!0},comment:[{pattern:/(^|[^\\])\/\*[\s\S]*?(?:\*\/|$)/,lookbehind:!0,greedy:!0},{pattern:/(^|[^\\:])\/\/.*/,lookbehind:!0,greedy:!0}],regex:{pattern:/\/(?:[^\\\/\r\n]|\\[^\r\n])+\//,greedy:!0},keyword:/\b(?:and|as|at|case|do|else|fun|if|input|is|match|not|ns|null|or|output|type|unless|update|using|var)\b/,function:/\b[A-Z_]\w*(?=\s*\()/i,number:/-?\b\d+(?:\.\d+)?(?:e[+-]?\d+)?\b/i,punctuation:/[{}[\];(),.:@]/,operator:/<<|>>|->|[<>~=]=?|!=|--?-?|\+\+?|!|\?/,boolean:/\b(?:false|true)\b/}}e.exports=t,t.displayName="dataweave",t.aliases=[]},93685:function(e){"use strict";function t(e){e.languages.dax={comment:{pattern:/(^|[^\\])(?:\/\*[\s\S]*?\*\/|(?:--|\/\/).*)/,lookbehind:!0},"data-field":{pattern:/'(?:[^']|'')*'(?!')(?:\[[ \w\xA0-\uFFFF]+\])?|\w+\[[ \w\xA0-\uFFFF]+\]/,alias:"symbol"},measure:{pattern:/\[[ \w\xA0-\uFFFF]+\]/,alias:"constant"},string:{pattern:/"(?:[^"]|"")*"(?!")/,greedy:!0},function:/\b(?:ABS|ACOS|ACOSH|ACOT|ACOTH|ADDCOLUMNS|ADDMISSINGITEMS|ALL|ALLCROSSFILTERED|ALLEXCEPT|ALLNOBLANKROW|ALLSELECTED|AND|APPROXIMATEDISTINCTCOUNT|ASIN|ASINH|ATAN|ATANH|AVERAGE|AVERAGEA|AVERAGEX|BETA\.DIST|BETA\.INV|BLANK|CALCULATE|CALCULATETABLE|CALENDAR|CALENDARAUTO|CEILING|CHISQ\.DIST|CHISQ\.DIST\.RT|CHISQ\.INV|CHISQ\.INV\.RT|CLOSINGBALANCEMONTH|CLOSINGBALANCEQUARTER|CLOSINGBALANCEYEAR|COALESCE|COMBIN|COMBINA|COMBINEVALUES|CONCATENATE|CONCATENATEX|CONFIDENCE\.NORM|CONFIDENCE\.T|CONTAINS|CONTAINSROW|CONTAINSSTRING|CONTAINSSTRINGEXACT|CONVERT|COS|COSH|COT|COTH|COUNT|COUNTA|COUNTAX|COUNTBLANK|COUNTROWS|COUNTX|CROSSFILTER|CROSSJOIN|CURRENCY|CURRENTGROUP|CUSTOMDATA|DATATABLE|DATE|DATEADD|DATEDIFF|DATESBETWEEN|DATESINPERIOD|DATESMTD|DATESQTD|DATESYTD|DATEVALUE|DAY|DEGREES|DETAILROWS|DISTINCT|DISTINCTCOUNT|DISTINCTCOUNTNOBLANK|DIVIDE|EARLIER|EARLIEST|EDATE|ENDOFMONTH|ENDOFQUARTER|ENDOFYEAR|EOMONTH|ERROR|EVEN|EXACT|EXCEPT|EXP|EXPON\.DIST|FACT|FALSE|FILTER|FILTERS|FIND|FIRSTDATE|FIRSTNONBLANK|FIRSTNONBLANKVALUE|FIXED|FLOOR|FORMAT|GCD|GENERATE|GENERATEALL|GENERATESERIES|GEOMEAN|GEOMEANX|GROUPBY|HASONEFILTER|HASONEVALUE|HOUR|IF|IF\.EAGER|IFERROR|IGNORE|INT|INTERSECT|ISBLANK|ISCROSSFILTERED|ISEMPTY|ISERROR|ISEVEN|ISFILTERED|ISINSCOPE|ISLOGICAL|ISNONTEXT|ISNUMBER|ISO\.CEILING|ISODD|ISONORAFTER|ISSELECTEDMEASURE|ISSUBTOTAL|ISTEXT|KEEPFILTERS|KEYWORDMATCH|LASTDATE|LASTNONBLANK|LASTNONBLANKVALUE|LCM|LEFT|LEN|LN|LOG|LOG10|LOOKUPVALUE|LOWER|MAX|MAXA|MAXX|MEDIAN|MEDIANX|MID|MIN|MINA|MINUTE|MINX|MOD|MONTH|MROUND|NATURALINNERJOIN|NATURALLEFTOUTERJOIN|NEXTDAY|NEXTMONTH|NEXTQUARTER|NEXTYEAR|NONVISUAL|NORM\.DIST|NORM\.INV|NORM\.S\.DIST|NORM\.S\.INV|NOT|NOW|ODD|OPENINGBALANCEMONTH|OPENINGBALANCEQUARTER|OPENINGBALANCEYEAR|OR|PARALLELPERIOD|PATH|PATHCONTAINS|PATHITEM|PATHITEMREVERSE|PATHLENGTH|PERCENTILE\.EXC|PERCENTILE\.INC|PERCENTILEX\.EXC|PERCENTILEX\.INC|PERMUT|PI|POISSON\.DIST|POWER|PREVIOUSDAY|PREVIOUSMONTH|PREVIOUSQUARTER|PREVIOUSYEAR|PRODUCT|PRODUCTX|QUARTER|QUOTIENT|RADIANS|RAND|RANDBETWEEN|RANK\.EQ|RANKX|RELATED|RELATEDTABLE|REMOVEFILTERS|REPLACE|REPT|RIGHT|ROLLUP|ROLLUPADDISSUBTOTAL|ROLLUPGROUP|ROLLUPISSUBTOTAL|ROUND|ROUNDDOWN|ROUNDUP|ROW|SAMEPERIODLASTYEAR|SAMPLE|SEARCH|SECOND|SELECTCOLUMNS|SELECTEDMEASURE|SELECTEDMEASUREFORMATSTRING|SELECTEDMEASURENAME|SELECTEDVALUE|SIGN|SIN|SINH|SQRT|SQRTPI|STARTOFMONTH|STARTOFQUARTER|STARTOFYEAR|STDEV\.P|STDEV\.S|STDEVX\.P|STDEVX\.S|SUBSTITUTE|SUBSTITUTEWITHINDEX|SUM|SUMMARIZE|SUMMARIZECOLUMNS|SUMX|SWITCH|T\.DIST|T\.DIST\.2T|T\.DIST\.RT|T\.INV|T\.INV\.2T|TAN|TANH|TIME|TIMEVALUE|TODAY|TOPN|TOPNPERLEVEL|TOPNSKIP|TOTALMTD|TOTALQTD|TOTALYTD|TREATAS|TRIM|TRUE|TRUNC|UNICHAR|UNICODE|UNION|UPPER|USERELATIONSHIP|USERNAME|USEROBJECTID|USERPRINCIPALNAME|UTCNOW|UTCTODAY|VALUE|VALUES|VAR\.P|VAR\.S|VARX\.P|VARX\.S|WEEKDAY|WEEKNUM|XIRR|XNPV|YEAR|YEARFRAC)(?=\s*\()/i,keyword:/\b(?:DEFINE|EVALUATE|MEASURE|ORDER\s+BY|RETURN|VAR|START\s+AT|ASC|DESC)\b/i,boolean:{pattern:/\b(?:FALSE|NULL|TRUE)\b/i,alias:"constant"},number:/\b\d+(?:\.\d*)?|\B\.\d+\b/,operator:/:=|[-+*\/=^]|&&?|\|\||<(?:=>?|<|>)?|>[>=]?|\b(?:IN|NOT)\b/i,punctuation:/[;\[\](){}`,.]/}}e.exports=t,t.displayName="dax",t.aliases=[]},13934:function(e){"use strict";function t(e){e.languages.dhall={comment:/--.*|\{-(?:[^-{]|-(?!\})|\{(?!-)|\{-(?:[^-{]|-(?!\})|\{(?!-))*-\})*-\}/,string:{pattern:/"(?:[^"\\]|\\.)*"|''(?:[^']|'(?!')|'''|''\$\{)*''(?!'|\$)/,greedy:!0,inside:{interpolation:{pattern:/\$\{[^{}]*\}/,inside:{expression:{pattern:/(^\$\{)[\s\S]+(?=\}$)/,lookbehind:!0,alias:"language-dhall",inside:null},punctuation:/\$\{|\}/}}}},label:{pattern:/`[^`]*`/,greedy:!0},url:{pattern:/\bhttps?:\/\/[\w.:%!$&'*+;=@~-]+(?:\/[\w.:%!$&'*+;=@~-]*)*(?:\?[/?\w.:%!$&'*+;=@~-]*)?/,greedy:!0},env:{pattern:/\benv:(?:(?!\d)\w+|"(?:[^"\\=]|\\.)*")/,greedy:!0,inside:{function:/^env/,operator:/^:/,variable:/[\s\S]+/}},hash:{pattern:/\bsha256:[\da-fA-F]{64}\b/,inside:{function:/sha256/,operator:/:/,number:/[\da-fA-F]{64}/}},keyword:/\b(?:as|assert|else|forall|if|in|let|merge|missing|then|toMap|using|with)\b|\u2200/,builtin:/\b(?:None|Some)\b/,boolean:/\b(?:False|True)\b/,number:/\bNaN\b|-?\bInfinity\b|[+-]?\b(?:0x[\da-fA-F]+|\d+(?:\.\d+)?(?:e[+-]?\d+)?)\b/,operator:/\/\\|\/\/\\\\|&&|\|\||===|[!=]=|\/\/|->|\+\+|::|[+*#@=:?<>|\\\u2227\u2a53\u2261\u2afd\u03bb\u2192]/,punctuation:/\.\.|[{}\[\](),./]/,"class-name":/\b[A-Z]\w*\b/},e.languages.dhall.string.inside.interpolation.inside.expression.inside=e.languages.dhall}e.exports=t,t.displayName="dhall",t.aliases=[]},93336:function(e){"use strict";function t(e){var t;e.languages.diff={coord:[/^(?:\*{3}|-{3}|\+{3}).*$/m,/^@@.*@@$/m,/^\d.*$/m]},Object.keys(t={"deleted-sign":"-","deleted-arrow":"<","inserted-sign":"+","inserted-arrow":">",unchanged:" ",diff:"!"}).forEach(function(n){var r=t[n],a=[];/^\w+$/.test(n)||a.push(/\w+/.exec(n)[0]),"diff"===n&&a.push("bold"),e.languages.diff[n]={pattern:RegExp("^(?:["+r+"].*(?:\r\n?|\n|(?![\\s\\S])))+","m"),alias:a,inside:{line:{pattern:/(.)(?=[\s\S]).*(?:\r\n?|\n)?/,lookbehind:!0},prefix:{pattern:/[\s\S]/,alias:/\w+/.exec(n)[0]}}}}),Object.defineProperty(e.languages.diff,"PREFIXES",{value:t})}e.exports=t,t.displayName="diff",t.aliases=[]},13294:function(e,t,n){"use strict";var r=n(93205);function a(e){var t,n;e.register(r),e.languages.django={comment:/^\{#[\s\S]*?#\}$/,tag:{pattern:/(^\{%[+-]?\s*)\w+/,lookbehind:!0,alias:"keyword"},delimiter:{pattern:/^\{[{%][+-]?|[+-]?[}%]\}$/,alias:"punctuation"},string:{pattern:/("|')(?:\\.|(?!\1)[^\\\r\n])*\1/,greedy:!0},filter:{pattern:/(\|)\w+/,lookbehind:!0,alias:"function"},test:{pattern:/(\bis\s+(?:not\s+)?)(?!not\b)\w+/,lookbehind:!0,alias:"function"},function:/\b[a-z_]\w+(?=\s*\()/i,keyword:/\b(?:and|as|by|else|for|if|import|in|is|loop|not|or|recursive|with|without)\b/,operator:/[-+%=]=?|!=|\*\*?=?|\/\/?=?|<[<=>]?|>[=>]?|[&|^~]/,number:/\b\d+(?:\.\d+)?\b/,boolean:/[Ff]alse|[Nn]one|[Tt]rue/,variable:/\b\w+\b/,punctuation:/[{}[\](),.:;]/},t=/\{\{[\s\S]*?\}\}|\{%[\s\S]*?%\}|\{#[\s\S]*?#\}/g,n=e.languages["markup-templating"],e.hooks.add("before-tokenize",function(e){n.buildPlaceholders(e,"django",t)}),e.hooks.add("after-tokenize",function(e){n.tokenizePlaceholders(e,"django")}),e.languages.jinja2=e.languages.django,e.hooks.add("before-tokenize",function(e){n.buildPlaceholders(e,"jinja2",t)}),e.hooks.add("after-tokenize",function(e){n.tokenizePlaceholders(e,"jinja2")})}e.exports=a,a.displayName="django",a.aliases=["jinja2"]},38223:function(e){"use strict";function t(e){e.languages["dns-zone-file"]={comment:/;.*/,string:{pattern:/"(?:\\.|[^"\\\r\n])*"/,greedy:!0},variable:[{pattern:/(^\$ORIGIN[ \t]+)\S+/m,lookbehind:!0},{pattern:/(^|\s)@(?=\s|$)/,lookbehind:!0}],keyword:/^\$(?:INCLUDE|ORIGIN|TTL)(?=\s|$)/m,class:{pattern:/(^|\s)(?:CH|CS|HS|IN)(?=\s|$)/,lookbehind:!0,alias:"keyword"},type:{pattern:/(^|\s)(?:A|A6|AAAA|AFSDB|APL|ATMA|CAA|CDNSKEY|CDS|CERT|CNAME|DHCID|DLV|DNAME|DNSKEY|DS|EID|GID|GPOS|HINFO|HIP|IPSECKEY|ISDN|KEY|KX|LOC|MAILA|MAILB|MB|MD|MF|MG|MINFO|MR|MX|NAPTR|NB|NBSTAT|NIMLOC|NINFO|NS|NSAP|NSAP-PTR|NSEC|NSEC3|NSEC3PARAM|NULL|NXT|OPENPGPKEY|PTR|PX|RKEY|RP|RRSIG|RT|SIG|SINK|SMIMEA|SOA|SPF|SRV|SSHFP|TA|TKEY|TLSA|TSIG|TXT|UID|UINFO|UNSPEC|URI|WKS|X25)(?=\s|$)/,lookbehind:!0,alias:"keyword"},punctuation:/[()]/},e.languages["dns-zone"]=e.languages["dns-zone-file"]}e.exports=t,t.displayName="dnsZoneFile",t.aliases=[]},97266:function(e){"use strict";function t(e){!function(e){var t=/\\[\r\n](?:\s|\\[\r\n]|#.*(?!.))*(?![\s#]|\\[\r\n])/.source,n=/(?:[ \t]+(?![ \t])(?:)?|)/.source.replace(//g,function(){return t}),r=/"(?:[^"\\\r\n]|\\(?:\r\n|[\s\S]))*"|'(?:[^'\\\r\n]|\\(?:\r\n|[\s\S]))*'/.source,a=/--[\w-]+=(?:|(?!["'])(?:[^\s\\]|\\.)+)/.source.replace(//g,function(){return r}),i={pattern:RegExp(r),greedy:!0},o={pattern:/(^[ \t]*)#.*/m,lookbehind:!0,greedy:!0};function s(e,t){return RegExp(e=e.replace(//g,function(){return a}).replace(//g,function(){return n}),t)}e.languages.docker={instruction:{pattern:/(^[ \t]*)(?:ADD|ARG|CMD|COPY|ENTRYPOINT|ENV|EXPOSE|FROM|HEALTHCHECK|LABEL|MAINTAINER|ONBUILD|RUN|SHELL|STOPSIGNAL|USER|VOLUME|WORKDIR)(?=\s)(?:\\.|[^\r\n\\])*(?:\\$(?:\s|#.*$)*(?![\s#])(?:\\.|[^\r\n\\])*)*/im,lookbehind:!0,greedy:!0,inside:{options:{pattern:s(/(^(?:ONBUILD)?\w+)(?:)*/.source,"i"),lookbehind:!0,greedy:!0,inside:{property:{pattern:/(^|\s)--[\w-]+/,lookbehind:!0},string:[i,{pattern:/(=)(?!["'])(?:[^\s\\]|\\.)+/,lookbehind:!0}],operator:/\\$/m,punctuation:/=/}},keyword:[{pattern:s(/(^(?:ONBUILD)?HEALTHCHECK(?:)*)(?:CMD|NONE)\b/.source,"i"),lookbehind:!0,greedy:!0},{pattern:s(/(^(?:ONBUILD)?FROM(?:)*(?!--)[^ \t\\]+)AS/.source,"i"),lookbehind:!0,greedy:!0},{pattern:s(/(^ONBUILD)\w+/.source,"i"),lookbehind:!0,greedy:!0},{pattern:/^\w+/,greedy:!0}],comment:o,string:i,variable:/\$(?:\w+|\{[^{}"'\\]*\})/,operator:/\\$/m}},comment:o},e.languages.dockerfile=e.languages.docker}(e)}e.exports=t,t.displayName="docker",t.aliases=["dockerfile"]},77125:function(e){"use strict";function t(e){!function(e){var t="(?:"+[/[a-zA-Z_\x80-\uFFFF][\w\x80-\uFFFF]*/.source,/-?(?:\.\d+|\d+(?:\.\d*)?)/.source,/"[^"\\]*(?:\\[\s\S][^"\\]*)*"/.source,/<(?:[^<>]|(?!)*>/.source].join("|")+")",n={markup:{pattern:/(^<)[\s\S]+(?=>$)/,lookbehind:!0,alias:["language-markup","language-html","language-xml"],inside:e.languages.markup}};function r(e,n){return RegExp(e.replace(//g,function(){return t}),n)}e.languages.dot={comment:{pattern:/\/\/.*|\/\*[\s\S]*?\*\/|^#.*/m,greedy:!0},"graph-name":{pattern:r(/(\b(?:digraph|graph|subgraph)[ \t\r\n]+)/.source,"i"),lookbehind:!0,greedy:!0,alias:"class-name",inside:n},"attr-value":{pattern:r(/(=[ \t\r\n]*)/.source),lookbehind:!0,greedy:!0,inside:n},"attr-name":{pattern:r(/([\[;, \t\r\n])(?=[ \t\r\n]*=)/.source),lookbehind:!0,greedy:!0,inside:n},keyword:/\b(?:digraph|edge|graph|node|strict|subgraph)\b/i,"compass-point":{pattern:/(:[ \t\r\n]*)(?:[ewc_]|[ns][ew]?)(?![\w\x80-\uFFFF])/,lookbehind:!0,alias:"builtin"},node:{pattern:r(/(^|[^-.\w\x80-\uFFFF\\])/.source),lookbehind:!0,greedy:!0,inside:n},operator:/[=:]|-[->]/,punctuation:/[\[\]{};,]/},e.languages.gv=e.languages.dot}(e)}e.exports=t,t.displayName="dot",t.aliases=["gv"]},36500:function(e){"use strict";function t(e){e.languages.ebnf={comment:/\(\*[\s\S]*?\*\)/,string:{pattern:/"[^"\r\n]*"|'[^'\r\n]*'/,greedy:!0},special:{pattern:/\?[^?\r\n]*\?/,greedy:!0,alias:"class-name"},definition:{pattern:/^([\t ]*)[a-z]\w*(?:[ \t]+[a-z]\w*)*(?=\s*=)/im,lookbehind:!0,alias:["rule","keyword"]},rule:/\b[a-z]\w*(?:[ \t]+[a-z]\w*)*\b/i,punctuation:/\([:/]|[:/]\)|[.,;()[\]{}]/,operator:/[-=|*/!]/}}e.exports=t,t.displayName="ebnf",t.aliases=[]},30296:function(e){"use strict";function t(e){e.languages.editorconfig={comment:/[;#].*/,section:{pattern:/(^[ \t]*)\[.+\]/m,lookbehind:!0,alias:"selector",inside:{regex:/\\\\[\[\]{},!?.*]/,operator:/[!?]|\.\.|\*{1,2}/,punctuation:/[\[\]{},]/}},key:{pattern:/(^[ \t]*)[^\s=]+(?=[ \t]*=)/m,lookbehind:!0,alias:"attr-name"},value:{pattern:/=.*/,alias:"attr-value",inside:{punctuation:/^=/}}}}e.exports=t,t.displayName="editorconfig",t.aliases=[]},50115:function(e){"use strict";function t(e){e.languages.eiffel={comment:/--.*/,string:[{pattern:/"([^[]*)\[[\s\S]*?\]\1"/,greedy:!0},{pattern:/"([^{]*)\{[\s\S]*?\}\1"/,greedy:!0},{pattern:/"(?:%(?:(?!\n)\s)*\n\s*%|%\S|[^%"\r\n])*"/,greedy:!0}],char:/'(?:%.|[^%'\r\n])+'/,keyword:/\b(?:across|agent|alias|all|and|as|assign|attached|attribute|check|class|convert|create|Current|debug|deferred|detachable|do|else|elseif|end|ensure|expanded|export|external|feature|from|frozen|if|implies|inherit|inspect|invariant|like|local|loop|not|note|obsolete|old|once|or|Precursor|redefine|rename|require|rescue|Result|retry|select|separate|some|then|undefine|until|variant|Void|when|xor)\b/i,boolean:/\b(?:False|True)\b/i,"class-name":/\b[A-Z][\dA-Z_]*\b/,number:[/\b0[xcb][\da-f](?:_*[\da-f])*\b/i,/(?:\b\d(?:_*\d)*)?\.(?:(?:\d(?:_*\d)*)?e[+-]?)?\d(?:_*\d)*\b|\b\d(?:_*\d)*\b\.?/i],punctuation:/:=|<<|>>|\(\||\|\)|->|\.(?=\w)|[{}[\];(),:?]/,operator:/\\\\|\|\.\.\||\.\.|\/[~\/=]?|[><]=?|[-+*^=~]/}}e.exports=t,t.displayName="eiffel",t.aliases=[]},20791:function(e,t,n){"use strict";var r=n(93205);function a(e){e.register(r),e.languages.ejs={delimiter:{pattern:/^<%[-_=]?|[-_]?%>$/,alias:"punctuation"},comment:/^#[\s\S]*/,"language-javascript":{pattern:/[\s\S]+/,inside:e.languages.javascript}},e.hooks.add("before-tokenize",function(t){e.languages["markup-templating"].buildPlaceholders(t,"ejs",/<%(?!%)[\s\S]+?%>/g)}),e.hooks.add("after-tokenize",function(t){e.languages["markup-templating"].tokenizePlaceholders(t,"ejs")}),e.languages.eta=e.languages.ejs}e.exports=a,a.displayName="ejs",a.aliases=["eta"]},11974:function(e){"use strict";function t(e){e.languages.elixir={doc:{pattern:/@(?:doc|moduledoc)\s+(?:("""|''')[\s\S]*?\1|("|')(?:\\(?:\r\n|[\s\S])|(?!\2)[^\\\r\n])*\2)/,inside:{attribute:/^@\w+/,string:/['"][\s\S]+/}},comment:{pattern:/#.*/,greedy:!0},regex:{pattern:/~[rR](?:("""|''')(?:\\[\s\S]|(?!\1)[^\\])+\1|([\/|"'])(?:\\.|(?!\2)[^\\\r\n])+\2|\((?:\\.|[^\\)\r\n])+\)|\[(?:\\.|[^\\\]\r\n])+\]|\{(?:\\.|[^\\}\r\n])+\}|<(?:\\.|[^\\>\r\n])+>)[uismxfr]*/,greedy:!0},string:[{pattern:/~[cCsSwW](?:("""|''')(?:\\[\s\S]|(?!\1)[^\\])+\1|([\/|"'])(?:\\.|(?!\2)[^\\\r\n])+\2|\((?:\\.|[^\\)\r\n])+\)|\[(?:\\.|[^\\\]\r\n])+\]|\{(?:\\.|#\{[^}]+\}|#(?!\{)|[^#\\}\r\n])+\}|<(?:\\.|[^\\>\r\n])+>)[csa]?/,greedy:!0,inside:{}},{pattern:/("""|''')[\s\S]*?\1/,greedy:!0,inside:{}},{pattern:/("|')(?:\\(?:\r\n|[\s\S])|(?!\1)[^\\\r\n])*\1/,greedy:!0,inside:{}}],atom:{pattern:/(^|[^:]):\w+/,lookbehind:!0,alias:"symbol"},module:{pattern:/\b[A-Z]\w*\b/,alias:"class-name"},"attr-name":/\b\w+\??:(?!:)/,argument:{pattern:/(^|[^&])&\d+/,lookbehind:!0,alias:"variable"},attribute:{pattern:/@\w+/,alias:"variable"},function:/\b[_a-zA-Z]\w*[?!]?(?:(?=\s*(?:\.\s*)?\()|(?=\/\d))/,number:/\b(?:0[box][a-f\d_]+|\d[\d_]*)(?:\.[\d_]+)?(?:e[+-]?[\d_]+)?\b/i,keyword:/\b(?:after|alias|and|case|catch|cond|def(?:callback|delegate|exception|impl|macro|module|n|np|p|protocol|struct)?|do|else|end|fn|for|if|import|not|or|quote|raise|require|rescue|try|unless|unquote|use|when)\b/,boolean:/\b(?:false|nil|true)\b/,operator:[/\bin\b|&&?|\|[|>]?|\\\\|::|\.\.\.?|\+\+?|-[->]?|<[-=>]|>=|!==?|\B!|=(?:==?|[>~])?|[*\/^]/,{pattern:/([^<])<(?!<)/,lookbehind:!0},{pattern:/([^>])>(?!>)/,lookbehind:!0}],punctuation:/<<|>>|[.,%\[\]{}()]/},e.languages.elixir.string.forEach(function(t){t.inside={interpolation:{pattern:/#\{[^}]+\}/,inside:{delimiter:{pattern:/^#\{|\}$/,alias:"punctuation"},rest:e.languages.elixir}}}})}e.exports=t,t.displayName="elixir",t.aliases=[]},8645:function(e){"use strict";function t(e){e.languages.elm={comment:/--.*|\{-[\s\S]*?-\}/,char:{pattern:/'(?:[^\\'\r\n]|\\(?:[abfnrtv\\']|\d+|x[0-9a-fA-F]+|u\{[0-9a-fA-F]+\}))'/,greedy:!0},string:[{pattern:/"""[\s\S]*?"""/,greedy:!0},{pattern:/"(?:[^\\"\r\n]|\\.)*"/,greedy:!0}],"import-statement":{pattern:/(^[\t ]*)import\s+[A-Z]\w*(?:\.[A-Z]\w*)*(?:\s+as\s+(?:[A-Z]\w*)(?:\.[A-Z]\w*)*)?(?:\s+exposing\s+)?/m,lookbehind:!0,inside:{keyword:/\b(?:as|exposing|import)\b/}},keyword:/\b(?:alias|as|case|else|exposing|if|in|infixl|infixr|let|module|of|then|type)\b/,builtin:/\b(?:abs|acos|always|asin|atan|atan2|ceiling|clamp|compare|cos|curry|degrees|e|flip|floor|fromPolar|identity|isInfinite|isNaN|logBase|max|min|negate|never|not|pi|radians|rem|round|sin|sqrt|tan|toFloat|toPolar|toString|truncate|turns|uncurry|xor)\b/,number:/\b(?:\d+(?:\.\d+)?(?:e[+-]?\d+)?|0x[0-9a-f]+)\b/i,operator:/\s\.\s|[+\-/*=.$<>:&|^?%#@~!]{2,}|[+\-/*=$<>:&|^?%#@~!]/,hvariable:/\b(?:[A-Z]\w*\.)*[a-z]\w*\b/,constant:/\b(?:[A-Z]\w*\.)*[A-Z]\w*\b/,punctuation:/[{}[\]|(),.:]/}}e.exports=t,t.displayName="elm",t.aliases=[]},84790:function(e,t,n){"use strict";var r=n(56939),a=n(93205);function i(e){e.register(r),e.register(a),e.languages.erb={delimiter:{pattern:/^(\s*)<%=?|%>(?=\s*$)/,lookbehind:!0,alias:"punctuation"},ruby:{pattern:/\s*\S[\s\S]*/,alias:"language-ruby",inside:e.languages.ruby}},e.hooks.add("before-tokenize",function(t){e.languages["markup-templating"].buildPlaceholders(t,"erb",/<%=?(?:[^\r\n]|[\r\n](?!=begin)|[\r\n]=begin\s(?:[^\r\n]|[\r\n](?!=end))*[\r\n]=end)+?%>/g)}),e.hooks.add("after-tokenize",function(t){e.languages["markup-templating"].tokenizePlaceholders(t,"erb")})}e.exports=i,i.displayName="erb",i.aliases=[]},4502:function(e){"use strict";function t(e){e.languages.erlang={comment:/%.+/,string:{pattern:/"(?:\\.|[^\\"\r\n])*"/,greedy:!0},"quoted-function":{pattern:/'(?:\\.|[^\\'\r\n])+'(?=\()/,alias:"function"},"quoted-atom":{pattern:/'(?:\\.|[^\\'\r\n])+'/,alias:"atom"},boolean:/\b(?:false|true)\b/,keyword:/\b(?:after|case|catch|end|fun|if|of|receive|try|when)\b/,number:[/\$\\?./,/\b\d+#[a-z0-9]+/i,/(?:\b\d+(?:\.\d*)?|\B\.\d+)(?:e[+-]?\d+)?/i],function:/\b[a-z][\w@]*(?=\()/,variable:{pattern:/(^|[^@])(?:\b|\?)[A-Z_][\w@]*/,lookbehind:!0},operator:[/[=\/<>:]=|=[:\/]=|\+\+?|--?|[=*\/!]|\b(?:and|andalso|band|bnot|bor|bsl|bsr|bxor|div|not|or|orelse|rem|xor)\b/,{pattern:/(^|[^<])<(?!<)/,lookbehind:!0},{pattern:/(^|[^>])>(?!>)/,lookbehind:!0}],atom:/\b[a-z][\w@]*/,punctuation:/[()[\]{}:;,.#|]|<<|>>/}}e.exports=t,t.displayName="erlang",t.aliases=[]},66055:function(e,t,n){"use strict";var r=n(59803),a=n(93205);function i(e){e.register(r),e.register(a),e.languages.etlua={delimiter:{pattern:/^<%[-=]?|-?%>$/,alias:"punctuation"},"language-lua":{pattern:/[\s\S]+/,inside:e.languages.lua}},e.hooks.add("before-tokenize",function(t){e.languages["markup-templating"].buildPlaceholders(t,"etlua",/<%[\s\S]+?%>/g)}),e.hooks.add("after-tokenize",function(t){e.languages["markup-templating"].tokenizePlaceholders(t,"etlua")})}e.exports=i,i.displayName="etlua",i.aliases=[]},34668:function(e){"use strict";function t(e){e.languages["excel-formula"]={comment:{pattern:/(\bN\(\s*)"(?:[^"]|"")*"(?=\s*\))/i,lookbehind:!0,greedy:!0},string:{pattern:/"(?:[^"]|"")*"(?!")/,greedy:!0},reference:{pattern:/(?:'[^']*'|(?:[^\s()[\]{}<>*?"';,$&]*\[[^^\s()[\]{}<>*?"']+\])?\w+)!/,greedy:!0,alias:"string",inside:{operator:/!$/,punctuation:/'/,sheet:{pattern:/[^[\]]+$/,alias:"function"},file:{pattern:/\[[^[\]]+\]$/,inside:{punctuation:/[[\]]/}},path:/[\s\S]+/}},"function-name":{pattern:/\b[A-Z]\w*(?=\()/i,alias:"keyword"},range:{pattern:/\$?\b(?:[A-Z]+\$?\d+:\$?[A-Z]+\$?\d+|[A-Z]+:\$?[A-Z]+|\d+:\$?\d+)\b/i,alias:"property",inside:{operator:/:/,cell:/\$?[A-Z]+\$?\d+/i,column:/\$?[A-Z]+/i,row:/\$?\d+/}},cell:{pattern:/\b[A-Z]+\d+\b|\$[A-Za-z]+\$?\d+\b|\b[A-Za-z]+\$\d+\b/,alias:"property"},number:/(?:\b\d+(?:\.\d+)?|\B\.\d+)(?:e[+-]?\d+)?\b/i,boolean:/\b(?:FALSE|TRUE)\b/i,operator:/[-+*/^%=&,]|<[=>]?|>=?/,punctuation:/[[\]();{}|]/},e.languages.xlsx=e.languages.xls=e.languages["excel-formula"]}e.exports=t,t.displayName="excelFormula",t.aliases=[]},95126:function(e){"use strict";function t(e){var t,n,r,a,i,o;r={comment:[{pattern:/(^|\s)(?:! .*|!$)/,lookbehind:!0,inside:t={function:/\b(?:BUGS?|FIX(?:MES?)?|NOTES?|TODOS?|XX+|HACKS?|WARN(?:ING)?|\?{2,}|!{2,})\b/}},{pattern:/(^|\s)\/\*\s[\s\S]*?\*\/(?=\s|$)/,lookbehind:!0,greedy:!0,inside:t},{pattern:/(^|\s)!\[(={0,6})\[\s[\s\S]*?\]\2\](?=\s|$)/,lookbehind:!0,greedy:!0,inside:t}],number:[{pattern:/(^|\s)[+-]?\d+(?=\s|$)/,lookbehind:!0},{pattern:/(^|\s)[+-]?0(?:b[01]+|o[0-7]+|d\d+|x[\dA-F]+)(?=\s|$)/i,lookbehind:!0},{pattern:/(^|\s)[+-]?\d+\/\d+\.?(?=\s|$)/,lookbehind:!0},{pattern:/(^|\s)\+?\d+\+\d+\/\d+(?=\s|$)/,lookbehind:!0},{pattern:/(^|\s)-\d+-\d+\/\d+(?=\s|$)/,lookbehind:!0},{pattern:/(^|\s)[+-]?(?:\d*\.\d+|\d+\.\d*|\d+)(?:e[+-]?\d+)?(?=\s|$)/i,lookbehind:!0},{pattern:/(^|\s)NAN:\s+[\da-fA-F]+(?=\s|$)/,lookbehind:!0},{pattern:/(^|\s)[+-]?0(?:b1\.[01]*|o1\.[0-7]*|d1\.\d*|x1\.[\dA-F]*)p\d+(?=\s|$)/i,lookbehind:!0}],regexp:{pattern:/(^|\s)R\/\s(?:\\\S|[^\\/])*\/(?:[idmsr]*|[idmsr]+-[idmsr]+)(?=\s|$)/,lookbehind:!0,alias:"number",inside:{variable:/\\\S/,keyword:/[+?*\[\]^$(){}.|]/,operator:{pattern:/(\/)[idmsr]+(?:-[idmsr]+)?/,lookbehind:!0}}},boolean:{pattern:/(^|\s)[tf](?=\s|$)/,lookbehind:!0},"custom-string":{pattern:/(^|\s)[A-Z0-9\-]+"\s(?:\\\S|[^"\\])*"/,lookbehind:!0,greedy:!0,alias:"string",inside:{number:/\\\S|%\w|\//}},"multiline-string":[{pattern:/(^|\s)STRING:\s+\S+(?:\n|\r\n).*(?:\n|\r\n)\s*;(?=\s|$)/,lookbehind:!0,greedy:!0,alias:"string",inside:{number:(n={number:/\\[^\s']|%\w/}).number,"semicolon-or-setlocal":{pattern:/([\r\n][ \t]*);(?=\s|$)/,lookbehind:!0,alias:"function"}}},{pattern:/(^|\s)HEREDOC:\s+\S+(?:\n|\r\n).*(?:\n|\r\n)\s*\S+(?=\s|$)/,lookbehind:!0,greedy:!0,alias:"string",inside:n},{pattern:/(^|\s)\[(={0,6})\[\s[\s\S]*?\]\2\](?=\s|$)/,lookbehind:!0,greedy:!0,alias:"string",inside:n}],"special-using":{pattern:/(^|\s)USING:(?:\s\S+)*(?=\s+;(?:\s|$))/,lookbehind:!0,alias:"function",inside:{string:{pattern:/(\s)[^:\s]+/,lookbehind:!0}}},"stack-effect-delimiter":[{pattern:/(^|\s)(?:call|eval|execute)?\((?=\s)/,lookbehind:!0,alias:"operator"},{pattern:/(\s)--(?=\s)/,lookbehind:!0,alias:"operator"},{pattern:/(\s)\)(?=\s|$)/,lookbehind:!0,alias:"operator"}],combinators:{pattern:null,lookbehind:!0,alias:"keyword"},"kernel-builtin":{pattern:null,lookbehind:!0,alias:"variable"},"sequences-builtin":{pattern:null,lookbehind:!0,alias:"variable"},"math-builtin":{pattern:null,lookbehind:!0,alias:"variable"},"constructor-word":{pattern:/(^|\s)<(?!=+>|-+>)\S+>(?=\s|$)/,lookbehind:!0,alias:"keyword"},"other-builtin-syntax":{pattern:null,lookbehind:!0,alias:"operator"},"conventionally-named-word":{pattern:/(^|\s)(?!")(?:(?:change|new|set|with)-\S+|\$\S+|>[^>\s]+|[^:>\s]+>|[^>\s]+>[^>\s]+|\+[^+\s]+\+|[^?\s]+\?|\?[^?\s]+|[^>\s]+>>|>>[^>\s]+|[^<\s]+<<|\([^()\s]+\)|[^!\s]+!|[^*\s]\S*\*|[^.\s]\S*\.)(?=\s|$)/,lookbehind:!0,alias:"keyword"},"colon-syntax":{pattern:/(^|\s)(?:[A-Z0-9\-]+#?)?:{1,2}\s+(?:;\S+|(?!;)\S+)(?=\s|$)/,lookbehind:!0,greedy:!0,alias:"function"},"semicolon-or-setlocal":{pattern:/(\s)(?:;|:>)(?=\s|$)/,lookbehind:!0,alias:"function"},"curly-brace-literal-delimiter":[{pattern:/(^|\s)[a-z]*\{(?=\s)/i,lookbehind:!0,alias:"operator"},{pattern:/(\s)\}(?=\s|$)/,lookbehind:!0,alias:"operator"}],"quotation-delimiter":[{pattern:/(^|\s)\[(?=\s)/,lookbehind:!0,alias:"operator"},{pattern:/(\s)\](?=\s|$)/,lookbehind:!0,alias:"operator"}],"normal-word":{pattern:/(^|\s)[^"\s]\S*(?=\s|$)/,lookbehind:!0},string:{pattern:/"(?:\\\S|[^"\\])*"/,greedy:!0,inside:n}},a=function(e){return(e+"").replace(/([.?*+\^$\[\]\\(){}|\-])/g,"\\$1")},i=function(e){return RegExp("(^|\\s)(?:"+e.map(a).join("|")+")(?=\\s|$)")},Object.keys(o={"kernel-builtin":["or","2nipd","4drop","tuck","wrapper","nip","wrapper?","callstack>array","die","dupd","callstack","callstack?","3dup","hashcode","pick","4nip","build",">boolean","nipd","clone","5nip","eq?","?","=","swapd","2over","clear","2dup","get-retainstack","not","tuple?","dup","3nipd","call","-rotd","object","drop","assert=","assert?","-rot","execute","boa","get-callstack","curried?","3drop","pickd","overd","over","roll","3nip","swap","and","2nip","rotd","throw","(clone)","hashcode*","spin","reach","4dup","equal?","get-datastack","assert","2drop","","boolean?","identity-hashcode","identity-tuple?","null","composed?","new","5drop","rot","-roll","xor","identity-tuple","boolean"],"other-builtin-syntax":["=======","recursive","flushable",">>","<<<<<<","M\\","B","PRIVATE>","\\","======","final","inline","delimiter","deprecated",">>>>>","<<<<<<<","parse-complex","malformed-complex","read-only",">>>>>>>","call-next-method","<<","foldable","$","$[","${"],"sequences-builtin":["member-eq?","mismatch","append","assert-sequence=","longer","repetition","clone-like","3sequence","assert-sequence?","last-index-from","reversed","index-from","cut*","pad-tail","join-as","remove-eq!","concat-as","but-last","snip","nths","nth","sequence","longest","slice?","","remove-nth","tail-slice","empty?","tail*","member?","virtual-sequence?","set-length","drop-prefix","iota","unclip","bounds-error?","unclip-last-slice","non-negative-integer-expected","non-negative-integer-expected?","midpoint@","longer?","?set-nth","?first","rest-slice","prepend-as","prepend","fourth","sift","subseq-start","new-sequence","?last","like","first4","1sequence","reverse","slice","virtual@","repetition?","set-last","index","4sequence","max-length","set-second","immutable-sequence","first2","first3","supremum","unclip-slice","suffix!","insert-nth","tail","3append","short","suffix","concat","flip","immutable?","reverse!","2sequence","sum","delete-all","indices","snip-slice","","check-slice","sequence?","head","append-as","halves","sequence=","collapse-slice","?second","slice-error?","product","bounds-check?","bounds-check","immutable","virtual-exemplar","harvest","remove","pad-head","last","set-fourth","cartesian-product","remove-eq","shorten","shorter","reversed?","shorter?","shortest","head-slice","pop*","tail-slice*","but-last-slice","iota?","append!","cut-slice","new-resizable","head-slice*","sequence-hashcode","pop","set-nth","?nth","second","join","immutable-sequence?","","3append-as","virtual-sequence","subseq?","remove-nth!","length","last-index","lengthen","assert-sequence","copy","move","third","first","tail?","set-first","prefix","bounds-error","","exchange","surround","cut","min-length","set-third","push-all","head?","subseq-start-from","delete-slice","rest","sum-lengths","head*","infimum","remove!","glue","slice-error","subseq","push","replace-slice","subseq-as","unclip-last"],"math-builtin":["number=","next-power-of-2","?1+","fp-special?","imaginary-part","float>bits","number?","fp-infinity?","bignum?","fp-snan?","denominator","gcd","*","+","fp-bitwise=","-","u>=","/",">=","bitand","power-of-2?","log2-expects-positive","neg?","<","log2",">","integer?","number","bits>double","2/","zero?","bits>float","float?","shift","ratio?","rect>","even?","ratio","fp-sign","bitnot",">fixnum","complex?","/i","integer>fixnum","/f","sgn",">bignum","next-float","u<","u>","mod","recip","rational",">float","2^","integer","fixnum?","neg","fixnum","sq","bignum",">rect","bit?","fp-qnan?","simple-gcd","complex","","real",">fraction","double>bits","bitor","rem","fp-nan-payload","real-part","log2-expects-positive?","prev-float","align","unordered?","float","fp-nan?","abs","bitxor","integer>fixnum-strict","u<=","odd?","<=","/mod",">integer","real?","rational?","numerator"]}).forEach(function(e){r[e].pattern=i(o[e])}),r.combinators.pattern=i(["2bi","while","2tri","bi*","4dip","both?","same?","tri@","curry","prepose","3bi","?if","tri*","2keep","3keep","curried","2keepd","when","2bi*","2tri*","4keep","bi@","keepdd","do","unless*","tri-curry","if*","loop","bi-curry*","when*","2bi@","2tri@","with","2with","either?","bi","until","3dip","3curry","tri-curry*","tri-curry@","bi-curry","keepd","compose","2dip","if","3tri","unless","tuple","keep","2curry","tri","most","while*","dip","composed","bi-curry@","find-last-from","trim-head-slice","map-as","each-from","none?","trim-tail","partition","if-empty","accumulate*","reject!","find-from","accumulate-as","collector-for-as","reject","map","map-sum","accumulate!","2each-from","follow","supremum-by","map!","unless-empty","collector","padding","reduce-index","replicate-as","infimum-by","trim-tail-slice","count","find-index","filter","accumulate*!","reject-as","map-integers","map-find","reduce","selector","interleave","2map","filter-as","binary-reduce","map-index-as","find","produce","filter!","replicate","cartesian-map","cartesian-each","find-index-from","map-find-last","3map-as","3map","find-last","selector-as","2map-as","2map-reduce","accumulate","each","each-index","accumulate*-as","when-empty","all?","collector-as","push-either","new-like","collector-for","2selector","push-if","2all?","map-reduce","3each","any?","trim-slice","2reduce","change-nth","produce-as","2each","trim","trim-head","cartesian-find","map-index","if-zero","each-integer","unless-zero","(find-integer)","when-zero","find-last-integer","(all-integers?)","times","(each-integer)","find-integer","all-integers?","unless-negative","if-positive","when-positive","when-negative","unless-positive","if-negative","case","2cleave","cond>quot","case>quot","3cleave","wrong-values","to-fixed-point","alist>quot","cond","cleave","call-effect","recursive-hashcode","spread","deep-spread>quot","2||","0||","n||","0&&","2&&","3||","1||","1&&","n&&","3&&","smart-unless*","keep-inputs","reduce-outputs","smart-when*","cleave>array","smart-with","smart-apply","smart-if","inputs/outputs","output>sequence-n","map-outputs","map-reduce-outputs","dropping","output>array","smart-map-reduce","smart-2map-reduce","output>array-n","nullary","inputsequence"]),e.languages.factor=r}e.exports=t,t.displayName="factor",t.aliases=[]},90618:function(e){"use strict";function t(e){e.languages.false={comment:{pattern:/\{[^}]*\}/},string:{pattern:/"[^"]*"/,greedy:!0},"character-code":{pattern:/'(?:[^\r]|\r\n?)/,alias:"number"},"assembler-code":{pattern:/\d+`/,alias:"important"},number:/\d+/,operator:/[-!#$%&'*+,./:;=>?@\\^_`|~ßø]/,punctuation:/\[|\]/,variable:/[a-z]/,"non-standard":{pattern:/[()!=]=?|[-+*/%]|\b(?:in|is)\b/}),delete e.languages["firestore-security-rules"]["class-name"],e.languages.insertBefore("firestore-security-rules","keyword",{path:{pattern:/(^|[\s(),])(?:\/(?:[\w\xA0-\uFFFF]+|\{[\w\xA0-\uFFFF]+(?:=\*\*)?\}|\$\([\w\xA0-\uFFFF.]+\)))+/,lookbehind:!0,greedy:!0,inside:{variable:{pattern:/\{[\w\xA0-\uFFFF]+(?:=\*\*)?\}|\$\([\w\xA0-\uFFFF.]+\)/,inside:{operator:/=/,keyword:/\*\*/,punctuation:/[.$(){}]/}},punctuation:/\//}},method:{pattern:/(\ballow\s+)[a-z]+(?:\s*,\s*[a-z]+)*(?=\s*[:;])/,lookbehind:!0,alias:"builtin",inside:{punctuation:/,/}}})}e.exports=t,t.displayName="firestoreSecurityRules",t.aliases=[]},37225:function(e){"use strict";function t(e){e.languages.flow=e.languages.extend("javascript",{}),e.languages.insertBefore("flow","keyword",{type:[{pattern:/\b(?:[Bb]oolean|Function|[Nn]umber|[Ss]tring|any|mixed|null|void)\b/,alias:"tag"}]}),e.languages.flow["function-variable"].pattern=/(?!\s)[_$a-z\xA0-\uFFFF](?:(?!\s)[$\w\xA0-\uFFFF])*(?=\s*=\s*(?:function\b|(?:\([^()]*\)(?:\s*:\s*\w+)?|(?!\s)[_$a-z\xA0-\uFFFF](?:(?!\s)[$\w\xA0-\uFFFF])*)\s*=>))/i,delete e.languages.flow.parameter,e.languages.insertBefore("flow","operator",{"flow-punctuation":{pattern:/\{\||\|\}/,alias:"punctuation"}}),Array.isArray(e.languages.flow.keyword)||(e.languages.flow.keyword=[e.languages.flow.keyword]),e.languages.flow.keyword.unshift({pattern:/(^|[^$]\b)(?:Class|declare|opaque|type)\b(?!\$)/,lookbehind:!0},{pattern:/(^|[^$]\B)\$(?:Diff|Enum|Exact|Keys|ObjMap|PropertyType|Record|Shape|Subtype|Supertype|await)\b(?!\$)/,lookbehind:!0})}e.exports=t,t.displayName="flow",t.aliases=[]},16725:function(e){"use strict";function t(e){e.languages.fortran={"quoted-number":{pattern:/[BOZ](['"])[A-F0-9]+\1/i,alias:"number"},string:{pattern:/(?:\b\w+_)?(['"])(?:\1\1|&(?:\r\n?|\n)(?:[ \t]*!.*(?:\r\n?|\n)|(?![ \t]*!))|(?!\1).)*(?:\1|&)/,inside:{comment:{pattern:/(&(?:\r\n?|\n)\s*)!.*/,lookbehind:!0}}},comment:{pattern:/!.*/,greedy:!0},boolean:/\.(?:FALSE|TRUE)\.(?:_\w+)?/i,number:/(?:\b\d+(?:\.\d*)?|\B\.\d+)(?:[ED][+-]?\d+)?(?:_\w+)?/i,keyword:[/\b(?:CHARACTER|COMPLEX|DOUBLE ?PRECISION|INTEGER|LOGICAL|REAL)\b/i,/\b(?:END ?)?(?:BLOCK ?DATA|DO|FILE|FORALL|FUNCTION|IF|INTERFACE|MODULE(?! PROCEDURE)|PROGRAM|SELECT|SUBROUTINE|TYPE|WHERE)\b/i,/\b(?:ALLOCATABLE|ALLOCATE|BACKSPACE|CALL|CASE|CLOSE|COMMON|CONTAINS|CONTINUE|CYCLE|DATA|DEALLOCATE|DIMENSION|DO|END|EQUIVALENCE|EXIT|EXTERNAL|FORMAT|GO ?TO|IMPLICIT(?: NONE)?|INQUIRE|INTENT|INTRINSIC|MODULE PROCEDURE|NAMELIST|NULLIFY|OPEN|OPTIONAL|PARAMETER|POINTER|PRINT|PRIVATE|PUBLIC|READ|RETURN|REWIND|SAVE|SELECT|STOP|TARGET|WHILE|WRITE)\b/i,/\b(?:ASSIGNMENT|DEFAULT|ELEMENTAL|ELSE|ELSEIF|ELSEWHERE|ENTRY|IN|INCLUDE|INOUT|KIND|NULL|ONLY|OPERATOR|OUT|PURE|RECURSIVE|RESULT|SEQUENCE|STAT|THEN|USE)\b/i],operator:[/\*\*|\/\/|=>|[=\/]=|[<>]=?|::|[+\-*=%]|\.[A-Z]+\./i,{pattern:/(^|(?!\().)\/(?!\))/,lookbehind:!0}],punctuation:/\(\/|\/\)|[(),;:&]/}}e.exports=t,t.displayName="fortran",t.aliases=[]},95559:function(e){"use strict";function t(e){e.languages.fsharp=e.languages.extend("clike",{comment:[{pattern:/(^|[^\\])\(\*(?!\))[\s\S]*?\*\)/,lookbehind:!0,greedy:!0},{pattern:/(^|[^\\:])\/\/.*/,lookbehind:!0,greedy:!0}],string:{pattern:/(?:"""[\s\S]*?"""|@"(?:""|[^"])*"|"(?:\\[\s\S]|[^\\"])*")B?/,greedy:!0},"class-name":{pattern:/(\b(?:exception|inherit|interface|new|of|type)\s+|\w\s*:\s*|\s:\??>\s*)[.\w]+\b(?:\s*(?:->|\*)\s*[.\w]+\b)*(?!\s*[:.])/,lookbehind:!0,inside:{operator:/->|\*/,punctuation:/\./}},keyword:/\b(?:let|return|use|yield)(?:!\B|\b)|\b(?:abstract|and|as|asr|assert|atomic|base|begin|break|checked|class|component|const|constraint|constructor|continue|default|delegate|do|done|downcast|downto|eager|elif|else|end|event|exception|extern|external|false|finally|fixed|for|fun|function|functor|global|if|in|include|inherit|inline|interface|internal|land|lazy|lor|lsl|lsr|lxor|match|member|method|mixin|mod|module|mutable|namespace|new|not|null|object|of|open|or|override|parallel|private|process|protected|public|pure|rec|sealed|select|sig|static|struct|tailcall|then|to|trait|true|try|type|upcast|val|virtual|void|volatile|when|while|with)\b/,number:[/\b0x[\da-fA-F]+(?:LF|lf|un)?\b/,/\b0b[01]+(?:uy|y)?\b/,/(?:\b\d+(?:\.\d*)?|\B\.\d+)(?:[fm]|e[+-]?\d+)?\b/i,/\b\d+(?:[IlLsy]|UL|u[lsy]?)?\b/],operator:/([<>~&^])\1\1|([*.:<>&])\2|<-|->|[!=:]=|?|\??(?:<=|>=|<>|[-+*/%=<>])\??|[!?^&]|~[+~-]|:>|:\?>?/}),e.languages.insertBefore("fsharp","keyword",{preprocessor:{pattern:/(^[\t ]*)#.*/m,lookbehind:!0,alias:"property",inside:{directive:{pattern:/(^#)\b(?:else|endif|if|light|line|nowarn)\b/,lookbehind:!0,alias:"keyword"}}}}),e.languages.insertBefore("fsharp","punctuation",{"computation-expression":{pattern:/\b[_a-z]\w*(?=\s*\{)/i,alias:"keyword"}}),e.languages.insertBefore("fsharp","string",{annotation:{pattern:/\[<.+?>\]/,greedy:!0,inside:{punctuation:/^\[<|>\]$/,"class-name":{pattern:/^\w+$|(^|;\s*)[A-Z]\w*(?=\()/,lookbehind:!0},"annotation-content":{pattern:/[\s\S]+/,inside:e.languages.fsharp}}},char:{pattern:/'(?:[^\\']|\\(?:.|\d{3}|x[a-fA-F\d]{2}|u[a-fA-F\d]{4}|U[a-fA-F\d]{8}))'B?/,greedy:!0}})}e.exports=t,t.displayName="fsharp",t.aliases=[]},82114:function(e,t,n){"use strict";var r=n(93205);function a(e){e.register(r),function(e){for(var t=/[^<()"']|\((?:)*\)|<(?!#--)|<#--(?:[^-]|-(?!->))*-->|"(?:[^\\"]|\\.)*"|'(?:[^\\']|\\.)*'/.source,n=0;n<2;n++)t=t.replace(//g,function(){return t});t=t.replace(//g,/[^\s\S]/.source);var r={comment:/<#--[\s\S]*?-->/,string:[{pattern:/\br("|')(?:(?!\1)[^\\]|\\.)*\1/,greedy:!0},{pattern:RegExp(/("|')(?:(?!\1|\$\{)[^\\]|\\.|\$\{(?:(?!\})(?:))*\})*\1/.source.replace(//g,function(){return t})),greedy:!0,inside:{interpolation:{pattern:RegExp(/((?:^|[^\\])(?:\\\\)*)\$\{(?:(?!\})(?:))*\}/.source.replace(//g,function(){return t})),lookbehind:!0,inside:{"interpolation-punctuation":{pattern:/^\$\{|\}$/,alias:"punctuation"},rest:null}}}}],keyword:/\b(?:as)\b/,boolean:/\b(?:false|true)\b/,"builtin-function":{pattern:/((?:^|[^?])\?\s*)\w+/,lookbehind:!0,alias:"function"},function:/\b\w+(?=\s*\()/,number:/\b\d+(?:\.\d+)?\b/,operator:/\.\.[<*!]?|->|--|\+\+|&&|\|\||\?{1,2}|[-+*/%!=<>]=?|\b(?:gt|gte|lt|lte)\b/,punctuation:/[,;.:()[\]{}]/};r.string[1].inside.interpolation.inside.rest=r,e.languages.ftl={"ftl-comment":{pattern:/^<#--[\s\S]*/,alias:"comment"},"ftl-directive":{pattern:/^<[\s\S]+>$/,inside:{directive:{pattern:/(^<\/?)[#@][a-z]\w*/i,lookbehind:!0,alias:"keyword"},punctuation:/^<\/?|\/?>$/,content:{pattern:/\s*\S[\s\S]*/,alias:"ftl",inside:r}}},"ftl-interpolation":{pattern:/^\$\{[\s\S]*\}$/,inside:{punctuation:/^\$\{|\}$/,content:{pattern:/\s*\S[\s\S]*/,alias:"ftl",inside:r}}}},e.hooks.add("before-tokenize",function(n){var r=RegExp(/<#--[\s\S]*?-->|<\/?[#@][a-zA-Z](?:)*?>|\$\{(?:)*?\}/.source.replace(//g,function(){return t}),"gi");e.languages["markup-templating"].buildPlaceholders(n,"ftl",r)}),e.hooks.add("after-tokenize",function(t){e.languages["markup-templating"].tokenizePlaceholders(t,"ftl")})}(e)}e.exports=a,a.displayName="ftl",a.aliases=[]},6806:function(e){"use strict";function t(e){e.languages.gap={shell:{pattern:/^gap>[\s\S]*?(?=^gap>|$(?![\s\S]))/m,greedy:!0,inside:{gap:{pattern:/^(gap>).+(?:(?:\r(?:\n|(?!\n))|\n)>.*)*/,lookbehind:!0,inside:null},punctuation:/^gap>/}},comment:{pattern:/#.*/,greedy:!0},string:{pattern:/(^|[^\\'"])(?:'(?:[^\r\n\\']|\\.){1,10}'|"(?:[^\r\n\\"]|\\.)*"(?!")|"""[\s\S]*?""")/,lookbehind:!0,greedy:!0,inside:{continuation:{pattern:/([\r\n])>/,lookbehind:!0,alias:"punctuation"}}},keyword:/\b(?:Assert|Info|IsBound|QUIT|TryNextMethod|Unbind|and|atomic|break|continue|do|elif|else|end|fi|for|function|if|in|local|mod|not|od|or|quit|readonly|readwrite|rec|repeat|return|then|until|while)\b/,boolean:/\b(?:false|true)\b/,function:/\b[a-z_]\w*(?=\s*\()/i,number:{pattern:/(^|[^\w.]|\.\.)(?:\d+(?:\.\d*)?|\.\d+)(?:[eE][+-]?\d+)?(?:_[a-z]?)?(?=$|[^\w.]|\.\.)/,lookbehind:!0},continuation:{pattern:/([\r\n])>/,lookbehind:!0,alias:"punctuation"},operator:/->|[-+*/^~=!]|<>|[<>]=?|:=|\.\./,punctuation:/[()[\]{},;.:]/},e.languages.gap.shell.inside.gap.inside=e.languages.gap}e.exports=t,t.displayName="gap",t.aliases=[]},12208:function(e){"use strict";function t(e){e.languages.gcode={comment:/;.*|\B\(.*?\)\B/,string:{pattern:/"(?:""|[^"])*"/,greedy:!0},keyword:/\b[GM]\d+(?:\.\d+)?\b/,property:/\b[A-Z]/,checksum:{pattern:/(\*)\d+/,lookbehind:!0,alias:"number"},punctuation:/[:*]/}}e.exports=t,t.displayName="gcode",t.aliases=[]},62728:function(e){"use strict";function t(e){e.languages.gdscript={comment:/#.*/,string:{pattern:/@?(?:("|')(?:(?!\1)[^\n\\]|\\[\s\S])*\1(?!"|')|"""(?:[^\\]|\\[\s\S])*?""")/,greedy:!0},"class-name":{pattern:/(^(?:class|class_name|extends)[ \t]+|^export\([ \t]*|\bas[ \t]+|(?:\b(?:const|var)[ \t]|[,(])[ \t]*\w+[ \t]*:[ \t]*|->[ \t]*)[a-zA-Z_]\w*/m,lookbehind:!0},keyword:/\b(?:and|as|assert|break|breakpoint|class|class_name|const|continue|elif|else|enum|export|extends|for|func|if|in|is|master|mastersync|match|not|null|onready|or|pass|preload|puppet|puppetsync|remote|remotesync|return|self|setget|signal|static|tool|var|while|yield)\b/,function:/\b[a-z_]\w*(?=[ \t]*\()/i,variable:/\$\w+/,number:[/\b0b[01_]+\b|\b0x[\da-fA-F_]+\b|(?:\b\d[\d_]*(?:\.[\d_]*)?|\B\.[\d_]+)(?:e[+-]?[\d_]+)?\b/,/\b(?:INF|NAN|PI|TAU)\b/],constant:/\b[A-Z][A-Z_\d]*\b/,boolean:/\b(?:false|true)\b/,operator:/->|:=|&&|\|\||<<|>>|[-+*/%&|!<>=]=?|[~^]/,punctuation:/[.:,;()[\]{}]/}}e.exports=t,t.displayName="gdscript",t.aliases=[]},81549:function(e){"use strict";function t(e){e.languages.gedcom={"line-value":{pattern:/(^[\t ]*\d+ +(?:@\w[\w!"$%&'()*+,\-./:;<=>?[\\\]^`{|}~\x80-\xfe #]*@ +)?\w+ ).+/m,lookbehind:!0,inside:{pointer:{pattern:/^@\w[\w!"$%&'()*+,\-./:;<=>?[\\\]^`{|}~\x80-\xfe #]*@$/,alias:"variable"}}},tag:{pattern:/(^[\t ]*\d+ +(?:@\w[\w!"$%&'()*+,\-./:;<=>?[\\\]^`{|}~\x80-\xfe #]*@ +)?)\w+/m,lookbehind:!0,alias:"string"},level:{pattern:/(^[\t ]*)\d+/m,lookbehind:!0,alias:"number"},pointer:{pattern:/@\w[\w!"$%&'()*+,\-./:;<=>?[\\\]^`{|}~\x80-\xfe #]*@/,alias:"variable"}}}e.exports=t,t.displayName="gedcom",t.aliases=[]},6024:function(e){"use strict";function t(e){var t;t=/(?:\r?\n|\r)[ \t]*\|.+\|(?:(?!\|).)*/.source,e.languages.gherkin={pystring:{pattern:/("""|''')[\s\S]+?\1/,alias:"string"},comment:{pattern:/(^[ \t]*)#.*/m,lookbehind:!0},tag:{pattern:/(^[ \t]*)@\S*/m,lookbehind:!0},feature:{pattern:/((?:^|\r?\n|\r)[ \t]*)(?:Ability|Ahoy matey!|Arwedd|Aspekt|Besigheid Behoefte|Business Need|Caracteristica|Característica|Egenskab|Egenskap|Eiginleiki|Feature|Fīča|Fitur|Fonctionnalité|Fonksyonalite|Funcionalidade|Funcionalitat|Functionalitate|Funcţionalitate|Funcționalitate|Functionaliteit|Fungsi|Funkcia|Funkcija|Funkcionalitāte|Funkcionalnost|Funkcja|Funksie|Funktionalität|Funktionalitéit|Funzionalità|Hwaet|Hwæt|Jellemző|Karakteristik|Lastnost|Mak|Mogucnost|laH|Mogućnost|Moznosti|Možnosti|OH HAI|Omadus|Ominaisuus|Osobina|Özellik|Potrzeba biznesowa|perbogh|poQbogh malja'|Požadavek|Požiadavka|Pretty much|Qap|Qu'meH 'ut|Savybė|Tính năng|Trajto|Vermoë|Vlastnosť|Właściwość|Značilnost|Δυνατότητα|Λειτουργία|Могућност|Мөмкинлек|Особина|Свойство|Үзенчәлеклелек|Функционал|Функционалност|Функция|Функціонал|תכונה|خاصية|خصوصیت|صلاحیت|کاروبار کی ضرورت|وِیژگی|रूप लेख|ਖਾਸੀਅਤ|ਨਕਸ਼ ਨੁਹਾਰ|ਮੁਹਾਂਦਰਾ|గుణము|ಹೆಚ್ಚಳ|ความต้องการทางธุรกิจ|ความสามารถ|โครงหลัก|기능|フィーチャ|功能|機能):(?:[^:\r\n]+(?:\r?\n|\r|$))*/,lookbehind:!0,inside:{important:{pattern:/(:)[^\r\n]+/,lookbehind:!0},keyword:/[^:\r\n]+:/}},scenario:{pattern:/(^[ \t]*)(?:Abstract Scenario|Abstrakt Scenario|Achtergrond|Aer|Ær|Agtergrond|All y'all|Antecedentes|Antecedents|Atburðarás|Atburðarásir|Awww, look mate|B4|Background|Baggrund|Bakgrund|Bakgrunn|Bakgrunnur|Beispiele|Beispiller|Bối cảnh|Cefndir|Cenario|Cenário|Cenario de Fundo|Cenário de Fundo|Cenarios|Cenários|Contesto|Context|Contexte|Contexto|Conto|Contoh|Contone|Dæmi|Dasar|Dead men tell no tales|Delineacao do Cenario|Delineação do Cenário|Dis is what went down|Dữ liệu|Dyagram Senaryo|Dyagram senaryo|Egzanp|Ejemplos|Eksempler|Ekzemploj|Enghreifftiau|Esbozo do escenario|Escenari|Escenario|Esempi|Esquema de l'escenari|Esquema del escenario|Esquema do Cenario|Esquema do Cenário|EXAMPLZ|Examples|Exempel|Exemple|Exemples|Exemplos|First off|Fono|Forgatókönyv|Forgatókönyv vázlat|Fundo|Geçmiş|Grundlage|Hannergrond|ghantoH|Háttér|Heave to|Istorik|Juhtumid|Keadaan|Khung kịch bản|Khung tình huống|Kịch bản|Koncept|Konsep skenario|Kontèks|Kontekst|Kontekstas|Konteksts|Kontext|Konturo de la scenaro|Latar Belakang|lut chovnatlh|lut|lutmey|Lýsing Atburðarásar|Lýsing Dæma|MISHUN SRSLY|MISHUN|Menggariskan Senario|mo'|Náčrt Scenára|Náčrt Scénáře|Náčrt Scenáru|Oris scenarija|Örnekler|Osnova|Osnova Scenára|Osnova scénáře|Osnutek|Ozadje|Paraugs|Pavyzdžiai|Példák|Piemēri|Plan du scénario|Plan du Scénario|Plan Senaryo|Plan senaryo|Plang vum Szenario|Pozadí|Pozadie|Pozadina|Príklady|Příklady|Primer|Primeri|Primjeri|Przykłady|Raamstsenaarium|Reckon it's like|Rerefons|Scenár|Scénář|Scenarie|Scenarij|Scenarijai|Scenarijaus šablonas|Scenariji|Scenārijs|Scenārijs pēc parauga|Scenarijus|Scenario|Scénario|Scenario Amlinellol|Scenario Outline|Scenario Template|Scenariomal|Scenariomall|Scenarios|Scenariu|Scenariusz|Scenaro|Schema dello scenario|Se ðe|Se the|Se þe|Senario|Senaryo Deskripsyon|Senaryo deskripsyon|Senaryo|Senaryo taslağı|Shiver me timbers|Situācija|Situai|Situasie Uiteensetting|Situasie|Skenario konsep|Skenario|Skica|Structura scenariu|Structură scenariu|Struktura scenarija|Stsenaarium|Swa hwaer swa|Swa|Swa hwær swa|Szablon scenariusza|Szenario|Szenariogrundriss|Tapaukset|Tapaus|Tapausaihio|Taust|Tausta|Template Keadaan|Template Senario|Template Situai|The thing of it is|Tình huống|Variantai|Voorbeelde|Voorbeelden|Wharrimean is|Yo-ho-ho|You'll wanna|Założenia|Παραδείγματα|Περιγραφή Σεναρίου|Σενάρια|Σενάριο|Υπόβαθρο|Кереш|Контекст|Концепт|Мисаллар|Мисоллар|Основа|Передумова|Позадина|Предистория|Предыстория|Приклади|Пример|Примери|Примеры|Рамка на сценарий|Скица|Структура сценарија|Структура сценария|Структура сценарію|Сценарий|Сценарий структураси|Сценарийның төзелеше|Сценарији|Сценарио|Сценарій|Тарих|Үрнәкләр|דוגמאות|רקע|תבנית תרחיש|תרחיש|الخلفية|الگوی سناریو|امثلة|پس منظر|زمینه|سناریو|سيناريو|سيناريو مخطط|مثالیں|منظر نامے کا خاکہ|منظرنامہ|نمونه ها|उदाहरण|परिदृश्य|परिदृश्य रूपरेखा|पृष्ठभूमि|ਉਦਾਹਰਨਾਂ|ਪਟਕਥਾ|ਪਟਕਥਾ ਢਾਂਚਾ|ਪਟਕਥਾ ਰੂਪ ਰੇਖਾ|ਪਿਛੋਕੜ|ఉదాహరణలు|కథనం|నేపథ్యం|సన్నివేశం|ಉದಾಹರಣೆಗಳು|ಕಥಾಸಾರಾಂಶ|ವಿವರಣೆ|ಹಿನ್ನೆಲೆ|โครงสร้างของเหตุการณ์|ชุดของตัวอย่าง|ชุดของเหตุการณ์|แนวคิด|สรุปเหตุการณ์|เหตุการณ์|배경|시나리오|시나리오 개요|예|サンプル|シナリオ|シナリオアウトライン|シナリオテンプレ|シナリオテンプレート|テンプレ|例|例子|剧本|剧本大纲|劇本|劇本大綱|场景|场景大纲|場景|場景大綱|背景):[^:\r\n]*/m,lookbehind:!0,inside:{important:{pattern:/(:)[^\r\n]*/,lookbehind:!0},keyword:/[^:\r\n]+:/}},"table-body":{pattern:RegExp("("+t+")(?:"+t+")+"),lookbehind:!0,inside:{outline:{pattern:/<[^>]+>/,alias:"variable"},td:{pattern:/\s*[^\s|][^|]*/,alias:"string"},punctuation:/\|/}},"table-head":{pattern:RegExp(t),inside:{th:{pattern:/\s*[^\s|][^|]*/,alias:"variable"},punctuation:/\|/}},atrule:{pattern:/(^[ \t]+)(?:'a|'ach|'ej|7|a|A také|A taktiež|A tiež|A zároveň|Aber|Ac|Adott|Akkor|Ak|Aleshores|Ale|Ali|Allora|Alors|Als|Ama|Amennyiben|Amikor|Ampak|an|AN|Ananging|And y'all|And|Angenommen|Anrhegedig a|An|Apabila|Atès|Atesa|Atunci|Avast!|Aye|A|awer|Bagi|Banjur|Bet|Biết|Blimey!|Buh|But at the end of the day I reckon|But y'all|But|BUT|Cal|Când|Cand|Cando|Ce|Cuando|Če|Ða ðe|Ða|Dadas|Dada|Dados|Dado|DaH ghu' bejlu'|dann|Dann|Dano|Dan|Dar|Dat fiind|Data|Date fiind|Date|Dati fiind|Dati|Daţi fiind|Dați fiind|DEN|Dato|De|Den youse gotta|Dengan|Diberi|Diyelim ki|Donada|Donat|Donitaĵo|Do|Dun|Duota|Ðurh|Eeldades|Ef|Eğer ki|Entao|Então|Entón|E|En|Entonces|Epi|És|Etant donnée|Etant donné|Et|Étant données|Étant donnée|Étant donné|Etant données|Etant donnés|Étant donnés|Fakat|Gangway!|Gdy|Gegeben seien|Gegeben sei|Gegeven|Gegewe|ghu' noblu'|Gitt|Given y'all|Given|Givet|Givun|Ha|Cho|I CAN HAZ|In|Ir|It's just unbelievable|I|Ja|Jeśli|Jeżeli|Kad|Kada|Kadar|Kai|Kaj|Když|Keď|Kemudian|Ketika|Khi|Kiedy|Ko|Kuid|Kui|Kun|Lan|latlh|Le sa a|Let go and haul|Le|Lè sa a|Lè|Logo|Lorsqu'<|Lorsque|mä|Maar|Mais|Mając|Ma|Majd|Maka|Manawa|Mas|Men|Menawa|Mutta|Nalika|Nalikaning|Nanging|Når|När|Nato|Nhưng|Niin|Njuk|O zaman|Och|Og|Oletetaan|Ond|Onda|Oraz|Pak|Pero|Però|Podano|Pokiaľ|Pokud|Potem|Potom|Privzeto|Pryd|Quan|Quand|Quando|qaSDI'|Så|Sed|Se|Siis|Sipoze ke|Sipoze Ke|Sipoze|Si|Şi|Și|Soit|Stel|Tada|Tad|Takrat|Tak|Tapi|Ter|Tetapi|Tha the|Tha|Then y'all|Then|Thì|Thurh|Toda|Too right|Un|Und|ugeholl|Và|vaj|Vendar|Ve|wann|Wanneer|WEN|Wenn|When y'all|When|Wtedy|Wun|Y'know|Yeah nah|Yna|Youse know like when|Youse know when youse got|Y|Za predpokladu|Za předpokladu|Zadan|Zadani|Zadano|Zadate|Zadato|Zakładając|Zaradi|Zatati|Þa þe|Þa|Þá|Þegar|Þurh|Αλλά|Δεδομένου|Και|Όταν|Τότε|А також|Агар|Але|Али|Аммо|А|Әгәр|Әйтик|Әмма|Бирок|Ва|Вә|Дадено|Дано|Допустим|Если|Задате|Задати|Задато|И|І|К тому же|Када|Кад|Когато|Когда|Коли|Ләкин|Лекин|Нәтиҗәдә|Нехай|Но|Онда|Припустимо, що|Припустимо|Пусть|Также|Та|Тогда|Тоді|То|Унда|Һәм|Якщо|אבל|אזי|אז|בהינתן|וגם|כאשר|آنگاه|اذاً|اگر|اما|اور|با فرض|بالفرض|بفرض|پھر|تب|ثم|جب|عندما|فرض کیا|لكن|لیکن|متى|هنگامی|و|अगर|और|कदा|किन्तु|चूंकि|जब|तथा|तदा|तब|परन्तु|पर|यदि|ਅਤੇ|ਜਦੋਂ|ਜਿਵੇਂ ਕਿ|ਜੇਕਰ|ਤਦ|ਪਰ|అప్పుడు|ఈ పరిస్థితిలో|కాని|చెప్పబడినది|మరియు|ಆದರೆ|ನಂತರ|ನೀಡಿದ|ಮತ್ತು|ಸ್ಥಿತಿಯನ್ನು|กำหนดให้|ดังนั้น|แต่|เมื่อ|และ|그러면<|그리고<|단<|만약<|만일<|먼저<|조건<|하지만<|かつ<|しかし<|ただし<|ならば<|もし<|並且<|但し<|但是<|假如<|假定<|假設<|假设<|前提<|同时<|同時<|并且<|当<|當<|而且<|那么<|那麼<)(?=[ \t])/m,lookbehind:!0},string:{pattern:/"(?:\\.|[^"\\\r\n])*"|'(?:\\.|[^'\\\r\n])*'/,inside:{outline:{pattern:/<[^>]+>/,alias:"variable"}}},outline:{pattern:/<[^>]+>/,alias:"variable"}}}e.exports=t,t.displayName="gherkin",t.aliases=[]},13600:function(e){"use strict";function t(e){e.languages.git={comment:/^#.*/m,deleted:/^[-–].*/m,inserted:/^\+.*/m,string:/("|')(?:\\.|(?!\1)[^\\\r\n])*\1/,command:{pattern:/^.*\$ git .*$/m,inside:{parameter:/\s--?\w+/}},coord:/^@@.*@@$/m,"commit-sha1":/^commit \w{40}$/m}}e.exports=t,t.displayName="git",t.aliases=[]},3322:function(e,t,n){"use strict";var r=n(65806);function a(e){e.register(r),e.languages.glsl=e.languages.extend("c",{keyword:/\b(?:active|asm|atomic_uint|attribute|[ibdu]?vec[234]|bool|break|buffer|case|cast|centroid|class|coherent|common|const|continue|d?mat[234](?:x[234])?|default|discard|do|double|else|enum|extern|external|false|filter|fixed|flat|float|for|fvec[234]|goto|half|highp|hvec[234]|[iu]?sampler2DMS(?:Array)?|[iu]?sampler2DRect|[iu]?samplerBuffer|[iu]?samplerCube|[iu]?samplerCubeArray|[iu]?sampler[123]D|[iu]?sampler[12]DArray|[iu]?image2DMS(?:Array)?|[iu]?image2DRect|[iu]?imageBuffer|[iu]?imageCube|[iu]?imageCubeArray|[iu]?image[123]D|[iu]?image[12]DArray|if|in|inline|inout|input|int|interface|invariant|layout|long|lowp|mediump|namespace|noinline|noperspective|out|output|partition|patch|precise|precision|public|readonly|resource|restrict|return|sample|sampler[12]DArrayShadow|sampler[12]DShadow|sampler2DRectShadow|sampler3DRect|samplerCubeArrayShadow|samplerCubeShadow|shared|short|sizeof|smooth|static|struct|subroutine|superp|switch|template|this|true|typedef|uint|uniform|union|unsigned|using|varying|void|volatile|while|writeonly)\b/})}e.exports=a,a.displayName="glsl",a.aliases=[]},53877:function(e){"use strict";function t(e){e.languages.gamemakerlanguage=e.languages.gml=e.languages.extend("clike",{keyword:/\b(?:break|case|continue|default|do|else|enum|exit|for|globalvar|if|repeat|return|switch|until|var|while)\b/,number:/(?:\b0x[\da-f]+|(?:\b\d+(?:\.\d*)?|\B\.\d+)(?:e[+-]?\d+)?)[ulf]{0,4}/i,operator:/--|\+\+|[-+%/=]=?|!=|\*\*?=?|<[<=>]?|>[=>]?|&&?|\^\^?|\|\|?|~|\b(?:and|at|not|or|with|xor)\b/,constant:/\b(?:GM_build_date|GM_version|action_(?:continue|restart|reverse|stop)|all|gamespeed_(?:fps|microseconds)|global|local|noone|other|pi|pointer_(?:invalid|null)|self|timezone_(?:local|utc)|undefined|ev_(?:create|destroy|step|alarm|keyboard|mouse|collision|other|draw|draw_(?:begin|end|post|pre)|keypress|keyrelease|trigger|(?:left|middle|no|right)_button|(?:left|middle|right)_press|(?:left|middle|right)_release|mouse_(?:enter|leave|wheel_down|wheel_up)|global_(?:left|middle|right)_button|global_(?:left|middle|right)_press|global_(?:left|middle|right)_release|joystick(?:1|2)_(?:button1|button2|button3|button4|button5|button6|button7|button8|down|left|right|up)|outside|boundary|game_start|game_end|room_start|room_end|no_more_lives|animation_end|end_of_path|no_more_health|user\d|gui|gui_begin|gui_end|step_(?:begin|end|normal))|vk_(?:alt|anykey|backspace|control|delete|down|end|enter|escape|home|insert|left|nokey|pagedown|pageup|pause|printscreen|return|right|shift|space|tab|up|f\d|numpad\d|add|decimal|divide|lalt|lcontrol|lshift|multiply|ralt|rcontrol|rshift|subtract)|achievement_(?:filter_(?:all_players|favorites_only|friends_only)|friends_info|info|leaderboard_info|our_info|pic_loaded|show_(?:achievement|bank|friend_picker|leaderboard|profile|purchase_prompt|ui)|type_challenge|type_score_challenge)|asset_(?:font|object|path|room|script|shader|sound|sprite|tiles|timeline|unknown)|audio_(?:3d|falloff_(?:exponent_distance|exponent_distance_clamped|inverse_distance|inverse_distance_clamped|linear_distance|linear_distance_clamped|none)|mono|new_system|old_system|stereo)|bm_(?:add|complex|dest_alpha|dest_color|dest_colour|inv_dest_alpha|inv_dest_color|inv_dest_colour|inv_src_alpha|inv_src_color|inv_src_colour|max|normal|one|src_alpha|src_alpha_sat|src_color|src_colour|subtract|zero)|browser_(?:chrome|firefox|ie|ie_mobile|not_a_browser|opera|safari|safari_mobile|tizen|unknown|windows_store)|buffer_(?:bool|f16|f32|f64|fast|fixed|generalerror|grow|invalidtype|network|outofbounds|outofspace|s16|s32|s8|seek_end|seek_relative|seek_start|string|text|u16|u32|u64|u8|vbuffer|wrap)|c_(?:aqua|black|blue|dkgray|fuchsia|gray|green|lime|ltgray|maroon|navy|olive|orange|purple|red|silver|teal|white|yellow)|cmpfunc_(?:always|equal|greater|greaterequal|less|lessequal|never|notequal)|cr_(?:appstart|arrow|beam|cross|default|drag|handpoint|hourglass|none|size_all|size_nesw|size_ns|size_nwse|size_we|uparrow)|cull_(?:clockwise|counterclockwise|noculling)|device_(?:emulator|tablet)|device_ios_(?:ipad|ipad_retina|iphone|iphone5|iphone6|iphone6plus|iphone_retina|unknown)|display_(?:landscape|landscape_flipped|portrait|portrait_flipped)|dll_(?:cdecl|cdel|stdcall)|ds_type_(?:grid|list|map|priority|queue|stack)|ef_(?:cloud|ellipse|explosion|firework|flare|rain|ring|smoke|smokeup|snow|spark|star)|fa_(?:archive|bottom|center|directory|hidden|left|middle|readonly|right|sysfile|top|volumeid)|fb_login_(?:default|fallback_to_webview|forcing_safari|forcing_webview|no_fallback_to_webview|use_system_account)|iap_(?:available|canceled|ev_consume|ev_product|ev_purchase|ev_restore|ev_storeload|failed|purchased|refunded|status_available|status_loading|status_processing|status_restoring|status_unavailable|status_uninitialised|storeload_failed|storeload_ok|unavailable)|leaderboard_type_(?:number|time_mins_secs)|lighttype_(?:dir|point)|matrix_(?:projection|view|world)|mb_(?:any|left|middle|none|right)|network_(?:config_(?:connect_timeout|disable_reliable_udp|enable_reliable_udp|use_non_blocking_socket)|socket_(?:bluetooth|tcp|udp)|type_(?:connect|data|disconnect|non_blocking_connect))|of_challenge_(?:lose|tie|win)|os_(?:android|ios|linux|macosx|ps3|ps4|psvita|unknown|uwp|win32|win8native|windows|winphone|xboxone)|phy_debug_render_(?:aabb|collision_pairs|coms|core_shapes|joints|obb|shapes)|phy_joint_(?:anchor_1_x|anchor_1_y|anchor_2_x|anchor_2_y|angle|angle_limits|damping_ratio|frequency|length_1|length_2|lower_angle_limit|max_force|max_length|max_motor_force|max_motor_torque|max_torque|motor_force|motor_speed|motor_torque|reaction_force_x|reaction_force_y|reaction_torque|speed|translation|upper_angle_limit)|phy_particle_data_flag_(?:category|color|colour|position|typeflags|velocity)|phy_particle_flag_(?:colormixing|colourmixing|elastic|powder|spring|tensile|viscous|wall|water|zombie)|phy_particle_group_flag_(?:rigid|solid)|pr_(?:linelist|linestrip|pointlist|trianglefan|trianglelist|trianglestrip)|ps_(?:distr|shape)_(?:diamond|ellipse|gaussian|invgaussian|line|linear|rectangle)|pt_shape_(?:circle|cloud|disk|explosion|flare|line|pixel|ring|smoke|snow|spark|sphere|square|star)|ty_(?:real|string)|gp_(?:face\d|axislh|axislv|axisrh|axisrv|padd|padl|padr|padu|select|shoulderl|shoulderlb|shoulderr|shoulderrb|start|stickl|stickr)|lb_disp_(?:none|numeric|time_ms|time_sec)|lb_sort_(?:ascending|descending|none)|ov_(?:achievements|community|friends|gamegroup|players|settings)|ugc_(?:filetype_(?:community|microtrans)|list_(?:Favorited|Followed|Published|Subscribed|UsedOrPlayed|VotedDown|VotedOn|VotedUp|WillVoteLater)|match_(?:AllGuides|Artwork|Collections|ControllerBindings|IntegratedGuides|Items|Items_Mtx|Items_ReadyToUse|Screenshots|UsableInGame|Videos|WebGuides)|query_(?:AcceptedForGameRankedByAcceptanceDate|CreatedByFriendsRankedByPublicationDate|FavoritedByFriendsRankedByPublicationDate|NotYetRated)|query_RankedBy(?:NumTimesReported|PublicationDate|TextSearch|TotalVotesAsc|Trend|Vote|VotesUp)|result_success|sortorder_CreationOrder(?:Asc|Desc)|sortorder_(?:ForModeration|LastUpdatedDesc|SubscriptionDateDesc|TitleAsc|VoteScoreDesc)|visibility_(?:friends_only|private|public))|vertex_usage_(?:binormal|blendindices|blendweight|color|colour|depth|fog|normal|position|psize|sample|tangent|texcoord|textcoord)|vertex_type_(?:float\d|color|colour|ubyte4)|input_type|layerelementtype_(?:background|instance|oldtilemap|particlesystem|sprite|tile|tilemap|undefined)|se_(?:chorus|compressor|echo|equalizer|flanger|gargle|none|reverb)|text_type|tile_(?:flip|index_mask|mirror|rotate)|(?:obj|rm|scr|spr)\w+)\b/,variable:/\b(?:alarm|application_surface|async_load|background_(?:alpha|blend|color|colour|foreground|height|hspeed|htiled|index|showcolor|showcolour|visible|vspeed|vtiled|width|x|xscale|y|yscale)|bbox_(?:bottom|left|right|top)|browser_(?:height|width)|caption_(?:health|lives|score)|current_(?:day|hour|minute|month|second|time|weekday|year)|cursor_sprite|debug_mode|delta_time|direction|display_aa|error_(?:last|occurred)|event_(?:action|number|object|type)|fps|fps_real|friction|game_(?:display|project|save)_(?:id|name)|gamemaker_(?:pro|registered|version)|gravity|gravity_direction|(?:h|v)speed|health|iap_data|id|image_(?:alpha|angle|blend|depth|index|number|speed|xscale|yscale)|instance_(?:count|id)|keyboard_(?:key|lastchar|lastkey|string)|layer|lives|mask_index|mouse_(?:button|lastbutton|x|y)|object_index|os_(?:browser|device|type|version)|path_(?:endaction|index|orientation|position|positionprevious|scale|speed)|persistent|phy_(?:rotation|(?:col_normal|collision|com|linear_velocity|position|speed)_(?:x|y)|angular_(?:damping|velocity)|position_(?:x|y)previous|speed|linear_damping|bullet|fixed_rotation|active|mass|inertia|dynamic|kinematic|sleeping|collision_points)|pointer_(?:invalid|null)|room|room_(?:caption|first|height|last|persistent|speed|width)|score|secure_mode|show_(?:health|lives|score)|solid|speed|sprite_(?:height|index|width|xoffset|yoffset)|temp_directory|timeline_(?:index|loop|position|running|speed)|transition_(?:color|kind|steps)|undefined|view_(?:angle|current|enabled|(?:h|v)(?:border|speed)|(?:h|w|x|y)port|(?:h|w|x|y)view|object|surface_id|visible)|visible|webgl_enabled|working_directory|(?:x|y)(?:previous|start)|x|y|argument(?:_relitive|_count|\d)|argument|global|local|other|self)\b/})}e.exports=t,t.displayName="gml",t.aliases=[]},60794:function(e){"use strict";function t(e){e.languages.gn={comment:{pattern:/#.*/,greedy:!0},"string-literal":{pattern:/(^|[^\\"])"(?:[^\r\n"\\]|\\.)*"/,lookbehind:!0,greedy:!0,inside:{interpolation:{pattern:/((?:^|[^\\])(?:\\{2})*)\$(?:\{[\s\S]*?\}|[a-zA-Z_]\w*|0x[a-fA-F0-9]{2})/,lookbehind:!0,inside:{number:/^\$0x[\s\S]{2}$/,variable:/^\$\w+$/,"interpolation-punctuation":{pattern:/^\$\{|\}$/,alias:"punctuation"},expression:{pattern:/[\s\S]+/,inside:null}}},string:/[\s\S]+/}},keyword:/\b(?:else|if)\b/,boolean:/\b(?:false|true)\b/,"builtin-function":{pattern:/\b(?:assert|defined|foreach|import|pool|print|template|tool|toolchain)(?=\s*\()/i,alias:"keyword"},function:/\b[a-z_]\w*(?=\s*\()/i,constant:/\b(?:current_cpu|current_os|current_toolchain|default_toolchain|host_cpu|host_os|root_build_dir|root_gen_dir|root_out_dir|target_cpu|target_gen_dir|target_os|target_out_dir)\b/,number:/-?\b\d+\b/,operator:/[-+!=<>]=?|&&|\|\|/,punctuation:/[(){}[\],.]/},e.languages.gn["string-literal"].inside.interpolation.inside.expression.inside=e.languages.gn,e.languages.gni=e.languages.gn}e.exports=t,t.displayName="gn",t.aliases=["gni"]},20222:function(e){"use strict";function t(e){e.languages["go-mod"]=e.languages["go-module"]={comment:{pattern:/\/\/.*/,greedy:!0},version:{pattern:/(^|[\s()[\],])v\d+\.\d+\.\d+(?:[+-][-+.\w]*)?(?![^\s()[\],])/,lookbehind:!0,alias:"number"},"go-version":{pattern:/((?:^|\s)go\s+)\d+(?:\.\d+){1,2}/,lookbehind:!0,alias:"number"},keyword:{pattern:/^([ \t]*)(?:exclude|go|module|replace|require|retract)\b/m,lookbehind:!0},operator:/=>/,punctuation:/[()[\],]/}}e.exports=t,t.displayName="goModule",t.aliases=[]},51519:function(e){"use strict";function t(e){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"]}e.exports=t,t.displayName="go",t.aliases=[]},94055:function(e){"use strict";function t(e){e.languages.graphql={comment:/#.*/,description:{pattern:/(?:"""(?:[^"]|(?!""")")*"""|"(?:\\.|[^\\"\r\n])*")(?=\s*[a-z_])/i,greedy:!0,alias:"string",inside:{"language-markdown":{pattern:/(^"(?:"")?)(?!\1)[\s\S]+(?=\1$)/,lookbehind:!0,inside:e.languages.markdown}}},string:{pattern:/"""(?:[^"]|(?!""")")*"""|"(?:\\.|[^\\"\r\n])*"/,greedy:!0},number:/(?:\B-|\b)\d+(?:\.\d+)?(?:e[+-]?\d+)?\b/i,boolean:/\b(?:false|true)\b/,variable:/\$[a-z_]\w*/i,directive:{pattern:/@[a-z_]\w*/i,alias:"function"},"attr-name":{pattern:/\b[a-z_]\w*(?=\s*(?:\((?:[^()"]|"(?:\\.|[^\\"\r\n])*")*\))?:)/i,greedy:!0},"atom-input":{pattern:/\b[A-Z]\w*Input\b/,alias:"class-name"},scalar:/\b(?:Boolean|Float|ID|Int|String)\b/,constant:/\b[A-Z][A-Z_\d]*\b/,"class-name":{pattern:/(\b(?:enum|implements|interface|on|scalar|type|union)\s+|&\s*|:\s*|\[)[A-Z_]\w*/,lookbehind:!0},fragment:{pattern:/(\bfragment\s+|\.{3}\s*(?!on\b))[a-zA-Z_]\w*/,lookbehind:!0,alias:"function"},"definition-mutation":{pattern:/(\bmutation\s+)[a-zA-Z_]\w*/,lookbehind:!0,alias:"function"},"definition-query":{pattern:/(\bquery\s+)[a-zA-Z_]\w*/,lookbehind:!0,alias:"function"},keyword:/\b(?:directive|enum|extend|fragment|implements|input|interface|mutation|on|query|repeatable|scalar|schema|subscription|type|union)\b/,operator:/[!=|&]|\.{3}/,"property-query":/\w+(?=\s*\()/,object:/\w+(?=\s*\{)/,punctuation:/[!(){}\[\]:=,]/,property:/\w+/},e.hooks.add("after-tokenize",function(e){if("graphql"===e.language)for(var t=e.tokens.filter(function(e){return"string"!=typeof e&&"comment"!==e.type&&"scalar"!==e.type}),n=0;n0)){var s=d(/^\{$/,/^\}$/);if(-1===s)continue;for(var l=n;l=0&&p(c,"variable-input")}}}}function u(e,r){r=r||0;for(var a=0;a]?|\+[+=]?|!=?|<(?:<=?|=>?)?|>(?:>>?=?|=)?|&[&=]?|\|[|=]?|\/=?|\^=?|%=?)/,lookbehind:!0},punctuation:/\.+|[{}[\];(),:$]/}),e.languages.insertBefore("groovy","string",{shebang:{pattern:/#!.+/,alias:"comment"}}),e.languages.insertBefore("groovy","punctuation",{"spock-block":/\b(?:and|cleanup|expect|given|setup|then|when|where):/}),e.languages.insertBefore("groovy","function",{annotation:{pattern:/(^|[^.])@\w+/,lookbehind:!0,alias:"punctuation"}}),e.hooks.add("wrap",function(t){if("groovy"===t.language&&"string"===t.type){var n=t.content.value[0];if("'"!=n){var r=/([^\\])(?:\$(?:\{.*?\}|[\w.]+))/;"$"===n&&(r=/([^\$])(?:\$(?:\{.*?\}|[\w.]+))/),t.content.value=t.content.value.replace(/</g,"<").replace(/&/g,"&"),t.content=e.highlight(t.content.value,{expression:{pattern:r,lookbehind:!0,inside:e.languages.groovy}}),t.classes.push("/"===n?"regex":"gstring")}}})}e.exports=t,t.displayName="groovy",t.aliases=[]},29536:function(e,t,n){"use strict";var r=n(56939);function a(e){e.register(r),function(e){e.languages.haml={"multiline-comment":{pattern:/((?:^|\r?\n|\r)([\t ]*))(?:\/|-#).*(?:(?:\r?\n|\r)\2[\t ].+)*/,lookbehind:!0,alias:"comment"},"multiline-code":[{pattern:/((?:^|\r?\n|\r)([\t ]*)(?:[~-]|[&!]?=)).*,[\t ]*(?:(?:\r?\n|\r)\2[\t ].*,[\t ]*)*(?:(?:\r?\n|\r)\2[\t ].+)/,lookbehind:!0,inside:e.languages.ruby},{pattern:/((?:^|\r?\n|\r)([\t ]*)(?:[~-]|[&!]?=)).*\|[\t ]*(?:(?:\r?\n|\r)\2[\t ].*\|[\t ]*)*/,lookbehind:!0,inside:e.languages.ruby}],filter:{pattern:/((?:^|\r?\n|\r)([\t ]*)):[\w-]+(?:(?:\r?\n|\r)(?:\2[\t ].+|\s*?(?=\r?\n|\r)))+/,lookbehind:!0,inside:{"filter-name":{pattern:/^:[\w-]+/,alias:"symbol"}}},markup:{pattern:/((?:^|\r?\n|\r)[\t ]*)<.+/,lookbehind:!0,inside:e.languages.markup},doctype:{pattern:/((?:^|\r?\n|\r)[\t ]*)!!!(?: .+)?/,lookbehind:!0},tag:{pattern:/((?:^|\r?\n|\r)[\t ]*)[%.#][\w\-#.]*[\w\-](?:\([^)]+\)|\{(?:\{[^}]+\}|[^{}])+\}|\[[^\]]+\])*[\/<>]*/,lookbehind:!0,inside:{attributes:[{pattern:/(^|[^#])\{(?:\{[^}]+\}|[^{}])+\}/,lookbehind:!0,inside:e.languages.ruby},{pattern:/\([^)]+\)/,inside:{"attr-value":{pattern:/(=\s*)(?:"(?:\\.|[^\\"\r\n])*"|[^)\s]+)/,lookbehind:!0},"attr-name":/[\w:-]+(?=\s*!?=|\s*[,)])/,punctuation:/[=(),]/}},{pattern:/\[[^\]]+\]/,inside:e.languages.ruby}],punctuation:/[<>]/}},code:{pattern:/((?:^|\r?\n|\r)[\t ]*(?:[~-]|[&!]?=)).+/,lookbehind:!0,inside:e.languages.ruby},interpolation:{pattern:/#\{[^}]+\}/,inside:{delimiter:{pattern:/^#\{|\}$/,alias:"punctuation"},ruby:{pattern:/[\s\S]+/,inside:e.languages.ruby}}},punctuation:{pattern:/((?:^|\r?\n|\r)[\t ]*)[~=\-&!]+/,lookbehind:!0}};for(var t=["css",{filter:"coffee",language:"coffeescript"},"erb","javascript","less","markdown","ruby","scss","textile"],n={},r=0,a=t.length;r@\[\\\]^`{|}~]/,variable:/[^!"#%&'()*+,\/;<=>@\[\\\]^`{|}~\s]+/},e.hooks.add("before-tokenize",function(t){e.languages["markup-templating"].buildPlaceholders(t,"handlebars",/\{\{\{[\s\S]+?\}\}\}|\{\{[\s\S]+?\}\}/g)}),e.hooks.add("after-tokenize",function(t){e.languages["markup-templating"].tokenizePlaceholders(t,"handlebars")}),e.languages.hbs=e.languages.handlebars}e.exports=a,a.displayName="handlebars",a.aliases=["hbs"]},58090:function(e){"use strict";function t(e){e.languages.haskell={comment:{pattern:/(^|[^-!#$%*+=?&@|~.:<>^\\\/])(?:--(?:(?=.)[^-!#$%*+=?&@|~.:<>^\\\/].*|$)|\{-[\s\S]*?-\})/m,lookbehind:!0},char:{pattern:/'(?:[^\\']|\\(?:[abfnrtv\\"'&]|\^[A-Z@[\]^_]|ACK|BEL|BS|CAN|CR|DC1|DC2|DC3|DC4|DEL|DLE|EM|ENQ|EOT|ESC|ETB|ETX|FF|FS|GS|HT|LF|NAK|NUL|RS|SI|SO|SOH|SP|STX|SUB|SYN|US|VT|\d+|o[0-7]+|x[0-9a-fA-F]+))'/,alias:"string"},string:{pattern:/"(?:[^\\"]|\\(?:\S|\s+\\))*"/,greedy:!0},keyword:/\b(?:case|class|data|deriving|do|else|if|in|infixl|infixr|instance|let|module|newtype|of|primitive|then|type|where)\b/,"import-statement":{pattern:/(^[\t ]*)import\s+(?:qualified\s+)?(?:[A-Z][\w']*)(?:\.[A-Z][\w']*)*(?:\s+as\s+(?:[A-Z][\w']*)(?:\.[A-Z][\w']*)*)?(?:\s+hiding\b)?/m,lookbehind:!0,inside:{keyword:/\b(?:as|hiding|import|qualified)\b/,punctuation:/\./}},builtin:/\b(?:abs|acos|acosh|all|and|any|appendFile|approxRational|asTypeOf|asin|asinh|atan|atan2|atanh|basicIORun|break|catch|ceiling|chr|compare|concat|concatMap|const|cos|cosh|curry|cycle|decodeFloat|denominator|digitToInt|div|divMod|drop|dropWhile|either|elem|encodeFloat|enumFrom|enumFromThen|enumFromThenTo|enumFromTo|error|even|exp|exponent|fail|filter|flip|floatDigits|floatRadix|floatRange|floor|fmap|foldl|foldl1|foldr|foldr1|fromDouble|fromEnum|fromInt|fromInteger|fromIntegral|fromRational|fst|gcd|getChar|getContents|getLine|group|head|id|inRange|index|init|intToDigit|interact|ioError|isAlpha|isAlphaNum|isAscii|isControl|isDenormalized|isDigit|isHexDigit|isIEEE|isInfinite|isLower|isNaN|isNegativeZero|isOctDigit|isPrint|isSpace|isUpper|iterate|last|lcm|length|lex|lexDigits|lexLitChar|lines|log|logBase|lookup|map|mapM|mapM_|max|maxBound|maximum|maybe|min|minBound|minimum|mod|negate|not|notElem|null|numerator|odd|or|ord|otherwise|pack|pi|pred|primExitWith|print|product|properFraction|putChar|putStr|putStrLn|quot|quotRem|range|rangeSize|read|readDec|readFile|readFloat|readHex|readIO|readInt|readList|readLitChar|readLn|readOct|readParen|readSigned|reads|readsPrec|realToFrac|recip|rem|repeat|replicate|return|reverse|round|scaleFloat|scanl|scanl1|scanr|scanr1|seq|sequence|sequence_|show|showChar|showInt|showList|showLitChar|showParen|showSigned|showString|shows|showsPrec|significand|signum|sin|sinh|snd|sort|span|splitAt|sqrt|subtract|succ|sum|tail|take|takeWhile|tan|tanh|threadToIOResult|toEnum|toInt|toInteger|toLower|toRational|toUpper|truncate|uncurry|undefined|unlines|until|unwords|unzip|unzip3|userError|words|writeFile|zip|zip3|zipWith|zipWith3)\b/,number:/\b(?:\d+(?:\.\d+)?(?:e[+-]?\d+)?|0o[0-7]+|0x[0-9a-f]+)\b/i,operator:[{pattern:/`(?:[A-Z][\w']*\.)*[_a-z][\w']*`/,greedy:!0},{pattern:/(\s)\.(?=\s)/,lookbehind:!0},/[-!#$%*+=?&@|~:<>^\\\/][-!#$%*+=?&@|~.:<>^\\\/]*|\.[-!#$%*+=?&@|~.:<>^\\\/]+/],hvariable:{pattern:/\b(?:[A-Z][\w']*\.)*[_a-z][\w']*/,inside:{punctuation:/\./}},constant:{pattern:/\b(?:[A-Z][\w']*\.)*[A-Z][\w']*/,inside:{punctuation:/\./}},punctuation:/[{}[\];(),.:]/},e.languages.hs=e.languages.haskell}e.exports=t,t.displayName="haskell",t.aliases=["hs"]},95121:function(e){"use strict";function t(e){e.languages.haxe=e.languages.extend("clike",{string:{pattern:/"(?:[^"\\]|\\[\s\S])*"/,greedy:!0},"class-name":[{pattern:/(\b(?:abstract|class|enum|extends|implements|interface|new|typedef)\s+)[A-Z_]\w*/,lookbehind:!0},/\b[A-Z]\w*/],keyword:/\bthis\b|\b(?:abstract|as|break|case|cast|catch|class|continue|default|do|dynamic|else|enum|extends|extern|final|for|from|function|if|implements|import|in|inline|interface|macro|new|null|operator|overload|override|package|private|public|return|static|super|switch|throw|to|try|typedef|untyped|using|var|while)(?!\.)\b/,function:{pattern:/\b[a-z_]\w*(?=\s*(?:<[^<>]*>\s*)?\()/i,greedy:!0},operator:/\.{3}|\+\+|--|&&|\|\||->|=>|(?:<{1,3}|[-+*/%!=&|^])=?|[?:~]/}),e.languages.insertBefore("haxe","string",{"string-interpolation":{pattern:/'(?:[^'\\]|\\[\s\S])*'/,greedy:!0,inside:{interpolation:{pattern:/(^|[^\\])\$(?:\w+|\{[^{}]+\})/,lookbehind:!0,inside:{"interpolation-punctuation":{pattern:/^\$\{?|\}$/,alias:"punctuation"},expression:{pattern:/[\s\S]+/,inside:e.languages.haxe}}},string:/[\s\S]+/}}}),e.languages.insertBefore("haxe","class-name",{regex:{pattern:/~\/(?:[^\/\\\r\n]|\\.)+\/[a-z]*/,greedy:!0,inside:{"regex-flags":/\b[a-z]+$/,"regex-source":{pattern:/^(~\/)[\s\S]+(?=\/$)/,lookbehind:!0,alias:"language-regex",inside:e.languages.regex},"regex-delimiter":/^~\/|\/$/}}}),e.languages.insertBefore("haxe","keyword",{preprocessor:{pattern:/#(?:else|elseif|end|if)\b.*/,alias:"property"},metadata:{pattern:/@:?[\w.]+/,alias:"symbol"},reification:{pattern:/\$(?:\w+|(?=\{))/,alias:"important"}})}e.exports=t,t.displayName="haxe",t.aliases=[]},59904:function(e){"use strict";function t(e){e.languages.hcl={comment:/(?:\/\/|#).*|\/\*[\s\S]*?(?:\*\/|$)/,heredoc:{pattern:/<<-?(\w+\b)[\s\S]*?^[ \t]*\1/m,greedy:!0,alias:"string"},keyword:[{pattern:/(?:data|resource)\s+(?:"(?:\\[\s\S]|[^\\"])*")(?=\s+"[\w-]+"\s+\{)/i,inside:{type:{pattern:/(resource|data|\s+)(?:"(?:\\[\s\S]|[^\\"])*")/i,lookbehind:!0,alias:"variable"}}},{pattern:/(?:backend|module|output|provider|provisioner|variable)\s+(?:[\w-]+|"(?:\\[\s\S]|[^\\"])*")\s+(?=\{)/i,inside:{type:{pattern:/(backend|module|output|provider|provisioner|variable)\s+(?:[\w-]+|"(?:\\[\s\S]|[^\\"])*")\s+/i,lookbehind:!0,alias:"variable"}}},/[\w-]+(?=\s+\{)/],property:[/[-\w\.]+(?=\s*=(?!=))/,/"(?:\\[\s\S]|[^\\"])+"(?=\s*[:=])/],string:{pattern:/"(?:[^\\$"]|\\[\s\S]|\$(?:(?=")|\$+(?!\$)|[^"${])|\$\{(?:[^{}"]|"(?:[^\\"]|\\[\s\S])*")*\})*"/,greedy:!0,inside:{interpolation:{pattern:/(^|[^$])\$\{(?:[^{}"]|"(?:[^\\"]|\\[\s\S])*")*\}/,lookbehind:!0,inside:{type:{pattern:/(\b(?:count|data|local|module|path|self|terraform|var)\b\.)[\w\*]+/i,lookbehind:!0,alias:"variable"},keyword:/\b(?:count|data|local|module|path|self|terraform|var)\b/i,function:/\w+(?=\()/,string:{pattern:/"(?:\\[\s\S]|[^\\"])*"/,greedy:!0},number:/\b0x[\da-f]+\b|\b\d+(?:\.\d*)?(?:e[+-]?\d+)?/i,punctuation:/[!\$#%&'()*+,.\/;<=>@\[\\\]^`{|}~?:]/}}}},number:/\b0x[\da-f]+\b|\b\d+(?:\.\d*)?(?:e[+-]?\d+)?/i,boolean:/\b(?:false|true)\b/i,punctuation:/[=\[\]{}]/}}e.exports=t,t.displayName="hcl",t.aliases=[]},9436:function(e,t,n){"use strict";var r=n(65806);function a(e){e.register(r),e.languages.hlsl=e.languages.extend("c",{"class-name":[e.languages.c["class-name"],/\b(?:AppendStructuredBuffer|BlendState|Buffer|ByteAddressBuffer|CompileShader|ComputeShader|ConsumeStructuredBuffer|DepthStencilState|DepthStencilView|DomainShader|GeometryShader|Hullshader|InputPatch|LineStream|OutputPatch|PixelShader|PointStream|RWBuffer|RWByteAddressBuffer|RWStructuredBuffer|RWTexture(?:1D|1DArray|2D|2DArray|3D)|RasterizerState|RenderTargetView|SamplerComparisonState|SamplerState|StructuredBuffer|Texture(?:1D|1DArray|2D|2DArray|2DMS|2DMSArray|3D|Cube|CubeArray)|TriangleStream|VertexShader)\b/],keyword:[/\b(?:asm|asm_fragment|auto|break|case|catch|cbuffer|centroid|char|class|column_major|compile|compile_fragment|const|const_cast|continue|default|delete|discard|do|dynamic_cast|else|enum|explicit|export|extern|for|friend|fxgroup|goto|groupshared|if|in|inline|inout|interface|line|lineadj|linear|long|matrix|mutable|namespace|new|nointerpolation|noperspective|operator|out|packoffset|pass|pixelfragment|point|precise|private|protected|public|register|reinterpret_cast|return|row_major|sample|sampler|shared|short|signed|sizeof|snorm|stateblock|stateblock_state|static|static_cast|string|struct|switch|tbuffer|technique|technique10|technique11|template|texture|this|throw|triangle|triangleadj|try|typedef|typename|uniform|union|unorm|unsigned|using|vector|vertexfragment|virtual|void|volatile|while)\b/,/\b(?:bool|double|dword|float|half|int|min(?:10float|12int|16(?:float|int|uint))|uint)(?:[1-4](?:x[1-4])?)?\b/],number:/(?:(?:\b\d+(?:\.\d*)?|\B\.\d+)(?:[eE][+-]?\d+)?|\b0x[\da-fA-F]+)[fFhHlLuU]?\b/,boolean:/\b(?:false|true)\b/})}e.exports=a,a.displayName="hlsl",a.aliases=[]},60591:function(e){"use strict";function t(e){e.languages.hoon={comment:{pattern:/::.*/,greedy:!0},string:{pattern:/"[^"]*"|'[^']*'/,greedy:!0},constant:/%(?:\.[ny]|[\w-]+)/,"class-name":/@(?:[a-z0-9-]*[a-z0-9])?|\*/i,function:/(?:\+[-+] {2})?(?:[a-z](?:[a-z0-9-]*[a-z0-9])?)/,keyword:/\.[\^\+\*=\?]|![><:\.=\?!]|=[>|:,\.\-\^<+;/~\*\?]|\?[>|:\.\-\^<\+&~=@!]|\|[\$_%:\.\-\^~\*=@\?]|\+[|\$\+\*]|:[_\-\^\+~\*]|%[_:\.\-\^\+~\*=]|\^[|:\.\-\+&~\*=\?]|\$[|_%:<>\-\^&~@=\?]|;[:<\+;\/~\*=]|~[>|\$_%<\+\/&=\?!]|--|==/}}e.exports=t,t.displayName="hoon",t.aliases=[]},76942:function(e){"use strict";function t(e){e.languages.hpkp={directive:{pattern:/\b(?:includeSubDomains|max-age|pin-sha256|preload|report-to|report-uri|strict)(?=[\s;=]|$)/i,alias:"property"},operator:/=/,punctuation:/;/}}e.exports=t,t.displayName="hpkp",t.aliases=[]},60561:function(e){"use strict";function t(e){e.languages.hsts={directive:{pattern:/\b(?:includeSubDomains|max-age|preload)(?=[\s;=]|$)/i,alias:"property"},operator:/=/,punctuation:/;/}}e.exports=t,t.displayName="hsts",t.aliases=[]},49660:function(e){"use strict";function t(e){!function(e){function t(e){return RegExp("(^(?:"+e+"):[ ]*(?![ ]))[^]+","i")}e.languages.http={"request-line":{pattern:/^(?:CONNECT|DELETE|GET|HEAD|OPTIONS|PATCH|POST|PRI|PUT|SEARCH|TRACE)\s(?:https?:\/\/|\/)\S*\sHTTP\/[\d.]+/m,inside:{method:{pattern:/^[A-Z]+\b/,alias:"property"},"request-target":{pattern:/^(\s)(?:https?:\/\/|\/)\S*(?=\s)/,lookbehind:!0,alias:"url",inside:e.languages.uri},"http-version":{pattern:/^(\s)HTTP\/[\d.]+/,lookbehind:!0,alias:"property"}}},"response-status":{pattern:/^HTTP\/[\d.]+ \d+ .+/m,inside:{"http-version":{pattern:/^HTTP\/[\d.]+/,alias:"property"},"status-code":{pattern:/^(\s)\d+(?=\s)/,lookbehind:!0,alias:"number"},"reason-phrase":{pattern:/^(\s).+/,lookbehind:!0,alias:"string"}}},header:{pattern:/^[\w-]+:.+(?:(?:\r\n?|\n)[ \t].+)*/m,inside:{"header-value":[{pattern:t(/Content-Security-Policy/.source),lookbehind:!0,alias:["csp","languages-csp"],inside:e.languages.csp},{pattern:t(/Public-Key-Pins(?:-Report-Only)?/.source),lookbehind:!0,alias:["hpkp","languages-hpkp"],inside:e.languages.hpkp},{pattern:t(/Strict-Transport-Security/.source),lookbehind:!0,alias:["hsts","languages-hsts"],inside:e.languages.hsts},{pattern:t(/[^:]+/.source),lookbehind:!0}],"header-name":{pattern:/^[^:]+/,alias:"keyword"},punctuation:/^:/}}};var n,r=e.languages,a={"application/javascript":r.javascript,"application/json":r.json||r.javascript,"application/xml":r.xml,"text/xml":r.xml,"text/html":r.html,"text/css":r.css,"text/plain":r.plain},i={"application/json":!0,"application/xml":!0};for(var o in a)if(a[o]){n=n||{};var s=i[o]?function(e){var t=e.replace(/^[a-z]+\//,"");return"(?:"+e+"|\\w+/(?:[\\w.-]+\\+)+"+t+"(?![+\\w.-]))"}(o):o;n[o.replace(/\//g,"-")]={pattern:RegExp("("+/content-type:\s*/.source+s+/(?:(?:\r\n?|\n)[\w-].*)*(?:\r(?:\n|(?!\n))|\n)/.source+")"+/[^ \t\w-][\s\S]*/.source,"i"),lookbehind:!0,inside:a[o]}}n&&e.languages.insertBefore("http","header",n)}(e)}e.exports=t,t.displayName="http",t.aliases=[]},30615:function(e){"use strict";function t(e){e.languages.ichigojam={comment:/(?:\B'|REM)(?:[^\n\r]*)/i,string:{pattern:/"(?:""|[!#$%&'()*,\/:;<=>?^\w +\-.])*"/,greedy:!0},number:/\B#[0-9A-F]+|\B`[01]+|(?:\b\d+(?:\.\d*)?|\B\.\d+)(?:E[+-]?\d+)?/i,keyword:/\b(?:BEEP|BPS|CASE|CLEAR|CLK|CLO|CLP|CLS|CLT|CLV|CONT|COPY|ELSE|END|FILE|FILES|FOR|GOSUB|GOTO|GSB|IF|INPUT|KBD|LED|LET|LIST|LOAD|LOCATE|LRUN|NEW|NEXT|OUT|PLAY|POKE|PRINT|PWM|REM|RENUM|RESET|RETURN|RIGHT|RTN|RUN|SAVE|SCROLL|SLEEP|SRND|STEP|STOP|SUB|TEMPO|THEN|TO|UART|VIDEO|WAIT)(?:\$|\b)/i,function:/\b(?:ABS|ANA|ASC|BIN|BTN|DEC|END|FREE|HELP|HEX|I2CR|I2CW|IN|INKEY|LEN|LINE|PEEK|RND|SCR|SOUND|STR|TICK|USR|VER|VPEEK|ZER)(?:\$|\b)/i,label:/(?:\B@\S+)/,operator:/<[=>]?|>=?|\|\||&&|[+\-*\/=|&^~!]|\b(?:AND|NOT|OR)\b/i,punctuation:/[\[,;:()\]]/}}e.exports=t,t.displayName="ichigojam",t.aliases=[]},93865:function(e){"use strict";function t(e){e.languages.icon={comment:/#.*/,string:{pattern:/(["'])(?:(?!\1)[^\\\r\n_]|\\.|_(?!\1)(?:\r\n|[\s\S]))*\1/,greedy:!0},number:/\b(?:\d+r[a-z\d]+|\d+(?:\.\d+)?(?:e[+-]?\d+)?)\b|\.\d+\b/i,"builtin-keyword":{pattern:/&(?:allocated|ascii|clock|collections|cset|current|date|dateline|digits|dump|e|error(?:number|text|value)?|errout|fail|features|file|host|input|lcase|letters|level|line|main|null|output|phi|pi|pos|progname|random|regions|source|storage|subject|time|trace|ucase|version)\b/,alias:"variable"},directive:{pattern:/\$\w+/,alias:"builtin"},keyword:/\b(?:break|by|case|create|default|do|else|end|every|fail|global|if|initial|invocable|link|local|next|not|of|procedure|record|repeat|return|static|suspend|then|to|until|while)\b/,function:/\b(?!\d)\w+(?=\s*[({]|\s*!\s*\[)/,operator:/[+-]:(?!=)|(?:[\/?@^%&]|\+\+?|--?|==?=?|~==?=?|\*\*?|\|\|\|?|<(?:->?|>?=?)(?::=)?|:(?:=:?)?|[!.\\|~]/,punctuation:/[\[\](){},;]/}}e.exports=t,t.displayName="icon",t.aliases=[]},51078:function(e){"use strict";function t(e){!function(e){function t(e,n){return n<=0?/[]/.source:e.replace(//g,function(){return t(e,n-1)})}var n=/'[{}:=,](?:[^']|'')*'(?!')/,r={pattern:/''/,greedy:!0,alias:"operator"},a=t(/\{(?:[^{}']|'(?![{},'])|''||)*\}/.source.replace(//g,function(){return n.source}),8),i={pattern:RegExp(a),inside:{message:{pattern:/^(\{)[\s\S]+(?=\}$)/,lookbehind:!0,inside:null},"message-delimiter":{pattern:/./,alias:"punctuation"}}};e.languages["icu-message-format"]={argument:{pattern:RegExp(a),greedy:!0,inside:{content:{pattern:/^(\{)[\s\S]+(?=\}$)/,lookbehind:!0,inside:{"argument-name":{pattern:/^(\s*)[^{}:=,\s]+/,lookbehind:!0},"choice-style":{pattern:/^(\s*,\s*choice\s*,\s*)\S(?:[\s\S]*\S)?/,lookbehind:!0,inside:{punctuation:/\|/,range:{pattern:/^(\s*)[+-]?(?:\d+(?:\.\d*)?|\u221e)\s*[<#\u2264]/,lookbehind:!0,inside:{operator:/[<#\u2264]/,number:/\S+/}},rest:null}},"plural-style":{pattern:/^(\s*,\s*(?:plural|selectordinal)\s*,\s*)\S(?:[\s\S]*\S)?/,lookbehind:!0,inside:{offset:/^offset:\s*\d+/,"nested-message":i,selector:{pattern:/=\d+|[^{}:=,\s]+/,inside:{keyword:/^(?:few|many|one|other|two|zero)$/}}}},"select-style":{pattern:/^(\s*,\s*select\s*,\s*)\S(?:[\s\S]*\S)?/,lookbehind:!0,inside:{"nested-message":i,selector:{pattern:/[^{}:=,\s]+/,inside:{keyword:/^other$/}}}},keyword:/\b(?:choice|plural|select|selectordinal)\b/,"arg-type":{pattern:/\b(?:date|duration|number|ordinal|spellout|time)\b/,alias:"keyword"},"arg-skeleton":{pattern:/(,\s*)::[^{}:=,\s]+/,lookbehind:!0},"arg-style":{pattern:/(,\s*)(?:currency|full|integer|long|medium|percent|short)(?=\s*$)/,lookbehind:!0},"arg-style-text":{pattern:RegExp(/(^\s*,\s*(?=\S))/.source+t(/(?:[^{}']|'[^']*'|\{(?:)?\})+/.source,8)+"$"),lookbehind:!0,alias:"string"},punctuation:/,/}},"argument-delimiter":{pattern:/./,alias:"operator"}}},escape:r,string:{pattern:n,greedy:!0,inside:{escape:r}}},i.inside.message.inside=e.languages["icu-message-format"],e.languages["icu-message-format"].argument.inside.content.inside["choice-style"].inside.rest=e.languages["icu-message-format"]}(e)}e.exports=t,t.displayName="icuMessageFormat",t.aliases=[]},91178:function(e,t,n){"use strict";var r=n(58090);function a(e){e.register(r),e.languages.idris=e.languages.extend("haskell",{comment:{pattern:/(?:(?:--|\|\|\|).*$|\{-[\s\S]*?-\})/m},keyword:/\b(?:Type|case|class|codata|constructor|corecord|data|do|dsl|else|export|if|implementation|implicit|import|impossible|in|infix|infixl|infixr|instance|interface|let|module|mutual|namespace|of|parameters|partial|postulate|private|proof|public|quoteGoal|record|rewrite|syntax|then|total|using|where|with)\b/,builtin:void 0}),e.languages.insertBefore("idris","keyword",{"import-statement":{pattern:/(^\s*import\s+)(?:[A-Z][\w']*)(?:\.[A-Z][\w']*)*/m,lookbehind:!0,inside:{punctuation:/\./}}}),e.languages.idr=e.languages.idris}e.exports=a,a.displayName="idris",a.aliases=["idr"]},40011:function(e){"use strict";function t(e){e.languages.iecst={comment:[{pattern:/(^|[^\\])(?:\/\*[\s\S]*?(?:\*\/|$)|\(\*[\s\S]*?(?:\*\)|$)|\{[\s\S]*?(?:\}|$))/,lookbehind:!0,greedy:!0},{pattern:/(^|[^\\:])\/\/.*/,lookbehind:!0,greedy:!0}],string:{pattern:/(["'])(?:\\(?:\r\n|[\s\S])|(?!\1)[^\\\r\n])*\1/,greedy:!0},keyword:[/\b(?:END_)?(?:PROGRAM|CONFIGURATION|INTERFACE|FUNCTION_BLOCK|FUNCTION|ACTION|TRANSITION|TYPE|STRUCT|(?:INITIAL_)?STEP|NAMESPACE|LIBRARY|CHANNEL|FOLDER|RESOURCE|VAR_(?:ACCESS|CONFIG|EXTERNAL|GLOBAL|INPUT|IN_OUT|OUTPUT|TEMP)|VAR|METHOD|PROPERTY)\b/i,/\b(?:AT|BY|(?:END_)?(?:CASE|FOR|IF|REPEAT|WHILE)|CONSTANT|CONTINUE|DO|ELSE|ELSIF|EXIT|EXTENDS|FROM|GET|GOTO|IMPLEMENTS|JMP|NON_RETAIN|OF|PRIVATE|PROTECTED|PUBLIC|RETAIN|RETURN|SET|TASK|THEN|TO|UNTIL|USING|WITH|__CATCH|__ENDTRY|__FINALLY|__TRY)\b/],"class-name":/\b(?:ANY|ARRAY|BOOL|BYTE|U?(?:D|L|S)?INT|(?:D|L)?WORD|DATE(?:_AND_TIME)?|DT|L?REAL|POINTER|STRING|TIME(?:_OF_DAY)?|TOD)\b/,address:{pattern:/%[IQM][XBWDL][\d.]*|%[IQ][\d.]*/,alias:"symbol"},number:/\b(?:16#[\da-f]+|2#[01_]+|0x[\da-f]+)\b|\b(?:D|DT|T|TOD)#[\d_shmd:]*|\b[A-Z]*#[\d.,_]*|(?:\b\d+(?:\.\d*)?|\B\.\d+)(?:e[+-]?\d+)?/i,boolean:/\b(?:FALSE|NULL|TRUE)\b/,operator:/S?R?:?=>?|&&?|\*\*?|<[=>]?|>=?|[-:^/+#]|\b(?:AND|EQ|EXPT|GE|GT|LE|LT|MOD|NE|NOT|OR|XOR)\b/,function:/\b[a-z_]\w*(?=\s*\()/i,punctuation:/[()[\].,;]/}}e.exports=t,t.displayName="iecst",t.aliases=[]},12017:function(e){"use strict";function t(e){e.languages.ignore={comment:/^#.*/m,entry:{pattern:/\S(?:.*(?:(?:\\ )|\S))?/,alias:"string",inside:{operator:/^!|\*\*?|\?/,regex:{pattern:/(^|[^\\])\[[^\[\]]*\]/,lookbehind:!0},punctuation:/\//}}},e.languages.gitignore=e.languages.ignore,e.languages.hgignore=e.languages.ignore,e.languages.npmignore=e.languages.ignore}e.exports=t,t.displayName="ignore",t.aliases=["gitignore","hgignore","npmignore"]},65175:function(e){"use strict";function t(e){e.languages.inform7={string:{pattern:/"[^"]*"/,inside:{substitution:{pattern:/\[[^\[\]]+\]/,inside:{delimiter:{pattern:/\[|\]/,alias:"punctuation"}}}}},comment:{pattern:/\[[^\[\]]+\]/,greedy:!0},title:{pattern:/^[ \t]*(?:book|chapter|part(?! of)|section|table|volume)\b.+/im,alias:"important"},number:{pattern:/(^|[^-])(?:\b\d+(?:\.\d+)?(?:\^\d+)?(?:(?!\d)\w+)?|\b(?:eight|eleven|five|four|nine|one|seven|six|ten|three|twelve|two))\b(?!-)/i,lookbehind:!0},verb:{pattern:/(^|[^-])\b(?:answering|applying to|are|asking|attacking|be(?:ing)?|burning|buying|called|carries|carry(?! out)|carrying|climbing|closing|conceal(?:ing|s)?|consulting|contain(?:ing|s)?|cutting|drinking|dropping|eating|enclos(?:es?|ing)|entering|examining|exiting|getting|giving|going|ha(?:s|ve|ving)|hold(?:ing|s)?|impl(?:ies|y)|incorporat(?:es?|ing)|inserting|is|jumping|kissing|listening|locking|looking|mean(?:ing|s)?|opening|provid(?:es?|ing)|pulling|pushing|putting|relat(?:es?|ing)|removing|searching|see(?:ing|s)?|setting|showing|singing|sleeping|smelling|squeezing|support(?:ing|s)?|swearing|switching|taking|tasting|telling|thinking|throwing|touching|turning|tying|unlock(?:ing|s)?|var(?:ies|y|ying)|waiting|waking|waving|wear(?:ing|s)?)\b(?!-)/i,lookbehind:!0,alias:"operator"},keyword:{pattern:/(^|[^-])\b(?:after|before|carry out|check|continue the action|definition(?= *:)|do nothing|else|end (?:if|the story|unless)|every turn|if|include|instead(?: of)?|let|move|no|now|otherwise|repeat|report|resume the story|rule for|running through|say(?:ing)?|stop the action|test|try(?:ing)?|understand|unless|use|when|while|yes)\b(?!-)/i,lookbehind:!0},property:{pattern:/(^|[^-])\b(?:adjacent(?! to)|carried|closed|concealed|contained|dark|described|edible|empty|enclosed|enterable|even|female|fixed in place|full|handled|held|improper-named|incorporated|inedible|invisible|lighted|lit|lock(?:able|ed)|male|marked for listing|mentioned|negative|neuter|non-(?:empty|full|recurring)|odd|opaque|open(?:able)?|plural-named|portable|positive|privately-named|proper-named|provided|publically-named|pushable between rooms|recurring|related|rubbing|scenery|seen|singular-named|supported|swinging|switch(?:able|ed(?: off| on)?)|touch(?:able|ed)|transparent|unconcealed|undescribed|unlit|unlocked|unmarked for listing|unmentioned|unopenable|untouchable|unvisited|variable|visible|visited|wearable|worn)\b(?!-)/i,lookbehind:!0,alias:"symbol"},position:{pattern:/(^|[^-])\b(?:above|adjacent to|back side of|below|between|down|east|everywhere|front side|here|in|inside(?: from)?|north(?:east|west)?|nowhere|on(?: top of)?|other side|outside(?: from)?|parts? of|regionally in|south(?:east|west)?|through|up|west|within)\b(?!-)/i,lookbehind:!0,alias:"keyword"},type:{pattern:/(^|[^-])\b(?:actions?|activit(?:ies|y)|actors?|animals?|backdrops?|containers?|devices?|directions?|doors?|holders?|kinds?|lists?|m[ae]n|nobody|nothing|nouns?|numbers?|objects?|people|persons?|player(?:'s holdall)?|regions?|relations?|rooms?|rule(?:book)?s?|scenes?|someone|something|supporters?|tables?|texts?|things?|time|vehicles?|wom[ae]n)\b(?!-)/i,lookbehind:!0,alias:"variable"},punctuation:/[.,:;(){}]/},e.languages.inform7.string.inside.substitution.inside.rest=e.languages.inform7,e.languages.inform7.string.inside.substitution.inside.rest.text={pattern:/\S(?:\s*\S)*/,alias:"comment"}}e.exports=t,t.displayName="inform7",t.aliases=[]},14970:function(e){"use strict";function t(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:/=/}}e.exports=t,t.displayName="ini",t.aliases=[]},30764:function(e){"use strict";function t(e){e.languages.io={comment:{pattern:/(^|[^\\])(?:\/\*[\s\S]*?(?:\*\/|$)|\/\/.*|#.*)/,lookbehind:!0,greedy:!0},"triple-quoted-string":{pattern:/"""(?:\\[\s\S]|(?!""")[^\\])*"""/,greedy:!0,alias:"string"},string:{pattern:/"(?:\\.|[^\\\r\n"])*"/,greedy:!0},keyword:/\b(?:activate|activeCoroCount|asString|block|break|call|catch|clone|collectGarbage|compileString|continue|do|doFile|doMessage|doString|else|elseif|exit|for|foreach|forward|getEnvironmentVariable|getSlot|hasSlot|if|ifFalse|ifNil|ifNilEval|ifTrue|isActive|isNil|isResumable|list|message|method|parent|pass|pause|perform|performWithArgList|print|println|proto|raise|raiseResumable|removeSlot|resend|resume|schedulerSleepSeconds|self|sender|setSchedulerSleepSeconds|setSlot|shallowCopy|slotNames|super|system|then|thisBlock|thisContext|try|type|uniqueId|updateSlot|wait|while|write|yield)\b/,builtin:/\b(?:Array|AudioDevice|AudioMixer|BigNum|Block|Box|Buffer|CFunction|CGI|Color|Curses|DBM|DNSResolver|DOConnection|DOProxy|DOServer|Date|Directory|Duration|DynLib|Error|Exception|FFT|File|Fnmatch|Font|Future|GL|GLE|GLScissor|GLU|GLUCylinder|GLUQuadric|GLUSphere|GLUT|Host|Image|Importer|LinkList|List|Lobby|Locals|MD5|MP3Decoder|MP3Encoder|Map|Message|Movie|Notification|Number|Object|OpenGL|Point|Protos|Random|Regex|SGML|SGMLElement|SGMLParser|SQLite|Sequence|Server|ShowMessage|SleepyCat|SleepyCatCursor|Socket|SocketManager|Sound|Soup|Store|String|Tree|UDPSender|UPDReceiver|URL|User|Warning|WeakLink)\b/,boolean:/\b(?:false|nil|true)\b/,number:/\b0x[\da-f]+\b|(?:\b\d+(?:\.\d*)?|\B\.\d+)(?:e-?\d+)?/i,operator:/[=!*/%+\-^&|]=|>>?=?|<+*\-%$|,#][.:]?|[?^]\.?|[;\[]:?|[~}"i][.:]|[ACeEIjLor]\.|(?:[_\/\\qsux]|_?\d):)/,alias:"keyword"},number:/\b_?(?:(?!\d:)\d+(?:\.\d+)?(?:(?:ad|ar|[ejpx])_?\d+(?:\.\d+)?)*(?:b_?[\da-z]+(?:\.[\da-z]+)?)?|_\b(?!\.))/,adverb:{pattern:/[~}]|[\/\\]\.?|[bfM]\.|t[.:]/,alias:"builtin"},operator:/[=a][.:]|_\./,conjunction:{pattern:/&(?:\.:?|:)?|[.:@][.:]?|[!D][.:]|[;dHT]\.|`:?|[\^LS]:|"/,alias:"variable"},punctuation:/[()]/}}e.exports=t,t.displayName="j",t.aliases=[]},15909:function(e){"use strict";function t(e){var t,n,r;t=/\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|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={pattern:RegExp((n=/(^|[^\w.])(?:[a-z]\w*\s*\.\s*)*(?:[A-Z]\w*\s*\.\s*)*/.source)+/[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:/\./}},e.languages.java=e.languages.extend("clike",{string:{pattern:/(^|[^\\])"(?:\\.|[^"\\\r\n])*"/,lookbehind:!0,greedy:!0},"class-name":[r,{pattern:RegExp(n+/[A-Z]\w*(?=\s+\w+\s*[;,=()])/.source),lookbehind:!0,inside:r.inside}],keyword:t,function:[e.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}}),e.languages.insertBefore("java","string",{"triple-quoted-string":{pattern:/"""[ \t]*[\r\n](?:(?:"|"")?(?:\\.|[^"\\]))*"""/,greedy:!0,alias:"string"},char:{pattern:/'(?:\\.|[^'\\\r\n]){1,6}'/,greedy:!0}}),e.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":r,keyword:t,punctuation:/[<>(),.:]/,operator:/[?&|]/}},namespace:{pattern:RegExp(/(\b(?:exports|import(?:\s+static)?|module|open|opens|package|provides|requires|to|transitive|uses|with)\s+)(?!)[a-z]\w*(?:\.[a-z]\w*)*\.?/.source.replace(//g,function(){return t.source})),lookbehind:!0,inside:{punctuation:/\./}}})}e.exports=t,t.displayName="java",t.aliases=[]},36553:function(e,t,n){"use strict";var r=n(15909),a=n(9858);function i(e){var t,n,i;e.register(r),e.register(a),t=/(^(?:[\t ]*(?:\*\s*)*))[^*\s].*$/m,n=/#\s*\w+(?:\s*\([^()]*\))?/.source,i=/(?:\b[a-zA-Z]\w+\s*\.\s*)*\b[A-Z]\w*(?:\s*)?|/.source.replace(//g,function(){return n}),e.languages.javadoc=e.languages.extend("javadoclike",{}),e.languages.insertBefore("javadoc","keyword",{reference:{pattern:RegExp(/(@(?:exception|link|linkplain|see|throws|value)\s+(?:\*\s*)?)/.source+"(?:"+i+")"),lookbehind:!0,inside:{function:{pattern:/(#\s*)\w+(?=\s*\()/,lookbehind:!0},field:{pattern:/(#\s*)\w+/,lookbehind:!0},namespace:{pattern:/\b(?:[a-z]\w*\s*\.\s*)+/,inside:{punctuation:/\./}},"class-name":/\b[A-Z]\w*/,keyword:e.languages.java.keyword,punctuation:/[#()[\],.]/}},"class-name":{pattern:/(@param\s+)<[A-Z]\w*>/,lookbehind:!0,inside:{punctuation:/[.<>]/}},"code-section":[{pattern:/(\{@code\s+(?!\s))(?:[^\s{}]|\s+(?![\s}])|\{(?:[^{}]|\{(?:[^{}]|\{(?:[^{}]|\{[^{}]*\})*\})*\})*\})+(?=\s*\})/,lookbehind:!0,inside:{code:{pattern:t,lookbehind:!0,inside:e.languages.java,alias:"language-java"}}},{pattern:/(<(code|pre|tt)>(?!)\s*)\S(?:\S|\s+\S)*?(?=\s*<\/\2>)/,lookbehind:!0,inside:{line:{pattern:t,lookbehind:!0,inside:{tag:e.languages.markup.tag,entity:e.languages.markup.entity,code:{pattern:/.+/,inside:e.languages.java,alias:"language-java"}}}}}],tag:e.languages.markup.tag,entity:e.languages.markup.entity}),e.languages.javadoclike.addSupport("java",e.languages.javadoc)}e.exports=i,i.displayName="javadoc",i.aliases=[]},9858:function(e){"use strict";function t(e){var t;Object.defineProperty(t=e.languages.javadoclike={parameter:{pattern:/(^[\t ]*(?:\/{3}|\*|\/\*\*)\s*@(?:arg|arguments|param)\s+)\w+/m,lookbehind:!0},keyword:{pattern:/(^[\t ]*(?:\/{3}|\*|\/\*\*)\s*|\{)@[a-z][a-zA-Z-]+\b/m,lookbehind:!0},punctuation:/[{}]/},"addSupport",{value:function(t,n){"string"==typeof t&&(t=[t]),t.forEach(function(t){!function(t,n){var r="doc-comment",a=e.languages[t];if(a){var i=a[r];if(!i){var o={};o[r]={pattern:/(^|[^\\])\/\*\*[^/][\s\S]*?(?:\*\/|$)/,lookbehind:!0,alias:"comment"},i=(a=e.languages.insertBefore(t,"comment",o))[r]}if(i instanceof RegExp&&(i=a[r]={pattern:i}),Array.isArray(i))for(var s=0,l=i.length;s|&&=?|\|\|=?|[!=]==|<<=?|>>>?=?|[-+*/%&|^!=<>]=?|\.{3}|\?\?=?|\?\.?|[~:]/}),e.languages.javascript["class-name"][0].pattern=/(\b(?:class|extends|implements|instanceof|interface|new)\s+)[\w.\\]+/,e.languages.insertBefore("javascript","keyword",{regex:{pattern:/((?:^|[^$\w\xA0-\uFFFF."'\])\s]|\b(?:return|yield))\s*)\/(?:\[(?:[^\]\\\r\n]|\\.)*\]|\\.|[^/\\\[\r\n])+\/[dgimyus]{0,7}(?=(?:\s|\/\*(?:[^*]|\*(?!\/))*\*\/)*(?:$|[\r\n,.;:})\]]|\/\/))/,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}e.exports=t,t.displayName="javascript",t.aliases=["js"]},11223:function(e){"use strict";function t(e){e.languages.javastacktrace={summary:{pattern:/^([\t ]*)(?:(?:Caused by:|Suppressed:|Exception in thread "[^"]*")[\t ]+)?[\w$.]+(?::.*)?$/m,lookbehind:!0,inside:{keyword:{pattern:/^([\t ]*)(?:(?:Caused by|Suppressed)(?=:)|Exception in thread)/m,lookbehind:!0},string:{pattern:/^(\s*)"[^"]*"/,lookbehind:!0},exceptions:{pattern:/^(:?\s*)[\w$.]+(?=:|$)/,lookbehind:!0,inside:{"class-name":/[\w$]+$/,namespace:/\b[a-z]\w*\b/,punctuation:/\./}},message:{pattern:/(:\s*)\S.*/,lookbehind:!0,alias:"string"},punctuation:/:/}},"stack-frame":{pattern:/^([\t ]*)at (?:[\w$./]|@[\w$.+-]*\/)+(?:)?\([^()]*\)/m,lookbehind:!0,inside:{keyword:{pattern:/^(\s*)at(?= )/,lookbehind:!0},source:[{pattern:/(\()\w+\.\w+:\d+(?=\))/,lookbehind:!0,inside:{file:/^\w+\.\w+/,punctuation:/:/,"line-number":{pattern:/\b\d+\b/,alias:"number"}}},{pattern:/(\()[^()]*(?=\))/,lookbehind:!0,inside:{keyword:/^(?:Native Method|Unknown Source)$/}}],"class-name":/[\w$]+(?=\.(?:|[\w$]+)\()/,function:/(?:|[\w$]+)(?=\()/,"class-loader":{pattern:/(\s)[a-z]\w*(?:\.[a-z]\w*)*(?=\/[\w@$.]*\/)/,lookbehind:!0,alias:"namespace",inside:{punctuation:/\./}},module:{pattern:/([\s/])[a-z]\w*(?:\.[a-z]\w*)*(?:@[\w$.+-]*)?(?=\/)/,lookbehind:!0,inside:{version:{pattern:/(@)[\s\S]+/,lookbehind:!0,alias:"number"},punctuation:/[@.]/}},namespace:{pattern:/(?:\b[a-z]\w*\.)+/,inside:{punctuation:/\./}},punctuation:/[()/.]/}},more:{pattern:/^([\t ]*)\.{3} \d+ [a-z]+(?: [a-z]+)*/m,lookbehind:!0,inside:{punctuation:/\.{3}/,number:/\d+/,keyword:/\b[a-z]+(?: [a-z]+)*\b/}}}}e.exports=t,t.displayName="javastacktrace",t.aliases=[]},57957:function(e){"use strict";function t(e){e.languages.jexl={string:/(["'])(?:\\[\s\S]|(?!\1)[^\\])*\1/,transform:{pattern:/(\|\s*)[a-zA-Zа-яА-Я_\u00C0-\u00D6\u00D8-\u00F6\u00F8-\u00FF$][\wа-яА-Я\u00C0-\u00D6\u00D8-\u00F6\u00F8-\u00FF$]*/,alias:"function",lookbehind:!0},function:/[a-zA-Zа-яА-Я_\u00C0-\u00D6\u00D8-\u00F6\u00F8-\u00FF$][\wа-яА-Я\u00C0-\u00D6\u00D8-\u00F6\u00F8-\u00FF$]*\s*(?=\()/,number:/\b\d+(?:\.\d+)?\b|\B\.\d+\b/,operator:/[<>!]=?|-|\+|&&|==|\|\|?|\/\/?|[?:*^%]/,boolean:/\b(?:false|true)\b/,keyword:/\bin\b/,punctuation:/[{}[\](),.]/}}e.exports=t,t.displayName="jexl",t.aliases=[]},66604:function(e){"use strict";function t(e){e.languages.jolie=e.languages.extend("clike",{string:{pattern:/(^|[^\\])"(?:\\[\s\S]|[^"\\])*"/,lookbehind:!0,greedy:!0},"class-name":{pattern:/((?:\b(?:as|courier|embed|in|inputPort|outputPort|service)\b|@)[ \t]*)\w+/,lookbehind:!0},keyword:/\b(?:as|cH|comp|concurrent|constants|courier|cset|csets|default|define|else|embed|embedded|execution|exit|extender|for|foreach|forward|from|global|if|import|in|include|init|inputPort|install|instanceof|interface|is_defined|linkIn|linkOut|main|new|nullProcess|outputPort|over|private|provide|public|scope|sequential|service|single|spawn|synchronized|this|throw|throws|type|undef|until|while|with)\b/,function:/\b[a-z_]\w*(?=[ \t]*[@(])/i,number:/(?:\b\d+(?:\.\d*)?|\B\.\d+)(?:e[+-]?\d+)?l?/i,operator:/-[-=>]?|\+[+=]?|<[<=]?|[>=*!]=?|&&|\|\||[?\/%^@|]/,punctuation:/[()[\]{},;.:]/,builtin:/\b(?:Byte|any|bool|char|double|enum|float|int|length|long|ranges|regex|string|undefined|void)\b/}),e.languages.insertBefore("jolie","keyword",{aggregates:{pattern:/(\bAggregates\s*:\s*)(?:\w+(?:\s+with\s+\w+)?\s*,\s*)*\w+(?:\s+with\s+\w+)?/,lookbehind:!0,inside:{keyword:/\bwith\b/,"class-name":/\w+/,punctuation:/,/}},redirects:{pattern:/(\bRedirects\s*:\s*)(?:\w+\s*=>\s*\w+\s*,\s*)*(?:\w+\s*=>\s*\w+)/,lookbehind:!0,inside:{punctuation:/,/,"class-name":/\w+/,operator:/=>/}},property:{pattern:/\b(?:Aggregates|[Ii]nterfaces|Java|Javascript|Jolie|[Ll]ocation|OneWay|[Pp]rotocol|Redirects|RequestResponse)\b(?=[ \t]*:)/}})}e.exports=t,t.displayName="jolie",t.aliases=[]},77935:function(e){"use strict";function t(e){var t,n,r,a;t=/\\\((?:[^()]|\([^()]*\))*\)/.source,n=RegExp(/(^|[^\\])"(?:[^"\r\n\\]|\\[^\r\n(]|__)*"/.source.replace(/__/g,function(){return t})),r={interpolation:{pattern:RegExp(/((?:^|[^\\])(?:\\{2})*)/.source+t),lookbehind:!0,inside:{content:{pattern:/^(\\\()[\s\S]+(?=\)$)/,lookbehind:!0,inside:null},punctuation:/^\\\(|\)$/}}},a=e.languages.jq={comment:/#.*/,property:{pattern:RegExp(n.source+/(?=\s*:(?!:))/.source),lookbehind:!0,greedy:!0,inside:r},string:{pattern:n,lookbehind:!0,greedy:!0,inside:r},function:{pattern:/(\bdef\s+)[a-z_]\w+/i,lookbehind:!0},variable:/\B\$\w+/,"property-literal":{pattern:/\b[a-z_]\w*(?=\s*:(?!:))/i,alias:"property"},keyword:/\b(?:as|break|catch|def|elif|else|end|foreach|if|import|include|label|module|modulemeta|null|reduce|then|try|while)\b/,boolean:/\b(?:false|true)\b/,number:/(?:\b\d+\.|\B\.)?\b\d+(?:[eE][+-]?\d+)?\b/,operator:[{pattern:/\|=?/,alias:"pipe"},/\.\.|[!=<>]?=|\?\/\/|\/\/=?|[-+*/%]=?|[<>?]|\b(?:and|not|or)\b/],"c-style-function":{pattern:/\b[a-z_]\w*(?=\s*\()/i,alias:"function"},punctuation:/::|[()\[\]{},:;]|\.(?=\s*[\[\w$])/,dot:{pattern:/\./,alias:"important"}},r.interpolation.inside.content.inside=a}e.exports=t,t.displayName="jq",t.aliases=[]},46155:function(e){"use strict";function t(e){!function(e){function t(e,t){return RegExp(e.replace(//g,function(){return/(?!\s)[_$a-zA-Z\xA0-\uFFFF](?:(?!\s)[$\w\xA0-\uFFFF])*/.source}),t)}e.languages.insertBefore("javascript","function-variable",{"method-variable":{pattern:RegExp("(\\.\\s*)"+e.languages.javascript["function-variable"].pattern.source),lookbehind:!0,alias:["function-variable","method","function","property-access"]}}),e.languages.insertBefore("javascript","function",{method:{pattern:RegExp("(\\.\\s*)"+e.languages.javascript.function.source),lookbehind:!0,alias:["function","property-access"]}}),e.languages.insertBefore("javascript","constant",{"known-class-name":[{pattern:/\b(?:(?:Float(?:32|64)|(?:Int|Uint)(?:8|16|32)|Uint8Clamped)?Array|ArrayBuffer|BigInt|Boolean|DataView|Date|Error|Function|Intl|JSON|(?:Weak)?(?:Map|Set)|Math|Number|Object|Promise|Proxy|Reflect|RegExp|String|Symbol|WebAssembly)\b/,alias:"class-name"},{pattern:/\b(?:[A-Z]\w*)Error\b/,alias:"class-name"}]}),e.languages.insertBefore("javascript","keyword",{imports:{pattern:t(/(\bimport\b\s*)(?:(?:\s*,\s*(?:\*\s*as\s+|\{[^{}]*\}))?|\*\s*as\s+|\{[^{}]*\})(?=\s*\bfrom\b)/.source),lookbehind:!0,inside:e.languages.javascript},exports:{pattern:t(/(\bexport\b\s*)(?:\*(?:\s*as\s+)?(?=\s*\bfrom\b)|\{[^{}]*\})/.source),lookbehind:!0,inside:e.languages.javascript}}),e.languages.javascript.keyword.unshift({pattern:/\b(?:as|default|export|from|import)\b/,alias:"module"},{pattern:/\b(?:await|break|catch|continue|do|else|finally|for|if|return|switch|throw|try|while|yield)\b/,alias:"control-flow"},{pattern:/\bnull\b/,alias:["null","nil"]},{pattern:/\bundefined\b/,alias:"nil"}),e.languages.insertBefore("javascript","operator",{spread:{pattern:/\.{3}/,alias:"operator"},arrow:{pattern:/=>/,alias:"operator"}}),e.languages.insertBefore("javascript","punctuation",{"property-access":{pattern:t(/(\.\s*)#?/.source),lookbehind:!0},"maybe-class-name":{pattern:/(^|[^$\w\xA0-\uFFFF])[A-Z][$\w\xA0-\uFFFF]+/,lookbehind:!0},dom:{pattern:/\b(?:document|(?:local|session)Storage|location|navigator|performance|window)\b/,alias:"variable"},console:{pattern:/\bconsole(?=\s*\.)/,alias:"class-name"}});for(var n=["function","function-variable","method","method-variable","property-access"],r=0;r=p.length)return;var o=n[i];if("string"==typeof o||"string"==typeof o.content){var l=p[c],d="string"==typeof o?o:o.content,m=d.indexOf(l);if(-1!==m){++c;var g=d.substring(0,m),f=function(t){var n={};n["interpolation-punctuation"]=a;var i=e.tokenize(t,n);if(3===i.length){var o=[1,1];o.push.apply(o,s(i[1],e.languages.javascript,"javascript")),i.splice.apply(i,o)}return new e.Token("interpolation",i,r.alias,t)}(u[l]),h=d.substring(m+l.length),b=[];if(g&&b.push(g),b.push(f),h){var E=[h];t(E),b.push.apply(b,E)}"string"==typeof o?(n.splice.apply(n,[i,1].concat(b)),i+=b.length-1):o.content=b}}else{var T=o.content;Array.isArray(T)?t(T):t([T])}}}(d),new e.Token(o,d,"language-"+o,t)}(p,f,g)}}else t(u)}}}(t.tokens)})}(e)}e.exports=t,t.displayName="jsTemplates",t.aliases=[]},25319:function(e,t,n){"use strict";var r=n(9858),a=n(4979);function i(e){var t,n,i;e.register(r),e.register(a),t=e.languages.javascript,i="(@(?:arg|argument|param|property)\\s+(?:"+(n=/\{(?:[^{}]|\{(?:[^{}]|\{[^{}]*\})*\})+\}/.source)+"\\s+)?)",e.languages.jsdoc=e.languages.extend("javadoclike",{parameter:{pattern:RegExp(i+/(?:(?!\s)[$\w\xA0-\uFFFF.])+(?=\s|$)/.source),lookbehind:!0,inside:{punctuation:/\./}}}),e.languages.insertBefore("jsdoc","keyword",{"optional-parameter":{pattern:RegExp(i+/\[(?:(?!\s)[$\w\xA0-\uFFFF.])+(?:=[^[\]]+)?\](?=\s|$)/.source),lookbehind:!0,inside:{parameter:{pattern:/(^\[)[$\w\xA0-\uFFFF\.]+/,lookbehind:!0,inside:{punctuation:/\./}},code:{pattern:/(=)[\s\S]*(?=\]$)/,lookbehind:!0,inside:t,alias:"language-javascript"},punctuation:/[=[\]]/}},"class-name":[{pattern:RegExp(/(@(?:augments|class|extends|interface|memberof!?|template|this|typedef)\s+(?:\s+)?)[A-Z]\w*(?:\.[A-Z]\w*)*/.source.replace(//g,function(){return n})),lookbehind:!0,inside:{punctuation:/\./}},{pattern:RegExp("(@[a-z]+\\s+)"+n),lookbehind:!0,inside:{string:t.string,number:t.number,boolean:t.boolean,keyword:e.languages.typescript.keyword,operator:/=>|\.\.\.|[&|?:*]/,punctuation:/[.,;=<>{}()[\]]/}}],example:{pattern:/(@example\s+(?!\s))(?:[^@\s]|\s+(?!\s))+?(?=\s*(?:\*\s*)?(?:@\w|\*\/))/,lookbehind:!0,inside:{code:{pattern:/^([\t ]*(?:\*\s*)?)\S.*$/m,lookbehind:!0,inside:t,alias:"language-javascript"}}}}),e.languages.javadoclike.addSupport("javascript",e.languages.jsdoc)}e.exports=i,i.displayName="jsdoc",i.aliases=[]},45950:function(e){"use strict";function t(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}e.exports=t,t.displayName="json",t.aliases=["webmanifest"]},50235:function(e,t,n){"use strict";var r=n(45950);function a(e){var t;e.register(r),t=/("|')(?:\\(?:\r\n?|\n|.)|(?!\1)[^\\\r\n])*\1/,e.languages.json5=e.languages.extend("json",{property:[{pattern:RegExp(t.source+"(?=\\s*:)"),greedy:!0},{pattern:/(?!\s)[_$a-zA-Z\xA0-\uFFFF](?:(?!\s)[$\w\xA0-\uFFFF])*(?=\s*:)/,alias:"unquoted"}],string:{pattern:t,greedy:!0},number:/[+-]?\b(?:NaN|Infinity|0x[a-fA-F\d]+)\b|[+-]?(?:\b\d+(?:\.\d*)?|\B\.\d+)(?:[eE][+-]?\d+\b)?/})}e.exports=a,a.displayName="json5",a.aliases=[]},80963:function(e,t,n){"use strict";var r=n(45950);function a(e){e.register(r),e.languages.jsonp=e.languages.extend("json",{punctuation:/[{}[\]();,.]/}),e.languages.insertBefore("jsonp","punctuation",{function:/(?!\s)[_$a-zA-Z\xA0-\uFFFF](?:(?!\s)[$\w\xA0-\uFFFF])*(?=\s*\()/})}e.exports=a,a.displayName="jsonp",a.aliases=[]},79358:function(e){"use strict";function t(e){e.languages.jsstacktrace={"error-message":{pattern:/^\S.*/m,alias:"string"},"stack-frame":{pattern:/(^[ \t]+)at[ \t].*/m,lookbehind:!0,inside:{"not-my-code":{pattern:/^at[ \t]+(?!\s)(?:node\.js||.*(?:node_modules|\(\)|\(|$|\(internal\/|\(node\.js)).*/m,alias:"comment"},filename:{pattern:/(\bat\s+(?!\s)|\()(?:[a-zA-Z]:)?[^():]+(?=:)/,lookbehind:!0,alias:"url"},function:{pattern:/(\bat\s+(?:new\s+)?)(?!\s)[_$a-zA-Z\xA0-\uFFFF<][.$\w\xA0-\uFFFF<>]*/,lookbehind:!0,inside:{punctuation:/\./}},punctuation:/[()]/,keyword:/\b(?:at|new)\b/,alias:{pattern:/\[(?:as\s+)?(?!\s)[_$a-zA-Z\xA0-\uFFFF][$\w\xA0-\uFFFF]*\]/,alias:"variable"},"line-number":{pattern:/:\d+(?::\d+)?\b/,alias:"number",inside:{punctuation:/:/}}}}}}e.exports=t,t.displayName="jsstacktrace",t.aliases=[]},96412:function(e){"use strict";function t(e){!function(e){var t=e.util.clone(e.languages.javascript),n=/(?:\s|\/\/.*(?!.)|\/\*(?:[^*]|\*(?!\/))\*\/)/.source,r=/(?:\{(?:\{(?:\{[^{}]*\}|[^{}])*\}|[^{}])*\})/.source,a=/(?:\{*\.{3}(?:[^{}]|)*\})/.source;function i(e,t){return RegExp(e=e.replace(//g,function(){return n}).replace(//g,function(){return r}).replace(//g,function(){return a}),t)}a=i(a).source,e.languages.jsx=e.languages.extend("markup",t),e.languages.jsx.tag.pattern=i(/<\/?(?:[\w.:-]+(?:+(?:[\w.:$-]+(?:=(?:"(?:\\[\s\S]|[^\\"])*"|'(?:\\[\s\S]|[^\\'])*'|[^\s{'"/>=]+|))?|))**\/?)?>/.source),e.languages.jsx.tag.inside.tag.pattern=/^<\/?[^\s>\/]*/,e.languages.jsx.tag.inside["attr-value"].pattern=/=(?!\{)(?:"(?:\\[\s\S]|[^\\"])*"|'(?:\\[\s\S]|[^\\'])*'|[^\s'">]+)/,e.languages.jsx.tag.inside.tag.inside["class-name"]=/^[A-Z]\w*(?:\.[A-Z]\w*)*$/,e.languages.jsx.tag.inside.comment=t.comment,e.languages.insertBefore("inside","attr-name",{spread:{pattern:i(//.source),inside:e.languages.jsx}},e.languages.jsx.tag),e.languages.insertBefore("inside","special-attr",{script:{pattern:i(/=/.source),alias:"language-javascript",inside:{"script-punctuation":{pattern:/^=(?=\{)/,alias:"punctuation"},rest:e.languages.jsx}}},e.languages.jsx.tag);var o=function(e){return e?"string"==typeof e?e:"string"==typeof e.content?e.content:e.content.map(o).join(""):""},s=function(t){for(var n=[],r=0;r0&&n[n.length-1].tagName===o(a.content[0].content[1])&&n.pop():"/>"===a.content[a.content.length-1].content||n.push({tagName:o(a.content[0].content[1]),openedBraces:0}):n.length>0&&"punctuation"===a.type&&"{"===a.content?n[n.length-1].openedBraces++:n.length>0&&n[n.length-1].openedBraces>0&&"punctuation"===a.type&&"}"===a.content?n[n.length-1].openedBraces--:i=!0),(i||"string"==typeof a)&&n.length>0&&0===n[n.length-1].openedBraces){var l=o(a);r0&&("string"==typeof t[r-1]||"plain-text"===t[r-1].type)&&(l=o(t[r-1])+l,t.splice(r-1,1),r--),t[r]=new e.Token("plain-text",l,null,l)}a.content&&"string"!=typeof a.content&&s(a.content)}};e.hooks.add("after-tokenize",function(e){("jsx"===e.language||"tsx"===e.language)&&s(e.tokens)})}(e)}e.exports=t,t.displayName="jsx",t.aliases=[]},39259:function(e){"use strict";function t(e){e.languages.julia={comment:{pattern:/(^|[^\\])(?:#=(?:[^#=]|=(?!#)|#(?!=)|#=(?:[^#=]|=(?!#)|#(?!=))*=#)*=#|#.*)/,lookbehind:!0},regex:{pattern:/r"(?:\\.|[^"\\\r\n])*"[imsx]{0,4}/,greedy:!0},string:{pattern:/"""[\s\S]+?"""|(?:\b\w+)?"(?:\\.|[^"\\\r\n])*"|`(?:[^\\`\r\n]|\\.)*`/,greedy:!0},char:{pattern:/(^|[^\w'])'(?:\\[^\r\n][^'\r\n]*|[^\\\r\n])'/,lookbehind:!0,greedy:!0},keyword:/\b(?:abstract|baremodule|begin|bitstype|break|catch|ccall|const|continue|do|else|elseif|end|export|finally|for|function|global|if|immutable|import|importall|in|let|local|macro|module|print|println|quote|return|struct|try|type|typealias|using|while)\b/,boolean:/\b(?:false|true)\b/,number:/(?:\b(?=\d)|\B(?=\.))(?:0[box])?(?:[\da-f]+(?:_[\da-f]+)*(?:\.(?:\d+(?:_\d+)*)?)?|\.\d+(?:_\d+)*)(?:[efp][+-]?\d+(?:_\d+)*)?j?/i,operator:/&&|\|\||[-+*^%÷⊻&$\\]=?|\/[\/=]?|!=?=?|\|[=>]?|<(?:<=?|[=:|])?|>(?:=|>>?=?)?|==?=?|[~≠≤≥'√∛]/,punctuation:/::?|[{}[\]();,.?]/,constant:/\b(?:(?:Inf|NaN)(?:16|32|64)?|im|pi)\b|[πℯ]/}}e.exports=t,t.displayName="julia",t.aliases=[]},32409:function(e){"use strict";function t(e){e.languages.keepalived={comment:{pattern:/[#!].*/,greedy:!0},string:{pattern:/(^|[^\\])(?:"(?:\\(?:\r\n|[\s\S])|[^"\\\r\n])*"|'(?:\\(?:\r\n|[\s\S])|[^'\\\r\n])*')/,lookbehind:!0,greedy:!0},ip:{pattern:RegExp(/\b(?:(?:(?:[\da-f]{1,4}:){7}[\da-f]{1,4}|(?:[\da-f]{1,4}:){6}:[\da-f]{1,4}|(?:[\da-f]{1,4}:){5}:(?:[\da-f]{1,4}:)?[\da-f]{1,4}|(?:[\da-f]{1,4}:){4}:(?:[\da-f]{1,4}:){0,2}[\da-f]{1,4}|(?:[\da-f]{1,4}:){3}:(?:[\da-f]{1,4}:){0,3}[\da-f]{1,4}|(?:[\da-f]{1,4}:){2}:(?:[\da-f]{1,4}:){0,4}[\da-f]{1,4}|(?:[\da-f]{1,4}:){6}|(?:[\da-f]{1,4}:){0,5}:|::(?:[\da-f]{1,4}:){0,5}|[\da-f]{1,4}::(?:[\da-f]{1,4}:){0,5}[\da-f]{1,4}|::(?:[\da-f]{1,4}:){0,6}[\da-f]{1,4}|(?:[\da-f]{1,4}:){1,7}:)(?:\/\d{1,3})?|(?:\/\d{1,2})?)\b/.source.replace(//g,function(){return/(?:(?:(?:25[0-5]|2[0-4]\d|1\d\d|[1-9]\d|\d)\.){3}(?:25[0-5]|2[0-4]\d|1\d\d|[1-9]\d|\d))/.source}),"i"),alias:"number"},path:{pattern:/(\s)\/(?:[^\/\s]+\/)*[^\/\s]*|\b[a-zA-Z]:\\(?:[^\\\s]+\\)*[^\\\s]*/,lookbehind:!0,alias:"string"},variable:/\$\{?\w+\}?/,email:{pattern:/[\w-]+@[\w-]+(?:\.[\w-]{2,3}){1,2}/,alias:"string"},"conditional-configuration":{pattern:/@\^?[\w-]+/,alias:"variable"},operator:/=/,property:/\b(?:BFD_CHECK|DNS_CHECK|FILE_CHECK|HTTP_GET|MISC_CHECK|NAME|PING_CHECK|SCRIPTS|SMTP_CHECK|SSL|SSL_GET|TCP_CHECK|UDP_CHECK|accept|advert_int|alpha|auth_pass|auth_type|authentication|bfd_cpu_affinity|bfd_instance|bfd_no_swap|bfd_priority|bfd_process_name|bfd_rlimit_rttime|bfd_rt_priority|bind_if|bind_port|bindto|ca|certificate|check_unicast_src|checker|checker_cpu_affinity|checker_log_all_failures|checker_no_swap|checker_priority|checker_rlimit_rttime|checker_rt_priority|child_wait_time|connect_ip|connect_port|connect_timeout|dbus_service_name|debug|default_interface|delay|delay_before_retry|delay_loop|digest|dont_track_primary|dynamic|dynamic_interfaces|enable_(?:dbus|script_security|sni|snmp_checker|snmp_rfc|snmp_rfcv2|snmp_rfcv3|snmp_vrrp|traps)|end|fall|fast_recovery|file|flag-[123]|fork_delay|full_command|fwmark|garp_group|garp_interval|garp_lower_prio_delay|garp_lower_prio_repeat|garp_master_delay|garp_master_refresh|garp_master_refresh_repeat|garp_master_repeat|global_defs|global_tracking|gna_interval|group|ha_suspend|hashed|helo_name|higher_prio_send_advert|hoplimit|http_protocol|hysteresis|idle_tx|include|inhibit_on_failure|init_fail|init_file|instance|interface|interfaces|interval|ip_family|ipvs_process_name|keepalived.conf|kernel_rx_buf_size|key|linkbeat_interfaces|linkbeat_use_polling|log_all_failures|log_unknown_vrids|lower_prio_no_advert|lthreshold|lvs_flush|lvs_flush_onstop|lvs_method|lvs_netlink_cmd_rcv_bufs|lvs_netlink_cmd_rcv_bufs_force|lvs_netlink_monitor_rcv_bufs|lvs_netlink_monitor_rcv_bufs_force|lvs_notify_fifo|lvs_notify_fifo_script|lvs_sched|lvs_sync_daemon|max_auto_priority|max_hops|mcast_src_ip|mh-fallback|mh-port|min_auto_priority_delay|min_rx|min_tx|misc_dynamic|misc_path|misc_timeout|multiplier|name|namespace_with_ipsets|native_ipv6|neighbor_ip|net_namespace|net_namespace_ipvs|nftables|nftables_counters|nftables_ifindex|nftables_priority|no_accept|no_checker_emails|no_email_faults|nopreempt|notification_email|notification_email_from|notify|notify_backup|notify_deleted|notify_down|notify_fault|notify_fifo|notify_fifo_script|notify_master|notify_master_rx_lower_pri|notify_priority_changes|notify_stop|notify_up|old_unicast_checksum|omega|ops|param_match|passive|password|path|persistence_engine|persistence_granularity|persistence_timeout|preempt|preempt_delay|priority|process|process_monitor_rcv_bufs|process_monitor_rcv_bufs_force|process_name|process_names|promote_secondaries|protocol|proxy_arp|proxy_arp_pvlan|quorum|quorum_down|quorum_max|quorum_up|random_seed|real_server|regex|regex_max_offset|regex_min_offset|regex_no_match|regex_options|regex_stack|reload_repeat|reload_time_file|require_reply|retry|rise|router_id|rs_init_notifies|script|script_user|sh-fallback|sh-port|shutdown_script|shutdown_script_timeout|skip_check_adv_addr|smtp_alert|smtp_alert_checker|smtp_alert_vrrp|smtp_connect_timeout|smtp_helo_name|smtp_server|snmp_socket|sorry_server|sorry_server_inhibit|sorry_server_lvs_method|source_ip|start|startup_script|startup_script_timeout|state|static_ipaddress|static_routes|static_rules|status_code|step|strict_mode|sync_group_tracking_weight|terminate_delay|timeout|track_bfd|track_file|track_group|track_interface|track_process|track_script|track_src_ip|ttl|type|umask|unicast_peer|unicast_src_ip|unicast_ttl|url|use_ipvlan|use_pid_dir|use_vmac|user|uthreshold|val[123]|version|virtual_ipaddress|virtual_ipaddress_excluded|virtual_router_id|virtual_routes|virtual_rules|virtual_server|virtual_server_group|virtualhost|vmac_xmit_base|vrrp|vrrp_(?:check_unicast_src|cpu_affinity|garp_interval|garp_lower_prio_delay|garp_lower_prio_repeat|garp_master_delay|garp_master_refresh|garp_master_refresh_repeat|garp_master_repeat|gna_interval|higher_prio_send_advert|instance|ipsets|iptables|lower_prio_no_advert|mcast_group4|mcast_group6|min_garp|netlink_cmd_rcv_bufs|netlink_cmd_rcv_bufs_force|netlink_monitor_rcv_bufs|netlink_monitor_rcv_bufs_force|no_swap|notify_fifo|notify_fifo_script|notify_priority_changes|priority|process_name|rlimit_rttime|rt_priority|rx_bufs_multiplier|rx_bufs_policy|script|skip_check_adv_addr|startup_delay|strict|sync_group|track_process|version)|warmup|weight)\b/,constant:/\b(?:A|AAAA|AH|BACKUP|CNAME|DR|MASTER|MX|NAT|NS|PASS|SCTP|SOA|TCP|TUN|TXT|UDP|dh|fo|lblc|lblcr|lc|mh|nq|ovf|rr|sed|sh|wlc|wrr)\b/,number:{pattern:/(^|[^\w.-])-?\d+(?:\.\d+)?/,lookbehind:!0},boolean:/\b(?:false|no|off|on|true|yes)\b/,punctuation:/[\{\}]/}}e.exports=t,t.displayName="keepalived",t.aliases=[]},35760:function(e){"use strict";function t(e){e.languages.keyman={comment:{pattern:/\bc .*/i,greedy:!0},string:{pattern:/"[^"\r\n]*"|'[^'\r\n]*'/,greedy:!0},"virtual-key":{pattern:/\[\s*(?:(?:ALT|CAPS|CTRL|LALT|LCTRL|NCAPS|RALT|RCTRL|SHIFT)\s+)*(?:[TKU]_[\w?]+|[A-E]\d\d?|"[^"\r\n]*"|'[^'\r\n]*')\s*\]/i,greedy:!0,alias:"function"},"header-keyword":{pattern:/&\w+/,alias:"bold"},"header-statement":{pattern:/\b(?:bitmap|bitmaps|caps always off|caps on only|copyright|hotkey|language|layout|message|name|shift frees caps|version)\b/i,alias:"bold"},"rule-keyword":{pattern:/\b(?:any|baselayout|beep|call|context|deadkey|dk|if|index|layer|notany|nul|outs|platform|reset|return|save|set|store|use)\b/i,alias:"keyword"},"structural-keyword":{pattern:/\b(?:ansi|begin|group|match|nomatch|unicode|using keys)\b/i,alias:"keyword"},"compile-target":{pattern:/\$(?:keyman|keymanonly|keymanweb|kmfl|weaver):/i,alias:"property"},number:/\b(?:U\+[\dA-F]+|d\d+|x[\da-f]+|\d+)\b/i,operator:/[+>\\$]|\.\./,punctuation:/[()=,]/}}e.exports=t,t.displayName="keyman",t.aliases=[]},19715:function(e){"use strict";function t(e){var t;e.languages.kotlin=e.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 e.languages.kotlin["class-name"],t={"interpolation-punctuation":{pattern:/^\$\{?|\}$/,alias:"punctuation"},expression:{pattern:/[\s\S]+/,inside:e.languages.kotlin}},e.languages.insertBefore("kotlin","string",{"string-literal":[{pattern:/"""(?:[^$]|\$(?:(?!\{)|\{[^{}]*\}))*?"""/,alias:"multiline",inside:{interpolation:{pattern:/\$(?:[a-z_]\w*|\{[^{}]*\})/i,inside:t},string:/[\s\S]+/}},{pattern:/"(?:[^"\\\r\n$]|\\.|\$(?:(?!\{)|\{[^{}]*\}))*"/,alias:"singleline",inside:{interpolation:{pattern:/((?:^|[^\\])(?:\\{2})*)\$(?:[a-z_]\w*|\{[^{}]*\})/i,lookbehind:!0,inside:t},string:/[\s\S]+/}}],char:{pattern:/'(?:[^'\\\r\n]|\\(?:.|u[a-fA-F0-9]{0,4}))'/,greedy:!0}}),delete e.languages.kotlin.string,e.languages.insertBefore("kotlin","keyword",{annotation:{pattern:/\B@(?:\w+:)?(?:[A-Z]\w*|\[[^\]]+\])/,alias:"builtin"}}),e.languages.insertBefore("kotlin","function",{label:{pattern:/\b\w+@|@\w+\b/,alias:"symbol"}}),e.languages.kt=e.languages.kotlin,e.languages.kts=e.languages.kotlin}e.exports=t,t.displayName="kotlin",t.aliases=["kt","kts"]},27614:function(e){"use strict";function t(e){!function(e){var t=/\s\x00-\x1f\x22-\x2f\x3a-\x3f\x5b-\x5e\x60\x7b-\x7e/.source;function n(e,n){return RegExp(e.replace(//g,t),n)}e.languages.kumir={comment:{pattern:/\|.*/},prolog:{pattern:/#.*/,greedy:!0},string:{pattern:/"[^\n\r"]*"|'[^\n\r']*'/,greedy:!0},boolean:{pattern:n(/(^|[])(?:да|нет)(?=[]|$)/.source),lookbehind:!0},"operator-word":{pattern:n(/(^|[])(?:и|или|не)(?=[]|$)/.source),lookbehind:!0,alias:"keyword"},"system-variable":{pattern:n(/(^|[])знач(?=[]|$)/.source),lookbehind:!0,alias:"keyword"},type:[{pattern:n(/(^|[])(?:вещ|лит|лог|сим|цел)(?:\x20*таб)?(?=[]|$)/.source),lookbehind:!0,alias:"builtin"},{pattern:n(/(^|[])(?:компл|сканкод|файл|цвет)(?=[]|$)/.source),lookbehind:!0,alias:"important"}],keyword:{pattern:n(/(^|[])(?:алг|арг(?:\x20*рез)?|ввод|ВКЛЮЧИТЬ|вс[её]|выбор|вывод|выход|дано|для|до|дс|если|иначе|исп|использовать|кон(?:(?:\x20+|_)исп)?|кц(?:(?:\x20+|_)при)?|надо|нач|нс|нц|от|пауза|пока|при|раза?|рез|стоп|таб|то|утв|шаг)(?=[]|$)/.source),lookbehind:!0},name:{pattern:n(/(^|[])[^\d][^]*(?:\x20+[^]+)*(?=[]|$)/.source),lookbehind:!0},number:{pattern:n(/(^|[])(?:\B\$[\da-f]+\b|(?:\b\d+(?:\.\d*)?|\B\.\d+)(?:e[+-]?\d+)?)(?=[]|$)/.source,"i"),lookbehind:!0},punctuation:/:=|[(),:;\[\]]/,"operator-char":{pattern:/\*\*?|<[=>]?|>=?|[-+/=]/,alias:"operator"}},e.languages.kum=e.languages.kumir}(e)}e.exports=t,t.displayName="kumir",t.aliases=["kum"]},82819:function(e){"use strict";function t(e){e.languages.kusto={comment:{pattern:/\/\/.*/,greedy:!0},string:{pattern:/```[\s\S]*?```|[hH]?(?:"(?:[^\r\n\\"]|\\.)*"|'(?:[^\r\n\\']|\\.)*'|@(?:"[^\r\n"]*"|'[^\r\n']*'))/,greedy:!0},verb:{pattern:/(\|\s*)[a-z][\w-]*/i,lookbehind:!0,alias:"keyword"},command:{pattern:/\.[a-z][a-z\d-]*\b/,alias:"keyword"},"class-name":/\b(?:bool|datetime|decimal|dynamic|guid|int|long|real|string|timespan)\b/,keyword:/\b(?:access|alias|and|anti|as|asc|auto|between|by|(?:contains|(?:ends|starts)with|has(?:perfix|suffix)?)(?:_cs)?|database|declare|desc|external|from|fullouter|has_all|in|ingestion|inline|inner|innerunique|into|(?:left|right)(?:anti(?:semi)?|inner|outer|semi)?|let|like|local|not|of|on|or|pattern|print|query_parameters|range|restrict|schema|set|step|table|tables|to|view|where|with|matches\s+regex|nulls\s+(?:first|last))(?![\w-])/,boolean:/\b(?:false|null|true)\b/,function:/\b[a-z_]\w*(?=\s*\()/,datetime:[{pattern:/\b(?:(?:Fri|Friday|Mon|Monday|Sat|Saturday|Sun|Sunday|Thu|Thursday|Tue|Tuesday|Wed|Wednesday)\s*,\s*)?\d{1,2}(?:\s+|-)(?:Apr|Aug|Dec|Feb|Jan|Jul|Jun|Mar|May|Nov|Oct|Sep)(?:\s+|-)\d{2}\s+\d{2}:\d{2}(?::\d{2})?(?:\s*(?:\b(?:[A-Z]|(?:[ECMT][DS]|GM|U)T)|[+-]\d{4}))?\b/,alias:"number"},{pattern:/[+-]?\b(?:\d{4}-\d{2}-\d{2}(?:[ T]\d{2}:\d{2}(?::\d{2}(?:\.\d+)?)?)?|\d{2}:\d{2}(?::\d{2}(?:\.\d+)?)?)Z?/,alias:"number"}],number:/\b(?:0x[0-9A-Fa-f]+|\d+(?:\.\d+)?(?:[Ee][+-]?\d+)?)(?:(?:min|sec|[mnµ]s|[dhms]|microsecond|tick)\b)?|[+-]?\binf\b/,operator:/=>|[!=]~|[!=<>]=?|[-+*/%|]|\.\./,punctuation:/[()\[\]{},;.:]/}}e.exports=t,t.displayName="kusto",t.aliases=[]},42876:function(e){"use strict";function t(e){var t,n;n={"equation-command":{pattern:t=/\\(?:[^a-z()[\]]|[a-z*]+)/i,alias:"regex"}},e.languages.latex={comment:/%.*/,cdata:{pattern:/(\\begin\{((?:lstlisting|verbatim)\*?)\})[\s\S]*?(?=\\end\{\2\})/,lookbehind:!0},equation:[{pattern:/\$\$(?:\\[\s\S]|[^\\$])+\$\$|\$(?:\\[\s\S]|[^\\$])+\$|\\\([\s\S]*?\\\)|\\\[[\s\S]*?\\\]/,inside:n,alias:"string"},{pattern:/(\\begin\{((?:align|eqnarray|equation|gather|math|multline)\*?)\})[\s\S]*?(?=\\end\{\2\})/,lookbehind:!0,inside:n,alias:"string"}],keyword:{pattern:/(\\(?:begin|cite|documentclass|end|label|ref|usepackage)(?:\[[^\]]+\])?\{)[^}]+(?=\})/,lookbehind:!0},url:{pattern:/(\\url\{)[^}]+(?=\})/,lookbehind:!0},headline:{pattern:/(\\(?:chapter|frametitle|paragraph|part|section|subparagraph|subsection|subsubparagraph|subsubsection|subsubsubparagraph)\*?(?:\[[^\]]+\])?\{)[^}]+(?=\})/,lookbehind:!0,alias:"class-name"},function:{pattern:t,alias:"selector"},punctuation:/[[\]{}&]/},e.languages.tex=e.languages.latex,e.languages.context=e.languages.latex}e.exports=t,t.displayName="latex",t.aliases=["tex","context"]},2980:function(e,t,n){"use strict";var r=n(93205),a=n(88262);function i(e){var t;e.register(r),e.register(a),e.languages.latte={comment:/^\{\*[\s\S]*/,"latte-tag":{pattern:/(^\{(?:\/(?=[a-z]))?)(?:[=_]|[a-z]\w*\b(?!\())/i,lookbehind:!0,alias:"important"},delimiter:{pattern:/^\{\/?|\}$/,alias:"punctuation"},php:{pattern:/\S(?:[\s\S]*\S)?/,alias:"language-php",inside:e.languages.php}},t=e.languages.extend("markup",{}),e.languages.insertBefore("inside","attr-value",{"n-attr":{pattern:/n:[\w-]+(?:\s*=\s*(?:"[^"]*"|'[^']*'|[^\s'">=]+))?/,inside:{"attr-name":{pattern:/^[^\s=]+/,alias:"important"},"attr-value":{pattern:/=[\s\S]+/,inside:{punctuation:[/^=/,{pattern:/^(\s*)["']|["']$/,lookbehind:!0}],php:{pattern:/\S(?:[\s\S]*\S)?/,inside:e.languages.php}}}}}},t.tag),e.hooks.add("before-tokenize",function(n){"latte"===n.language&&(e.languages["markup-templating"].buildPlaceholders(n,"latte",/\{\*[\s\S]*?\*\}|\{[^'"\s{}*](?:[^"'/{}]|\/(?![*/])|("|')(?:\\[\s\S]|(?!\1)[^\\])*\1|\/\*(?:[^*]|\*(?!\/))*\*\/)*\}/g),n.grammar=t)}),e.hooks.add("after-tokenize",function(t){e.languages["markup-templating"].tokenizePlaceholders(t,"latte")})}e.exports=i,i.displayName="latte",i.aliases=[]},41701:function(e){"use strict";function t(e){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"}})}e.exports=t,t.displayName="less",t.aliases=[]},42491:function(e,t,n){"use strict";var r=n(9997);function a(e){e.register(r),function(e){for(var t=/\((?:[^();"#\\]|\\[\s\S]|;.*(?!.)|"(?:[^"\\]|\\.)*"|#(?:\{(?:(?!#\})[\s\S])*#\}|[^{])|)*\)/.source,n=0;n<5;n++)t=t.replace(//g,function(){return t});t=t.replace(//g,/[^\s\S]/.source);var r=e.languages.lilypond={comment:/%(?:(?!\{).*|\{[\s\S]*?%\})/,"embedded-scheme":{pattern:RegExp(/(^|[=\s])#(?:"(?:[^"\\]|\\.)*"|[^\s()"]*(?:[^\s()]|))/.source.replace(//g,function(){return t}),"m"),lookbehind:!0,greedy:!0,inside:{scheme:{pattern:/^(#)[\s\S]+$/,lookbehind:!0,alias:"language-scheme",inside:{"embedded-lilypond":{pattern:/#\{[\s\S]*?#\}/,greedy:!0,inside:{punctuation:/^#\{|#\}$/,lilypond:{pattern:/[\s\S]+/,alias:"language-lilypond",inside:null}}},rest:e.languages.scheme}},punctuation:/#/}},string:{pattern:/"(?:[^"\\]|\\.)*"/,greedy:!0},"class-name":{pattern:/(\\new\s+)[\w-]+/,lookbehind:!0},keyword:{pattern:/\\[a-z][-\w]*/i,inside:{punctuation:/^\\/}},operator:/[=|]|<<|>>/,punctuation:{pattern:/(^|[a-z\d])(?:'+|,+|[_^]?-[_^]?(?:[-+^!>._]|(?=\d))|[_^]\.?|[.!])|[{}()[\]<>^~]|\\[()[\]<>\\!]|--|__/,lookbehind:!0},number:/\b\d+(?:\/\d+)?\b/};r["embedded-scheme"].inside.scheme.inside["embedded-lilypond"].inside.lilypond.inside=r,e.languages.ly=r}(e)}e.exports=a,a.displayName="lilypond",a.aliases=[]},34927:function(e,t,n){"use strict";var r=n(93205);function a(e){e.register(r),e.languages.liquid={comment:{pattern:/(^\{%\s*comment\s*%\})[\s\S]+(?=\{%\s*endcomment\s*%\}$)/,lookbehind:!0},delimiter:{pattern:/^\{(?:\{\{|[%\{])-?|-?(?:\}\}|[%\}])\}$/,alias:"punctuation"},string:{pattern:/"[^"]*"|'[^']*'/,greedy:!0},keyword:/\b(?:as|assign|break|(?:end)?(?:capture|case|comment|for|form|if|paginate|raw|style|tablerow|unless)|continue|cycle|decrement|echo|else|elsif|in|include|increment|limit|liquid|offset|range|render|reversed|section|when|with)\b/,object:/\b(?:address|all_country_option_tags|article|block|blog|cart|checkout|collection|color|country|country_option_tags|currency|current_page|current_tags|customer|customer_address|date|discount_allocation|discount_application|external_video|filter|filter_value|font|forloop|fulfillment|generic_file|gift_card|group|handle|image|line_item|link|linklist|localization|location|measurement|media|metafield|model|model_source|order|page|page_description|page_image|page_title|part|policy|product|product_option|recommendations|request|robots|routes|rule|script|search|selling_plan|selling_plan_allocation|selling_plan_group|shipping_method|shop|shop_locale|sitemap|store_availability|tax_line|template|theme|transaction|unit_price_measurement|user_agent|variant|video|video_source)\b/,function:[{pattern:/(\|\s*)\w+/,lookbehind:!0,alias:"filter"},{pattern:/(\.\s*)(?:first|last|size)/,lookbehind:!0}],boolean:/\b(?:false|nil|true)\b/,range:{pattern:/\.\./,alias:"operator"},number:/\b\d+(?:\.\d+)?\b/,operator:/[!=]=|<>|[<>]=?|[|?:=-]|\b(?:and|contains(?=\s)|or)\b/,punctuation:/[.,\[\]()]/,empty:{pattern:/\bempty\b/,alias:"keyword"}},e.hooks.add("before-tokenize",function(t){var n=!1;e.languages["markup-templating"].buildPlaceholders(t,"liquid",/\{%\s*comment\s*%\}[\s\S]*?\{%\s*endcomment\s*%\}|\{(?:%[\s\S]*?%|\{\{[\s\S]*?\}\}|\{[\s\S]*?\})\}/g,function(e){var t=/^\{%-?\s*(\w+)/.exec(e);if(t){var r=t[1];if("raw"===r&&!n)return n=!0,!0;if("endraw"===r)return n=!1,!0}return!n})}),e.hooks.add("after-tokenize",function(t){e.languages["markup-templating"].tokenizePlaceholders(t,"liquid")})}e.exports=a,a.displayName="liquid",a.aliases=[]},3848:function(e){"use strict";function t(e){!function(e){function t(e){return RegExp(/(\()/.source+"(?:"+e+")"+/(?=[\s\)])/.source)}function n(e){return RegExp(/([\s([])/.source+"(?:"+e+")"+/(?=[\s)])/.source)}var r=/(?!\d)[-+*/~!@$%^=<>{}\w]+/.source,a="&"+r,i="(\\()",o="(?=\\s)",s=/(?:[^()]|\((?:[^()]|\((?:[^()]|\((?:[^()]|\((?:[^()]|\([^()]*\))*\))*\))*\))*\))*/.source,l={heading:{pattern:/;;;.*/,alias:["comment","title"]},comment:/;.*/,string:{pattern:/"(?:[^"\\]|\\.)*"/,greedy:!0,inside:{argument:/[-A-Z]+(?=[.,\s])/,symbol:RegExp("`"+r+"'")}},"quoted-symbol":{pattern:RegExp("#?'"+r),alias:["variable","symbol"]},"lisp-property":{pattern:RegExp(":"+r),alias:"property"},splice:{pattern:RegExp(",@?"+r),alias:["symbol","variable"]},keyword:[{pattern:RegExp(i+"(?:and|(?:cl-)?letf|cl-loop|cond|cons|error|if|(?:lexical-)?let\\*?|message|not|null|or|provide|require|setq|unless|use-package|when|while)"+o),lookbehind:!0},{pattern:RegExp(i+"(?:append|by|collect|concat|do|finally|for|in|return)"+o),lookbehind:!0}],declare:{pattern:t(/declare/.source),lookbehind:!0,alias:"keyword"},interactive:{pattern:t(/interactive/.source),lookbehind:!0,alias:"keyword"},boolean:{pattern:n(/nil|t/.source),lookbehind:!0},number:{pattern:n(/[-+]?\d+(?:\.\d*)?/.source),lookbehind:!0},defvar:{pattern:RegExp(i+"def(?:const|custom|group|var)\\s+"+r),lookbehind:!0,inside:{keyword:/^def[a-z]+/,variable:RegExp(r)}},defun:{pattern:RegExp(i+/(?:cl-)?(?:defmacro|defun\*?)\s+/.source+r+/\s+\(/.source+s+/\)/.source),lookbehind:!0,greedy:!0,inside:{keyword:/^(?:cl-)?def\S+/,arguments:null,function:{pattern:RegExp("(^\\s)"+r),lookbehind:!0},punctuation:/[()]/}},lambda:{pattern:RegExp(i+"lambda\\s+\\(\\s*(?:&?"+r+"(?:\\s+&?"+r+")*\\s*)?\\)"),lookbehind:!0,greedy:!0,inside:{keyword:/^lambda/,arguments:null,punctuation:/[()]/}},car:{pattern:RegExp(i+r),lookbehind:!0},punctuation:[/(?:['`,]?\(|[)\[\]])/,{pattern:/(\s)\.(?=\s)/,lookbehind:!0}]},c={"lisp-marker":RegExp(a),varform:{pattern:RegExp(/\(/.source+r+/\s+(?=\S)/.source+s+/\)/.source),inside:l},argument:{pattern:RegExp(/(^|[\s(])/.source+r),lookbehind:!0,alias:"variable"},rest:l},u="\\S+(?:\\s+\\S+)*",d={pattern:RegExp(i+s+"(?=\\))"),lookbehind:!0,inside:{"rest-vars":{pattern:RegExp("&(?:body|rest)\\s+"+u),inside:c},"other-marker-vars":{pattern:RegExp("&(?:aux|optional)\\s+"+u),inside:c},keys:{pattern:RegExp("&key\\s+"+u+"(?:\\s+&allow-other-keys)?"),inside:c},argument:{pattern:RegExp(r),alias:"variable"},punctuation:/[()]/}};l.lambda.inside.arguments=d,l.defun.inside.arguments=e.util.clone(d),l.defun.inside.arguments.inside.sublist=d,e.languages.lisp=l,e.languages.elisp=l,e.languages.emacs=l,e.languages["emacs-lisp"]=l}(e)}e.exports=t,t.displayName="lisp",t.aliases=[]},41469:function(e){"use strict";function t(e){e.languages.livescript={comment:[{pattern:/(^|[^\\])\/\*[\s\S]*?\*\//,lookbehind:!0},{pattern:/(^|[^\\])#.*/,lookbehind:!0}],"interpolated-string":{pattern:/(^|[^"])("""|")(?:\\[\s\S]|(?!\2)[^\\])*\2(?!")/,lookbehind:!0,greedy:!0,inside:{variable:{pattern:/(^|[^\\])#[a-z_](?:-?[a-z]|[\d_])*/m,lookbehind:!0},interpolation:{pattern:/(^|[^\\])#\{[^}]+\}/m,lookbehind:!0,inside:{"interpolation-punctuation":{pattern:/^#\{|\}$/,alias:"variable"}}},string:/[\s\S]+/}},string:[{pattern:/('''|')(?:\\[\s\S]|(?!\1)[^\\])*\1/,greedy:!0},{pattern:/<\[[\s\S]*?\]>/,greedy:!0},/\\[^\s,;\])}]+/],regex:[{pattern:/\/\/(?:\[[^\r\n\]]*\]|\\.|(?!\/\/)[^\\\[])+\/\/[gimyu]{0,5}/,greedy:!0,inside:{comment:{pattern:/(^|[^\\])#.*/,lookbehind:!0}}},{pattern:/\/(?:\[[^\r\n\]]*\]|\\.|[^/\\\r\n\[])+\/[gimyu]{0,5}/,greedy:!0}],keyword:{pattern:/(^|(?!-).)\b(?:break|case|catch|class|const|continue|default|do|else|extends|fallthrough|finally|for(?: ever)?|function|if|implements|it|let|loop|new|null|otherwise|own|return|super|switch|that|then|this|throw|try|unless|until|var|void|when|while|yield)(?!-)\b/m,lookbehind:!0},"keyword-operator":{pattern:/(^|[^-])\b(?:(?:delete|require|typeof)!|(?:and|by|delete|export|from|import(?: all)?|in|instanceof|is(?: not|nt)?|not|of|or|til|to|typeof|with|xor)(?!-)\b)/m,lookbehind:!0,alias:"operator"},boolean:{pattern:/(^|[^-])\b(?:false|no|off|on|true|yes)(?!-)\b/m,lookbehind:!0},argument:{pattern:/(^|(?!\.&\.)[^&])&(?!&)\d*/m,lookbehind:!0,alias:"variable"},number:/\b(?:\d+~[\da-z]+|\d[\d_]*(?:\.\d[\d_]*)?(?:[a-z]\w*)?)/i,identifier:/[a-z_](?:-?[a-z]|[\d_])*/i,operator:[{pattern:/( )\.(?= )/,lookbehind:!0},/\.(?:[=~]|\.\.?)|\.(?:[&|^]|<<|>>>?)\.|:(?:=|:=?)|&&|\|[|>]|<(?:<[>=?]?|-(?:->?|>)?|\+\+?|@@?|%%?|\*\*?|!(?:~?=|--?>|~?~>)?|~(?:~?>|=)?|==?|\^\^?|[\/?]/],punctuation:/[(){}\[\]|.,:;`]/},e.languages.livescript["interpolated-string"].inside.interpolation.inside.rest=e.languages.livescript}e.exports=t,t.displayName="livescript",t.aliases=[]},73070:function(e){"use strict";function t(e){e.languages.llvm={comment:/;.*/,string:{pattern:/"[^"]*"/,greedy:!0},boolean:/\b(?:false|true)\b/,variable:/[%@!#](?:(?!\d)(?:[-$.\w]|\\[a-f\d]{2})+|\d+)/i,label:/(?!\d)(?:[-$.\w]|\\[a-f\d]{2})+:/i,type:{pattern:/\b(?:double|float|fp128|half|i[1-9]\d*|label|metadata|ppc_fp128|token|void|x86_fp80|x86_mmx)\b/,alias:"class-name"},keyword:/\b[a-z_][a-z_0-9]*\b/,number:/[+-]?\b\d+(?:\.\d+)?(?:[eE][+-]?\d+)?\b|\b0x[\dA-Fa-f]+\b|\b0xK[\dA-Fa-f]{20}\b|\b0x[ML][\dA-Fa-f]{32}\b|\b0xH[\dA-Fa-f]{4}\b/,punctuation:/[{}[\];(),.!*=<>]/}}e.exports=t,t.displayName="llvm",t.aliases=[]},35049:function(e){"use strict";function t(e){e.languages.log={string:{pattern:/"(?:[^"\\\r\n]|\\.)*"|'(?![st] | \w)(?:[^'\\\r\n]|\\.)*'/,greedy:!0},exception:{pattern:/(^|[^\w.])[a-z][\w.]*(?:Error|Exception):.*(?:(?:\r\n?|\n)[ \t]*(?:at[ \t].+|\.{3}.*|Caused by:.*))+(?:(?:\r\n?|\n)[ \t]*\.\.\. .*)?/,lookbehind:!0,greedy:!0,alias:["javastacktrace","language-javastacktrace"],inside:e.languages.javastacktrace||{keyword:/\bat\b/,function:/[a-z_][\w$]*(?=\()/,punctuation:/[.:()]/}},level:[{pattern:/\b(?:ALERT|CRIT|CRITICAL|EMERG|EMERGENCY|ERR|ERROR|FAILURE|FATAL|SEVERE)\b/,alias:["error","important"]},{pattern:/\b(?:WARN|WARNING|WRN)\b/,alias:["warning","important"]},{pattern:/\b(?:DISPLAY|INF|INFO|NOTICE|STATUS)\b/,alias:["info","keyword"]},{pattern:/\b(?:DBG|DEBUG|FINE)\b/,alias:["debug","keyword"]},{pattern:/\b(?:FINER|FINEST|TRACE|TRC|VERBOSE|VRB)\b/,alias:["trace","comment"]}],property:{pattern:/((?:^|[\]|])[ \t]*)[a-z_](?:[\w-]|\b\/\b)*(?:[. ]\(?\w(?:[\w-]|\b\/\b)*\)?)*:(?=\s)/im,lookbehind:!0},separator:{pattern:/(^|[^-+])-{3,}|={3,}|\*{3,}|- - /m,lookbehind:!0,alias:"comment"},url:/\b(?:file|ftp|https?):\/\/[^\s|,;'"]*[^\s|,;'">.]/,email:{pattern:/(^|\s)[-\w+.]+@[a-z][a-z0-9-]*(?:\.[a-z][a-z0-9-]*)+(?=\s)/,lookbehind:!0,alias:"url"},"ip-address":{pattern:/\b(?:\d{1,3}(?:\.\d{1,3}){3})\b/,alias:"constant"},"mac-address":{pattern:/\b[a-f0-9]{2}(?::[a-f0-9]{2}){5}\b/i,alias:"constant"},domain:{pattern:/(^|\s)[a-z][a-z0-9-]*(?:\.[a-z][a-z0-9-]*)*\.[a-z][a-z0-9-]+(?=\s)/,lookbehind:!0,alias:"constant"},uuid:{pattern:/\b[0-9a-f]{8}-[0-9a-f]{4}-[0-9a-f]{4}-[0-9a-f]{4}-[0-9a-f]{12}\b/i,alias:"constant"},hash:{pattern:/\b(?:[a-f0-9]{32}){1,2}\b/i,alias:"constant"},"file-path":{pattern:/\b[a-z]:[\\/][^\s|,;:(){}\[\]"']+|(^|[\s:\[\](>|])\.{0,2}\/\w[^\s|,;:(){}\[\]"']*/i,lookbehind:!0,greedy:!0,alias:"string"},date:{pattern:RegExp(/\b\d{4}[-/]\d{2}[-/]\d{2}(?:T(?=\d{1,2}:)|(?=\s\d{1,2}:))/.source+"|"+/\b\d{1,4}[-/ ](?:\d{1,2}|Apr|Aug|Dec|Feb|Jan|Jul|Jun|Mar|May|Nov|Oct|Sep)[-/ ]\d{2,4}T?\b/.source+"|"+/\b(?:(?:Fri|Mon|Sat|Sun|Thu|Tue|Wed)(?:\s{1,2}(?:Apr|Aug|Dec|Feb|Jan|Jul|Jun|Mar|May|Nov|Oct|Sep))?|Apr|Aug|Dec|Feb|Jan|Jul|Jun|Mar|May|Nov|Oct|Sep)\s{1,2}\d{1,2}\b/.source,"i"),alias:"number"},time:{pattern:/\b\d{1,2}:\d{1,2}:\d{1,2}(?:[.,:]\d+)?(?:\s?[+-]\d{2}:?\d{2}|Z)?\b/,alias:"number"},boolean:/\b(?:false|null|true)\b/i,number:{pattern:/(^|[^.\w])(?:0x[a-f0-9]+|0o[0-7]+|0b[01]+|v?\d[\da-f]*(?:\.\d+)*(?:e[+-]?\d+)?[a-z]{0,3}\b)\b(?!\.\w)/i,lookbehind:!0},operator:/[;:?<=>~/@!$%&+\-|^(){}*#]/,punctuation:/[\[\].,]/}}e.exports=t,t.displayName="log",t.aliases=[]},8789:function(e){"use strict";function t(e){e.languages.lolcode={comment:[/\bOBTW\s[\s\S]*?\sTLDR\b/,/\bBTW.+/],string:{pattern:/"(?::.|[^":])*"/,inside:{variable:/:\{[^}]+\}/,symbol:[/:\([a-f\d]+\)/i,/:\[[^\]]+\]/,/:[)>o":]/]},greedy:!0},number:/(?:\B-)?(?:\b\d+(?:\.\d*)?|\B\.\d+)/,symbol:{pattern:/(^|\s)(?:A )?(?:BUKKIT|NOOB|NUMBAR|NUMBR|TROOF|YARN)(?=\s|,|$)/,lookbehind:!0,inside:{keyword:/A(?=\s)/}},label:{pattern:/((?:^|\s)(?:IM IN YR|IM OUTTA YR) )[a-zA-Z]\w*/,lookbehind:!0,alias:"string"},function:{pattern:/((?:^|\s)(?:HOW IZ I|I IZ|IZ) )[a-zA-Z]\w*/,lookbehind:!0},keyword:[{pattern:/(^|\s)(?:AN|FOUND YR|GIMMEH|GTFO|HAI|HAS A|HOW IZ I|I HAS A|I IZ|IF U SAY SO|IM IN YR|IM OUTTA YR|IS NOW(?: A)?|ITZ(?: A)?|IZ|KTHX|KTHXBYE|LIEK(?: A)?|MAEK|MEBBE|MKAY|NERFIN|NO WAI|O HAI IM|O RLY\?|OIC|OMG|OMGWTF|R|SMOOSH|SRS|TIL|UPPIN|VISIBLE|WILE|WTF\?|YA RLY|YR)(?=\s|,|$)/,lookbehind:!0},/'Z(?=\s|,|$)/],boolean:{pattern:/(^|\s)(?:FAIL|WIN)(?=\s|,|$)/,lookbehind:!0},variable:{pattern:/(^|\s)IT(?=\s|,|$)/,lookbehind:!0},operator:{pattern:/(^|\s)(?:NOT|BOTH SAEM|DIFFRINT|(?:ALL|ANY|BIGGR|BOTH|DIFF|EITHER|MOD|PRODUKT|QUOSHUNT|SMALLR|SUM|WON) OF)(?=\s|,|$)/,lookbehind:!0},punctuation:/\.{3}|…|,|!/}}e.exports=t,t.displayName="lolcode",t.aliases=[]},59803:function(e){"use strict";function t(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:/[\[\](){},;]|\.+|:+/}}e.exports=t,t.displayName="lua",t.aliases=[]},86328:function(e){"use strict";function t(e){e.languages.magma={output:{pattern:/^(>.*(?:\r(?:\n|(?!\n))|\n))(?!>)(?:.+|(?:\r(?:\n|(?!\n))|\n)(?!>).*)(?:(?:\r(?:\n|(?!\n))|\n)(?!>).*)*/m,lookbehind:!0,greedy:!0},comment:{pattern:/\/\/.*|\/\*[\s\S]*?\*\//,greedy:!0},string:{pattern:/(^|[^\\"])"(?:[^\r\n\\"]|\\.)*"/,lookbehind:!0,greedy:!0},keyword:/\b(?:_|adj|and|assert|assert2|assert3|assigned|break|by|case|cat|catch|clear|cmpeq|cmpne|continue|declare|default|delete|diff|div|do|elif|else|end|eq|error|eval|exists|exit|for|forall|forward|fprintf|freeze|function|ge|gt|if|iload|import|in|intrinsic|is|join|le|load|local|lt|meet|mod|ne|not|notadj|notin|notsubset|or|print|printf|procedure|quit|random|read|readi|repeat|require|requirege|requirerange|restore|return|save|sdiff|select|subset|then|time|to|try|until|vprint|vprintf|vtime|when|where|while|xor)\b/,boolean:/\b(?:false|true)\b/,generator:{pattern:/\b[a-z_]\w*(?=\s*<)/i,alias:"class-name"},function:/\b[a-z_]\w*(?=\s*\()/i,number:{pattern:/(^|[^\w.]|\.\.)(?:\d+(?:\.\d*)?|\.\d+)(?:[eE][+-]?\d+)?(?:_[a-z]?)?(?=$|[^\w.]|\.\.)/,lookbehind:!0},operator:/->|[-+*/^~!|#=]|:=|\.\./,punctuation:/[()[\]{}<>,;.:]/}}e.exports=t,t.displayName="magma",t.aliases=[]},33055:function(e){"use strict";function t(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:/[:;(){}]/}}e.exports=t,t.displayName="makefile",t.aliases=[]},90542:function(e){"use strict";function t(e){!function(e){var t=/(?:\\.|[^\\\n\r]|(?:\n|\r\n?)(?![\r\n]))/.source;function n(e){return e=e.replace(//g,function(){return t}),RegExp(/((?:^|[^\\])(?:\\{2})*)/.source+"(?:"+e+")")}var r=/(?:\\.|``(?:[^`\r\n]|`(?!`))+``|`[^`\r\n]+`|[^\\|\r\n`])+/.source,a=/\|?__(?:\|__)+\|?(?:(?:\n|\r\n?)|(?![\s\S]))/.source.replace(/__/g,function(){return r}),i=/\|?[ \t]*:?-{3,}:?[ \t]*(?:\|[ \t]*:?-{3,}:?[ \t]*)+\|?(?:\n|\r\n?)/.source;e.languages.markdown=e.languages.extend("markup",{}),e.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:e.languages.yaml}}},blockquote:{pattern:/^>(?:[\t ]*>)*/m,alias:"punctuation"},table:{pattern:RegExp("^"+a+i+"(?:"+a+")*","m"),inside:{"table-data-rows":{pattern:RegExp("^("+a+i+")(?:"+a+")*$"),lookbehind:!0,inside:{"table-data":{pattern:RegExp(r),inside:e.languages.markdown},punctuation:/\|/}},"table-line":{pattern:RegExp("^("+a+")"+i+"$"),lookbehind:!0,inside:{punctuation:/\||:?-{3,}:?/}},"table-header-row":{pattern:RegExp("^"+a+"$"),inside:{"table-header":{pattern:RegExp(r),alias:"important",inside:e.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:n(/\b__(?:(?!_)|_(?:(?!_))+_)+__\b|\*\*(?:(?!\*)|\*(?:(?!\*))+\*)+\*\*/.source),lookbehind:!0,greedy:!0,inside:{content:{pattern:/(^..)[\s\S]+(?=..$)/,lookbehind:!0,inside:{}},punctuation:/\*\*|__/}},italic:{pattern:n(/\b_(?:(?!_)|__(?:(?!_))+__)+_\b|\*(?:(?!\*)|\*\*(?:(?!\*))+\*\*)+\*/.source),lookbehind:!0,greedy:!0,inside:{content:{pattern:/(^.)[\s\S]+(?=.$)/,lookbehind:!0,inside:{}},punctuation:/[*_]/}},strike:{pattern:n(/(~~?)(?:(?!~))+\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:n(/!?\[(?:(?!\]))+\](?:\([^\s)]+(?:[\t ]+"(?:\\.|[^"\\])*")?\)|[ \t]?\[(?:(?!\]))+\])/.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(t){["url","bold","italic","strike","code-snippet"].forEach(function(n){t!==n&&(e.languages.markdown[t].inside.content.inside[n]=e.languages.markdown[n])})}),e.hooks.add("after-tokenize",function(e){("markdown"===e.language||"md"===e.language)&&function e(t){if(t&&"string"!=typeof t)for(var n=0,r=t.length;n",quot:'"'},l=String.fromCodePoint||String.fromCharCode;e.languages.md=e.languages.markdown}(e)}e.exports=t,t.displayName="markdown",t.aliases=["md"]},93205:function(e){"use strict";function t(e){!function(e){function t(e,t){return"___"+e.toUpperCase()+t+"___"}Object.defineProperties(e.languages["markup-templating"]={},{buildPlaceholders:{value:function(n,r,a,i){if(n.language===r){var o=n.tokenStack=[];n.code=n.code.replace(a,function(e){if("function"==typeof i&&!i(e))return e;for(var a,s=o.length;-1!==n.code.indexOf(a=t(r,s));)++s;return o[s]=e,a}),n.grammar=e.languages.markup}}},tokenizePlaceholders:{value:function(n,r){if(n.language===r&&n.tokenStack){n.grammar=e.languages[r];var a=0,i=Object.keys(n.tokenStack);!function o(s){for(var l=0;l=i.length);l++){var c=s[l];if("string"==typeof c||c.content&&"string"==typeof c.content){var u=i[a],d=n.tokenStack[u],p="string"==typeof c?c:c.content,m=t(r,u),g=p.indexOf(m);if(g>-1){++a;var f=p.substring(0,g),h=new e.Token(r,e.tokenize(d,n.grammar),"language-"+r,d),b=p.substring(g+m.length),E=[];f&&E.push.apply(E,o([f])),E.push(h),b&&E.push.apply(E,o([b])),"string"==typeof c?s.splice.apply(s,[l,1].concat(E)):c.content=E}}else c.content&&o(c.content)}return s}(n.tokens)}}}})}(e)}e.exports=t,t.displayName="markupTemplating",t.aliases=[]},2717:function(e){"use strict";function t(e){e.languages.markup={comment:{pattern://,greedy:!0},prolog:{pattern:/<\?[\s\S]+?\?>/,greedy:!0},doctype:{pattern:/"'[\]]|"[^"]*"|'[^']*')+(?:\[(?:[^<"'\]]|"[^"]*"|'[^']*'|<(?!!--)|)*\]\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://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"},/"|'/]}},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(e){"entity"===e.type&&(e.attributes.title=e.content.value.replace(/&/,"&"))}),Object.defineProperty(e.languages.markup.tag,"addInlined",{value:function(t,n){var r={};r["language-"+n]={pattern:/(^$)/i,lookbehind:!0,inside:e.languages[n]},r.cdata=/^$/i;var a={"included-cdata":{pattern://i,inside:r}};a["language-"+n]={pattern:/[\s\S]+/,inside:e.languages[n]};var i={};i[t]={pattern:RegExp(/(<__[^>]*>)(?:))*\]\]>|(?!)/.source.replace(/__/g,function(){return t}),"i"),lookbehind:!0,greedy:!0,inside:a},e.languages.insertBefore("markup","cdata",i)}}),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}e.exports=t,t.displayName="markup",t.aliases=["html","mathml","svg","xml","ssml","atom","rss"]},27992:function(e){"use strict";function t(e){e.languages.matlab={comment:[/%\{[\s\S]*?\}%/,/%.+/],string:{pattern:/\B'(?:''|[^'\r\n])*'/,greedy:!0},number:/(?:\b\d+(?:\.\d*)?|\B\.\d+)(?:[eE][+-]?\d+)?(?:[ij])?|\b[ij]\b/,keyword:/\b(?:NaN|break|case|catch|continue|else|elseif|end|for|function|if|inf|otherwise|parfor|pause|pi|return|switch|try|while)\b/,function:/\b(?!\d)\w+(?=\s*\()/,operator:/\.?[*^\/\\']|[+\-:@]|[<>=~]=?|&&?|\|\|?/,punctuation:/\.{3}|[.,;\[\](){}!]/}}e.exports=t,t.displayName="matlab",t.aliases=[]},91115:function(e){"use strict";function t(e){var t;t=/\b(?:about|and|animate|as|at|attributes|by|case|catch|collect|continue|coordsys|do|else|exit|fn|for|from|function|global|if|in|local|macroscript|mapped|max|not|of|off|on|or|parameters|persistent|plugin|rcmenu|return|rollout|set|struct|then|throw|to|tool|try|undo|utility|when|where|while|with)\b/i,e.languages.maxscript={comment:{pattern:/\/\*[\s\S]*?(?:\*\/|$)|--.*/,greedy:!0},string:{pattern:/(^|[^"\\@])(?:"(?:[^"\\]|\\[\s\S])*"|@"[^"]*")/,lookbehind:!0,greedy:!0},path:{pattern:/\$(?:[\w/\\.*?]|'[^']*')*/,greedy:!0,alias:"string"},"function-call":{pattern:RegExp("((?:"+(/^/.source+"|")+/[;=<>+\-*/^({\[]/.source+"|"+/\b(?:and|by|case|catch|collect|do|else|if|in|not|or|return|then|to|try|where|while|with)\b/.source+")[ ]*)(?!"+t.source+")"+/[a-z_]\w*\b/.source+"(?=[ ]*(?:"+("(?!"+t.source+")"+/[a-z_]/.source+"|")+/\d|-\.?\d/.source+"|"+/[({'"$@#?]/.source+"))","im"),lookbehind:!0,greedy:!0,alias:"function"},"function-definition":{pattern:/(\b(?:fn|function)\s+)\w+\b/i,lookbehind:!0,alias:"function"},argument:{pattern:/\b[a-z_]\w*(?=:)/i,alias:"attr-name"},keyword:t,boolean:/\b(?:false|true)\b/,time:{pattern:/(^|[^\w.])(?:(?:(?:\d+(?:\.\d*)?|\.\d+)(?:[eEdD][+-]\d+|[LP])?[msft])+|\d+:\d+(?:\.\d*)?)(?![\w.:])/,lookbehind:!0,alias:"number"},number:[{pattern:/(^|[^\w.])(?:(?:\d+(?:\.\d*)?|\.\d+)(?:[eEdD][+-]\d+|[LP])?|0x[a-fA-F0-9]+)(?![\w.:])/,lookbehind:!0},/\b(?:e|pi)\b/],constant:/\b(?:dontcollect|ok|silentValue|undefined|unsupplied)\b/,color:{pattern:/\b(?:black|blue|brown|gray|green|orange|red|white|yellow)\b/i,alias:"constant"},operator:/[-+*/<>=!]=?|[&^?]|#(?!\()/,punctuation:/[()\[\]{}.:,;]|#(?=\()|\\$/m}}e.exports=t,t.displayName="maxscript",t.aliases=[]},606:function(e){"use strict";function t(e){e.languages.mel={comment:/\/\/.*/,code:{pattern:/`(?:\\.|[^\\`\r\n])*`/,greedy:!0,alias:"italic",inside:{delimiter:{pattern:/^`|`$/,alias:"punctuation"}}},string:{pattern:/"(?:\\.|[^\\"\r\n])*"/,greedy:!0},variable:/\$\w+/,number:/\b0x[\da-fA-F]+\b|\b\d+(?:\.\d*)?|\B\.\d+/,flag:{pattern:/-[^\d\W]\w*/,alias:"operator"},keyword:/\b(?:break|case|continue|default|do|else|float|for|global|if|in|int|matrix|proc|return|string|switch|vector|while)\b/,function:/\b\w+(?=\()|\b(?:CBG|HfAddAttractorToAS|HfAssignAS|HfBuildEqualMap|HfBuildFurFiles|HfBuildFurImages|HfCancelAFR|HfConnectASToHF|HfCreateAttractor|HfDeleteAS|HfEditAS|HfPerformCreateAS|HfRemoveAttractorFromAS|HfSelectAttached|HfSelectAttractors|HfUnAssignAS|Mayatomr|about|abs|addAttr|addAttributeEditorNodeHelp|addDynamic|addNewShelfTab|addPP|addPanelCategory|addPrefixToName|advanceToNextDrivenKey|affectedNet|affects|aimConstraint|air|alias|aliasAttr|align|alignCtx|alignCurve|alignSurface|allViewFit|ambientLight|angle|angleBetween|animCone|animCurveEditor|animDisplay|animView|annotate|appendStringArray|applicationName|applyAttrPreset|applyTake|arcLenDimContext|arcLengthDimension|arclen|arrayMapper|art3dPaintCtx|artAttrCtx|artAttrPaintVertexCtx|artAttrSkinPaintCtx|artAttrTool|artBuildPaintMenu|artFluidAttrCtx|artPuttyCtx|artSelectCtx|artSetPaintCtx|artUserPaintCtx|assignCommand|assignInputDevice|assignViewportFactories|attachCurve|attachDeviceAttr|attachSurface|attrColorSliderGrp|attrCompatibility|attrControlGrp|attrEnumOptionMenu|attrEnumOptionMenuGrp|attrFieldGrp|attrFieldSliderGrp|attrNavigationControlGrp|attrPresetEditWin|attributeExists|attributeInfo|attributeMenu|attributeQuery|autoKeyframe|autoPlace|bakeClip|bakeFluidShading|bakePartialHistory|bakeResults|bakeSimulation|basename|basenameEx|batchRender|bessel|bevel|bevelPlus|binMembership|bindSkin|blend2|blendShape|blendShapeEditor|blendShapePanel|blendTwoAttr|blindDataType|boneLattice|boundary|boxDollyCtx|boxZoomCtx|bufferCurve|buildBookmarkMenu|buildKeyframeMenu|button|buttonManip|cacheFile|cacheFileCombine|cacheFileMerge|cacheFileTrack|camera|cameraView|canCreateManip|canvas|capitalizeString|catch|catchQuiet|ceil|changeSubdivComponentDisplayLevel|changeSubdivRegion|channelBox|character|characterMap|characterOutlineEditor|characterize|chdir|checkBox|checkBoxGrp|checkDefaultRenderGlobals|choice|circle|circularFillet|clamp|clear|clearCache|clip|clipEditor|clipEditorCurrentTimeCtx|clipSchedule|clipSchedulerOutliner|clipTrimBefore|closeCurve|closeSurface|cluster|cmdFileOutput|cmdScrollFieldExecuter|cmdScrollFieldReporter|cmdShell|coarsenSubdivSelectionList|collision|color|colorAtPoint|colorEditor|colorIndex|colorIndexSliderGrp|colorSliderButtonGrp|colorSliderGrp|columnLayout|commandEcho|commandLine|commandPort|compactHairSystem|componentEditor|compositingInterop|computePolysetVolume|condition|cone|confirmDialog|connectAttr|connectControl|connectDynamic|connectJoint|connectionInfo|constrain|constrainValue|constructionHistory|container|containsMultibyte|contextInfo|control|convertFromOldLayers|convertIffToPsd|convertLightmap|convertSolidTx|convertTessellation|convertUnit|copyArray|copyFlexor|copyKey|copySkinWeights|cos|cpButton|cpCache|cpClothSet|cpCollision|cpConstraint|cpConvClothToMesh|cpForces|cpGetSolverAttr|cpPanel|cpProperty|cpRigidCollisionFilter|cpSeam|cpSetEdit|cpSetSolverAttr|cpSolver|cpSolverTypes|cpTool|cpUpdateClothUVs|createDisplayLayer|createDrawCtx|createEditor|createLayeredPsdFile|createMotionField|createNewShelf|createNode|createRenderLayer|createSubdivRegion|cross|crossProduct|ctxAbort|ctxCompletion|ctxEditMode|ctxTraverse|currentCtx|currentTime|currentTimeCtx|currentUnit|curve|curveAddPtCtx|curveCVCtx|curveEPCtx|curveEditorCtx|curveIntersect|curveMoveEPCtx|curveOnSurface|curveSketchCtx|cutKey|cycleCheck|cylinder|dagPose|date|defaultLightListCheckBox|defaultNavigation|defineDataServer|defineVirtualDevice|deformer|deg_to_rad|delete|deleteAttr|deleteShadingGroupsAndMaterials|deleteShelfTab|deleteUI|deleteUnusedBrushes|delrandstr|detachCurve|detachDeviceAttr|detachSurface|deviceEditor|devicePanel|dgInfo|dgdirty|dgeval|dgtimer|dimWhen|directKeyCtx|directionalLight|dirmap|dirname|disable|disconnectAttr|disconnectJoint|diskCache|displacementToPoly|displayAffected|displayColor|displayCull|displayLevelOfDetail|displayPref|displayRGBColor|displaySmoothness|displayStats|displayString|displaySurface|distanceDimContext|distanceDimension|doBlur|dolly|dollyCtx|dopeSheetEditor|dot|dotProduct|doubleProfileBirailSurface|drag|dragAttrContext|draggerContext|dropoffLocator|duplicate|duplicateCurve|duplicateSurface|dynCache|dynControl|dynExport|dynExpression|dynGlobals|dynPaintEditor|dynParticleCtx|dynPref|dynRelEdPanel|dynRelEditor|dynamicLoad|editAttrLimits|editDisplayLayerGlobals|editDisplayLayerMembers|editRenderLayerAdjustment|editRenderLayerGlobals|editRenderLayerMembers|editor|editorTemplate|effector|emit|emitter|enableDevice|encodeString|endString|endsWith|env|equivalent|equivalentTol|erf|error|eval|evalDeferred|evalEcho|event|exactWorldBoundingBox|exclusiveLightCheckBox|exec|executeForEachObject|exists|exp|expression|expressionEditorListen|extendCurve|extendSurface|extrude|fcheck|fclose|feof|fflush|fgetline|fgetword|file|fileBrowserDialog|fileDialog|fileExtension|fileInfo|filetest|filletCurve|filter|filterCurve|filterExpand|filterStudioImport|findAllIntersections|findAnimCurves|findKeyframe|findMenuItem|findRelatedSkinCluster|finder|firstParentOf|fitBspline|flexor|floatEq|floatField|floatFieldGrp|floatScrollBar|floatSlider|floatSlider2|floatSliderButtonGrp|floatSliderGrp|floor|flow|fluidCacheInfo|fluidEmitter|fluidVoxelInfo|flushUndo|fmod|fontDialog|fopen|formLayout|format|fprint|frameLayout|fread|freeFormFillet|frewind|fromNativePath|fwrite|gamma|gauss|geometryConstraint|getApplicationVersionAsFloat|getAttr|getClassification|getDefaultBrush|getFileList|getFluidAttr|getInputDeviceRange|getMayaPanelTypes|getModifiers|getPanel|getParticleAttr|getPluginResource|getenv|getpid|glRender|glRenderEditor|globalStitch|gmatch|goal|gotoBindPose|grabColor|gradientControl|gradientControlNoAttr|graphDollyCtx|graphSelectContext|graphTrackCtx|gravity|grid|gridLayout|group|groupObjectsByName|hardenPointCurve|hardware|hardwareRenderPanel|headsUpDisplay|headsUpMessage|help|helpLine|hermite|hide|hilite|hitTest|hotBox|hotkey|hotkeyCheck|hsv_to_rgb|hudButton|hudSlider|hudSliderButton|hwReflectionMap|hwRender|hwRenderLoad|hyperGraph|hyperPanel|hyperShade|hypot|iconTextButton|iconTextCheckBox|iconTextRadioButton|iconTextRadioCollection|iconTextScrollList|iconTextStaticLabel|ikHandle|ikHandleCtx|ikHandleDisplayScale|ikSolver|ikSplineHandleCtx|ikSystem|ikSystemInfo|ikfkDisplayMethod|illustratorCurves|image|imfPlugins|inheritTransform|insertJoint|insertJointCtx|insertKeyCtx|insertKnotCurve|insertKnotSurface|instance|instanceable|instancer|intField|intFieldGrp|intScrollBar|intSlider|intSliderGrp|interToUI|internalVar|intersect|iprEngine|isAnimCurve|isConnected|isDirty|isParentOf|isSameObject|isTrue|isValidObjectName|isValidString|isValidUiName|isolateSelect|itemFilter|itemFilterAttr|itemFilterRender|itemFilterType|joint|jointCluster|jointCtx|jointDisplayScale|jointLattice|keyTangent|keyframe|keyframeOutliner|keyframeRegionCurrentTimeCtx|keyframeRegionDirectKeyCtx|keyframeRegionDollyCtx|keyframeRegionInsertKeyCtx|keyframeRegionMoveKeyCtx|keyframeRegionScaleKeyCtx|keyframeRegionSelectKeyCtx|keyframeRegionSetKeyCtx|keyframeRegionTrackCtx|keyframeStats|lassoContext|lattice|latticeDeformKeyCtx|launch|launchImageEditor|layerButton|layeredShaderPort|layeredTexturePort|layout|layoutDialog|lightList|lightListEditor|lightListPanel|lightlink|lineIntersection|linearPrecision|linstep|listAnimatable|listAttr|listCameras|listConnections|listDeviceAttachments|listHistory|listInputDeviceAxes|listInputDeviceButtons|listInputDevices|listMenuAnnotation|listNodeTypes|listPanelCategories|listRelatives|listSets|listTransforms|listUnselected|listerEditor|loadFluid|loadNewShelf|loadPlugin|loadPluginLanguageResources|loadPrefObjects|localizedPanelLabel|lockNode|loft|log|longNameOf|lookThru|ls|lsThroughFilter|lsType|lsUI|mag|makeIdentity|makeLive|makePaintable|makeRoll|makeSingleSurface|makeTubeOn|makebot|manipMoveContext|manipMoveLimitsCtx|manipOptions|manipRotateContext|manipRotateLimitsCtx|manipScaleContext|manipScaleLimitsCtx|marker|match|max|memory|menu|menuBarLayout|menuEditor|menuItem|menuItemToShelf|menuSet|menuSetPref|messageLine|min|minimizeApp|mirrorJoint|modelCurrentTimeCtx|modelEditor|modelPanel|mouse|movIn|movOut|move|moveIKtoFK|moveKeyCtx|moveVertexAlongDirection|multiProfileBirailSurface|mute|nParticle|nameCommand|nameField|namespace|namespaceInfo|newPanelItems|newton|nodeCast|nodeIconButton|nodeOutliner|nodePreset|nodeType|noise|nonLinear|normalConstraint|normalize|nurbsBoolean|nurbsCopyUVSet|nurbsCube|nurbsEditUV|nurbsPlane|nurbsSelect|nurbsSquare|nurbsToPoly|nurbsToPolygonsPref|nurbsToSubdiv|nurbsToSubdivPref|nurbsUVSet|nurbsViewDirectionVector|objExists|objectCenter|objectLayer|objectType|objectTypeUI|obsoleteProc|oceanNurbsPreviewPlane|offsetCurve|offsetCurveOnSurface|offsetSurface|openGLExtension|openMayaPref|optionMenu|optionMenuGrp|optionVar|orbit|orbitCtx|orientConstraint|outlinerEditor|outlinerPanel|overrideModifier|paintEffectsDisplay|pairBlend|palettePort|paneLayout|panel|panelConfiguration|panelHistory|paramDimContext|paramDimension|paramLocator|parent|parentConstraint|particle|particleExists|particleInstancer|particleRenderInfo|partition|pasteKey|pathAnimation|pause|pclose|percent|performanceOptions|pfxstrokes|pickWalk|picture|pixelMove|planarSrf|plane|play|playbackOptions|playblast|plugAttr|plugNode|pluginInfo|pluginResourceUtil|pointConstraint|pointCurveConstraint|pointLight|pointMatrixMult|pointOnCurve|pointOnSurface|pointPosition|poleVectorConstraint|polyAppend|polyAppendFacetCtx|polyAppendVertex|polyAutoProjection|polyAverageNormal|polyAverageVertex|polyBevel|polyBlendColor|polyBlindData|polyBoolOp|polyBridgeEdge|polyCacheMonitor|polyCheck|polyChipOff|polyClipboard|polyCloseBorder|polyCollapseEdge|polyCollapseFacet|polyColorBlindData|polyColorDel|polyColorPerVertex|polyColorSet|polyCompare|polyCone|polyCopyUV|polyCrease|polyCreaseCtx|polyCreateFacet|polyCreateFacetCtx|polyCube|polyCut|polyCutCtx|polyCylinder|polyCylindricalProjection|polyDelEdge|polyDelFacet|polyDelVertex|polyDuplicateAndConnect|polyDuplicateEdge|polyEditUV|polyEditUVShell|polyEvaluate|polyExtrudeEdge|polyExtrudeFacet|polyExtrudeVertex|polyFlipEdge|polyFlipUV|polyForceUV|polyGeoSampler|polyHelix|polyInfo|polyInstallAction|polyLayoutUV|polyListComponentConversion|polyMapCut|polyMapDel|polyMapSew|polyMapSewMove|polyMergeEdge|polyMergeEdgeCtx|polyMergeFacet|polyMergeFacetCtx|polyMergeUV|polyMergeVertex|polyMirrorFace|polyMoveEdge|polyMoveFacet|polyMoveFacetUV|polyMoveUV|polyMoveVertex|polyNormal|polyNormalPerVertex|polyNormalizeUV|polyOptUvs|polyOptions|polyOutput|polyPipe|polyPlanarProjection|polyPlane|polyPlatonicSolid|polyPoke|polyPrimitive|polyPrism|polyProjection|polyPyramid|polyQuad|polyQueryBlindData|polyReduce|polySelect|polySelectConstraint|polySelectConstraintMonitor|polySelectCtx|polySelectEditCtx|polySeparate|polySetToFaceNormal|polySewEdge|polyShortestPathCtx|polySmooth|polySoftEdge|polySphere|polySphericalProjection|polySplit|polySplitCtx|polySplitEdge|polySplitRing|polySplitVertex|polyStraightenUVBorder|polySubdivideEdge|polySubdivideFacet|polyToSubdiv|polyTorus|polyTransfer|polyTriangulate|polyUVSet|polyUnite|polyWedgeFace|popen|popupMenu|pose|pow|preloadRefEd|print|progressBar|progressWindow|projFileViewer|projectCurve|projectTangent|projectionContext|projectionManip|promptDialog|propModCtx|propMove|psdChannelOutliner|psdEditTextureFile|psdExport|psdTextureFile|putenv|pwd|python|querySubdiv|quit|rad_to_deg|radial|radioButton|radioButtonGrp|radioCollection|radioMenuItemCollection|rampColorPort|rand|randomizeFollicles|randstate|rangeControl|readTake|rebuildCurve|rebuildSurface|recordAttr|recordDevice|redo|reference|referenceEdit|referenceQuery|refineSubdivSelectionList|refresh|refreshAE|registerPluginResource|rehash|reloadImage|removeJoint|removeMultiInstance|removePanelCategory|rename|renameAttr|renameSelectionList|renameUI|render|renderGlobalsNode|renderInfo|renderLayerButton|renderLayerParent|renderLayerPostProcess|renderLayerUnparent|renderManip|renderPartition|renderQualityNode|renderSettings|renderThumbnailUpdate|renderWindowEditor|renderWindowSelectContext|renderer|reorder|reorderDeformers|requires|reroot|resampleFluid|resetAE|resetPfxToPolyCamera|resetTool|resolutionNode|retarget|reverseCurve|reverseSurface|revolve|rgb_to_hsv|rigidBody|rigidSolver|roll|rollCtx|rootOf|rot|rotate|rotationInterpolation|roundConstantRadius|rowColumnLayout|rowLayout|runTimeCommand|runup|sampleImage|saveAllShelves|saveAttrPreset|saveFluid|saveImage|saveInitialState|saveMenu|savePrefObjects|savePrefs|saveShelf|saveToolSettings|scale|scaleBrushBrightness|scaleComponents|scaleConstraint|scaleKey|scaleKeyCtx|sceneEditor|sceneUIReplacement|scmh|scriptCtx|scriptEditorInfo|scriptJob|scriptNode|scriptTable|scriptToShelf|scriptedPanel|scriptedPanelType|scrollField|scrollLayout|sculpt|searchPathArray|seed|selLoadSettings|select|selectContext|selectCurveCV|selectKey|selectKeyCtx|selectKeyframeRegionCtx|selectMode|selectPref|selectPriority|selectType|selectedNodes|selectionConnection|separator|setAttr|setAttrEnumResource|setAttrMapping|setAttrNiceNameResource|setConstraintRestPosition|setDefaultShadingGroup|setDrivenKeyframe|setDynamic|setEditCtx|setEditor|setFluidAttr|setFocus|setInfinity|setInputDeviceMapping|setKeyCtx|setKeyPath|setKeyframe|setKeyframeBlendshapeTargetWts|setMenuMode|setNodeNiceNameResource|setNodeTypeFlag|setParent|setParticleAttr|setPfxToPolyCamera|setPluginResource|setProject|setStampDensity|setStartupMessage|setState|setToolTo|setUITemplate|setXformManip|sets|shadingConnection|shadingGeometryRelCtx|shadingLightRelCtx|shadingNetworkCompare|shadingNode|shapeCompare|shelfButton|shelfLayout|shelfTabLayout|shellField|shortNameOf|showHelp|showHidden|showManipCtx|showSelectionInTitle|showShadingGroupAttrEditor|showWindow|sign|simplify|sin|singleProfileBirailSurface|size|sizeBytes|skinCluster|skinPercent|smoothCurve|smoothTangentSurface|smoothstep|snap2to2|snapKey|snapMode|snapTogetherCtx|snapshot|soft|softMod|softModCtx|sort|sound|soundControl|source|spaceLocator|sphere|sphrand|spotLight|spotLightPreviewPort|spreadSheetEditor|spring|sqrt|squareSurface|srtContext|stackTrace|startString|startsWith|stitchAndExplodeShell|stitchSurface|stitchSurfacePoints|strcmp|stringArrayCatenate|stringArrayContains|stringArrayCount|stringArrayInsertAtIndex|stringArrayIntersector|stringArrayRemove|stringArrayRemoveAtIndex|stringArrayRemoveDuplicates|stringArrayRemoveExact|stringArrayToString|stringToStringArray|strip|stripPrefixFromName|stroke|subdAutoProjection|subdCleanTopology|subdCollapse|subdDuplicateAndConnect|subdEditUV|subdListComponentConversion|subdMapCut|subdMapSewMove|subdMatchTopology|subdMirror|subdToBlind|subdToPoly|subdTransferUVsToCache|subdiv|subdivCrease|subdivDisplaySmoothness|substitute|substituteAllString|substituteGeometry|substring|surface|surfaceSampler|surfaceShaderList|swatchDisplayPort|switchTable|symbolButton|symbolCheckBox|sysFile|system|tabLayout|tan|tangentConstraint|texLatticeDeformContext|texManipContext|texMoveContext|texMoveUVShellContext|texRotateContext|texScaleContext|texSelectContext|texSelectShortestPathCtx|texSmudgeUVContext|texWinToolCtx|text|textCurves|textField|textFieldButtonGrp|textFieldGrp|textManip|textScrollList|textToShelf|textureDisplacePlane|textureHairColor|texturePlacementContext|textureWindow|threadCount|threePointArcCtx|timeControl|timePort|timerX|toNativePath|toggle|toggleAxis|toggleWindowVisibility|tokenize|tokenizeList|tolerance|tolower|toolButton|toolCollection|toolDropped|toolHasOptions|toolPropertyWindow|torus|toupper|trace|track|trackCtx|transferAttributes|transformCompare|transformLimits|translator|trim|trunc|truncateFluidCache|truncateHairCache|tumble|tumbleCtx|turbulence|twoPointArcCtx|uiRes|uiTemplate|unassignInputDevice|undo|undoInfo|ungroup|uniform|unit|unloadPlugin|untangleUV|untitledFileName|untrim|upAxis|updateAE|userCtx|uvLink|uvSnapshot|validateShelfName|vectorize|view2dToolCtx|viewCamera|viewClipPlane|viewFit|viewHeadOn|viewLookAt|viewManip|viewPlace|viewSet|visor|volumeAxis|vortex|waitCursor|warning|webBrowser|webBrowserPrefs|whatIs|window|windowPref|wire|wireContext|workspace|wrinkle|wrinkleContext|writeTake|xbmLangPathList|xform)\b/,operator:[/\+[+=]?|-[-=]?|&&|\|\||[<>]=|[*\/!=]=?|[%^]/,{pattern:/(^|[^<])<(?!<)/,lookbehind:!0},{pattern:/(^|[^>])>(?!>)/,lookbehind:!0}],punctuation:/<<|>>|[.,:;?\[\](){}]/},e.languages.mel.code.inside.rest=e.languages.mel}e.exports=t,t.displayName="mel",t.aliases=[]},68582:function(e){"use strict";function t(e){e.languages.mermaid={comment:{pattern:/%%.*/,greedy:!0},style:{pattern:/^([ \t]*(?:classDef|linkStyle|style)[ \t]+[\w$-]+[ \t]+)\w.*[^\s;]/m,lookbehind:!0,inside:{property:/\b\w[\w-]*(?=[ \t]*:)/,operator:/:/,punctuation:/,/}},"inter-arrow-label":{pattern:/([^<>ox.=-])(?:-[-.]|==)(?![<>ox.=-])[ \t]*(?:"[^"\r\n]*"|[^\s".=-](?:[^\r\n.=-]*[^\s.=-])?)[ \t]*(?:\.+->?|--+[->]|==+[=>])(?![<>ox.=-])/,lookbehind:!0,greedy:!0,inside:{arrow:{pattern:/(?:\.+->?|--+[->]|==+[=>])$/,alias:"operator"},label:{pattern:/^([\s\S]{2}[ \t]*)\S(?:[\s\S]*\S)?/,lookbehind:!0,alias:"property"},"arrow-head":{pattern:/^\S+/,alias:["arrow","operator"]}}},arrow:[{pattern:/(^|[^{}|o.-])[|}][|o](?:--|\.\.)[|o][|{](?![{}|o.-])/,lookbehind:!0,alias:"operator"},{pattern:/(^|[^<>ox.=-])(?:[ox]?|(?:==+|--+|-\.*-)[>ox]|===+|---+|-\.+-)(?![<>ox.=-])/,lookbehind:!0,alias:"operator"},{pattern:/(^|[^<>()x-])(?:--?(?:>>|[x>)])(?![<>()x])|(?:<<|[x<(])--?(?!-))/,lookbehind:!0,alias:"operator"},{pattern:/(^|[^<>|*o.-])(?:[*o]--|--[*o]|<\|?(?:--|\.\.)|(?:--|\.\.)\|?>|--|\.\.)(?![<>|*o.-])/,lookbehind:!0,alias:"operator"}],label:{pattern:/(^|[^|<])\|(?:[^\r\n"|]|"[^"\r\n]*")+\|/,lookbehind:!0,greedy:!0,alias:"property"},text:{pattern:/(?:[(\[{]+|\b>)(?:[^\r\n"()\[\]{}]|"[^"\r\n]*")+(?:[)\]}]+|>)/,alias:"string"},string:{pattern:/"[^"\r\n]*"/,greedy:!0},annotation:{pattern:/<<(?:abstract|choice|enumeration|fork|interface|join|service)>>|\[\[(?:choice|fork|join)\]\]/i,alias:"important"},keyword:[{pattern:/(^[ \t]*)(?:action|callback|class|classDef|classDiagram|click|direction|erDiagram|flowchart|gantt|gitGraph|graph|journey|link|linkStyle|pie|requirementDiagram|sequenceDiagram|stateDiagram|stateDiagram-v2|style|subgraph)(?![\w$-])/m,lookbehind:!0,greedy:!0},{pattern:/(^[ \t]*)(?:activate|alt|and|as|autonumber|deactivate|else|end(?:[ \t]+note)?|loop|opt|par|participant|rect|state|note[ \t]+(?:over|(?:left|right)[ \t]+of))(?![\w$-])/im,lookbehind:!0,greedy:!0}],entity:/#[a-z0-9]+;/,operator:{pattern:/(\w[ \t]*)&(?=[ \t]*\w)|:::|:/,lookbehind:!0},punctuation:/[(){};]/}}e.exports=t,t.displayName="mermaid",t.aliases=[]},23388:function(e){"use strict";function t(e){e.languages.mizar={comment:/::.+/,keyword:/@proof\b|\b(?:according|aggregate|all|and|antonym|are|as|associativity|assume|asymmetry|attr|be|begin|being|by|canceled|case|cases|clusters?|coherence|commutativity|compatibility|connectedness|consider|consistency|constructors|contradiction|correctness|def|deffunc|define|definitions?|defpred|do|does|end|environ|equals|ex|exactly|existence|for|from|func|given|hence|hereby|holds|idempotence|identity|iff?|implies|involutiveness|irreflexivity|is|it|let|means|mode|non|not|notations?|now|of|or|otherwise|over|per|pred|prefix|projectivity|proof|provided|qua|reconsider|redefine|reduce|reducibility|reflexivity|registrations?|requirements|reserve|sch|schemes?|section|selector|set|sethood|st|struct|such|suppose|symmetry|synonym|take|that|the|then|theorems?|thesis|thus|to|transitivity|uniqueness|vocabular(?:ies|y)|when|where|with|wrt)\b/,parameter:{pattern:/\$(?:10|\d)/,alias:"variable"},variable:/\b\w+(?=:)/,number:/(?:\b|-)\d+\b/,operator:/\.\.\.|->|&|\.?=/,punctuation:/\(#|#\)|[,:;\[\](){}]/}}e.exports=t,t.displayName="mizar",t.aliases=[]},90596:function(e){"use strict";function t(e){var t,n;n="(?:"+["$eq","$gt","$gte","$in","$lt","$lte","$ne","$nin","$and","$not","$nor","$or","$exists","$type","$expr","$jsonSchema","$mod","$regex","$text","$where","$geoIntersects","$geoWithin","$near","$nearSphere","$all","$elemMatch","$size","$bitsAllClear","$bitsAllSet","$bitsAnyClear","$bitsAnySet","$comment","$elemMatch","$meta","$slice","$currentDate","$inc","$min","$max","$mul","$rename","$set","$setOnInsert","$unset","$addToSet","$pop","$pull","$push","$pullAll","$each","$position","$slice","$sort","$bit","$addFields","$bucket","$bucketAuto","$collStats","$count","$currentOp","$facet","$geoNear","$graphLookup","$group","$indexStats","$limit","$listLocalSessions","$listSessions","$lookup","$match","$merge","$out","$planCacheStats","$project","$redact","$replaceRoot","$replaceWith","$sample","$set","$skip","$sort","$sortByCount","$unionWith","$unset","$unwind","$setWindowFields","$abs","$accumulator","$acos","$acosh","$add","$addToSet","$allElementsTrue","$and","$anyElementTrue","$arrayElemAt","$arrayToObject","$asin","$asinh","$atan","$atan2","$atanh","$avg","$binarySize","$bsonSize","$ceil","$cmp","$concat","$concatArrays","$cond","$convert","$cos","$dateFromParts","$dateToParts","$dateFromString","$dateToString","$dayOfMonth","$dayOfWeek","$dayOfYear","$degreesToRadians","$divide","$eq","$exp","$filter","$first","$floor","$function","$gt","$gte","$hour","$ifNull","$in","$indexOfArray","$indexOfBytes","$indexOfCP","$isArray","$isNumber","$isoDayOfWeek","$isoWeek","$isoWeekYear","$last","$last","$let","$literal","$ln","$log","$log10","$lt","$lte","$ltrim","$map","$max","$mergeObjects","$meta","$min","$millisecond","$minute","$mod","$month","$multiply","$ne","$not","$objectToArray","$or","$pow","$push","$radiansToDegrees","$range","$reduce","$regexFind","$regexFindAll","$regexMatch","$replaceOne","$replaceAll","$reverseArray","$round","$rtrim","$second","$setDifference","$setEquals","$setIntersection","$setIsSubset","$setUnion","$size","$sin","$slice","$split","$sqrt","$stdDevPop","$stdDevSamp","$strcasecmp","$strLenBytes","$strLenCP","$substr","$substrBytes","$substrCP","$subtract","$sum","$switch","$tan","$toBool","$toDate","$toDecimal","$toDouble","$toInt","$toLong","$toObjectId","$toString","$toLower","$toUpper","$trim","$trunc","$type","$week","$year","$zip","$count","$dateAdd","$dateDiff","$dateSubtract","$dateTrunc","$getField","$rand","$sampleRate","$setField","$unsetField","$comment","$explain","$hint","$max","$maxTimeMS","$min","$orderby","$query","$returnKey","$showDiskLoc","$natural"].map(function(e){return e.replace("$","\\$")}).join("|")+")\\b",e.languages.mongodb=e.languages.extend("javascript",{}),e.languages.insertBefore("mongodb","string",{property:{pattern:/(?:(["'])(?:\\(?:\r\n|[\s\S])|(?!\1)[^\\\r\n])*\1|(?!\s)[_$a-zA-Z\xA0-\uFFFF](?:(?!\s)[$\w\xA0-\uFFFF])*)(?=\s*:)/,greedy:!0,inside:{keyword:RegExp("^(['\"])?"+n+"(?:\\1)?$")}}}),e.languages.mongodb.string.inside={url:{pattern:/https?:\/\/[-\w@:%.+~#=]{1,256}\.[a-z0-9()]{1,6}\b[-\w()@:%+.~#?&/=]*/i,greedy:!0},entity:{pattern:/\b(?:(?:[01]?\d\d?|2[0-4]\d|25[0-5])\.){3}(?:[01]?\d\d?|2[0-4]\d|25[0-5])\b/,greedy:!0}},e.languages.insertBefore("mongodb","constant",{builtin:{pattern:RegExp("\\b(?:ObjectId|Code|BinData|DBRef|Timestamp|NumberLong|NumberDecimal|MaxKey|MinKey|RegExp|ISODate|UUID)\\b"),alias:"keyword"}})}e.exports=t,t.displayName="mongodb",t.aliases=[]},95721:function(e){"use strict";function t(e){e.languages.monkey={comment:{pattern:/^#Rem\s[\s\S]*?^#End|'.+/im,greedy:!0},string:{pattern:/"[^"\r\n]*"/,greedy:!0},preprocessor:{pattern:/(^[ \t]*)#.+/m,lookbehind:!0,greedy:!0,alias:"property"},function:/\b\w+(?=\()/,"type-char":{pattern:/\b[?%#$]/,alias:"class-name"},number:{pattern:/((?:\.\.)?)(?:(?:\b|\B-\.?|\B\.)\d+(?:(?!\.\.)\.\d*)?|\$[\da-f]+)/i,lookbehind:!0},keyword:/\b(?:Abstract|Array|Bool|Case|Catch|Class|Const|Continue|Default|Eachin|Else|ElseIf|End|EndIf|Exit|Extends|Extern|False|Field|Final|Float|For|Forever|Function|Global|If|Implements|Import|Inline|Int|Interface|Local|Method|Module|New|Next|Null|Object|Private|Property|Public|Repeat|Return|Select|Self|Step|Strict|String|Super|Then|Throw|To|True|Try|Until|Void|Wend|While)\b/i,operator:/\.\.|<[=>]?|>=?|:?=|(?:[+\-*\/&~|]|\b(?:Mod|Shl|Shr)\b)=?|\b(?:And|Not|Or)\b/i,punctuation:/[.,:;()\[\]]/}}e.exports=t,t.displayName="monkey",t.aliases=[]},64262:function(e){"use strict";function t(e){e.languages.moonscript={comment:/--.*/,string:[{pattern:/'[^']*'|\[(=*)\[[\s\S]*?\]\1\]/,greedy:!0},{pattern:/"[^"]*"/,greedy:!0,inside:{interpolation:{pattern:/#\{[^{}]*\}/,inside:{moonscript:{pattern:/(^#\{)[\s\S]+(?=\})/,lookbehind:!0,inside:null},"interpolation-punctuation":{pattern:/#\{|\}/,alias:"punctuation"}}}}}],"class-name":[{pattern:/(\b(?:class|extends)[ \t]+)\w+/,lookbehind:!0},/\b[A-Z]\w*/],keyword:/\b(?:class|continue|do|else|elseif|export|extends|for|from|if|import|in|local|nil|return|self|super|switch|then|unless|using|when|while|with)\b/,variable:/@@?\w*/,property:{pattern:/\b(?!\d)\w+(?=:)|(:)(?!\d)\w+/,lookbehind:!0},function:{pattern:/\b(?:_G|_VERSION|assert|collectgarbage|coroutine\.(?:create|resume|running|status|wrap|yield)|debug\.(?:debug|getfenv|gethook|getinfo|getlocal|getmetatable|getregistry|getupvalue|setfenv|sethook|setlocal|setmetatable|setupvalue|traceback)|dofile|error|getfenv|getmetatable|io\.(?:close|flush|input|lines|open|output|popen|read|stderr|stdin|stdout|tmpfile|type|write)|ipairs|load|loadfile|loadstring|math\.(?:abs|acos|asin|atan|atan2|ceil|cos|cosh|deg|exp|floor|fmod|frexp|ldexp|log|log10|max|min|modf|pi|pow|rad|random|randomseed|sin|sinh|sqrt|tan|tanh)|module|next|os\.(?:clock|date|difftime|execute|exit|getenv|remove|rename|setlocale|time|tmpname)|package\.(?:cpath|loaded|loadlib|path|preload|seeall)|pairs|pcall|print|rawequal|rawget|rawset|require|select|setfenv|setmetatable|string\.(?:byte|char|dump|find|format|gmatch|gsub|len|lower|match|rep|reverse|sub|upper)|table\.(?:concat|insert|maxn|remove|sort)|tonumber|tostring|type|unpack|xpcall)\b/,inside:{punctuation:/\./}},boolean:/\b(?:false|true)\b/,number:/(?:\B\.\d+|\b\d+\.\d+|\b\d+(?=[eE]))(?:[eE][-+]?\d+)?\b|\b(?:0x[a-fA-F\d]+|\d+)(?:U?LL)?\b/,operator:/\.{3}|[-=]>|~=|(?:[-+*/%<>!=]|\.\.)=?|[:#^]|\b(?:and|or)\b=?|\b(?:not)\b/,punctuation:/[.,()[\]{}\\]/},e.languages.moonscript.string[1].inside.interpolation.inside.moonscript.inside=e.languages.moonscript,e.languages.moon=e.languages.moonscript}e.exports=t,t.displayName="moonscript",t.aliases=["moon"]},18190:function(e){"use strict";function t(e){e.languages.n1ql={comment:{pattern:/\/\*[\s\S]*?(?:$|\*\/)|--.*/,greedy:!0},string:{pattern:/(["'])(?:\\[\s\S]|(?!\1)[^\\]|\1\1)*\1/,greedy:!0},identifier:{pattern:/`(?:\\[\s\S]|[^\\`]|``)*`/,greedy:!0},parameter:/\$[\w.]+/,keyword:/\b(?:ADVISE|ALL|ALTER|ANALYZE|AS|ASC|AT|BEGIN|BINARY|BOOLEAN|BREAK|BUCKET|BUILD|BY|CALL|CAST|CLUSTER|COLLATE|COLLECTION|COMMIT|COMMITTED|CONNECT|CONTINUE|CORRELATE|CORRELATED|COVER|CREATE|CURRENT|DATABASE|DATASET|DATASTORE|DECLARE|DECREMENT|DELETE|DERIVED|DESC|DESCRIBE|DISTINCT|DO|DROP|EACH|ELEMENT|EXCEPT|EXCLUDE|EXECUTE|EXPLAIN|FETCH|FILTER|FLATTEN|FLUSH|FOLLOWING|FOR|FORCE|FROM|FTS|FUNCTION|GOLANG|GRANT|GROUP|GROUPS|GSI|HASH|HAVING|IF|IGNORE|ILIKE|INCLUDE|INCREMENT|INDEX|INFER|INLINE|INNER|INSERT|INTERSECT|INTO|IS|ISOLATION|JAVASCRIPT|JOIN|KEY|KEYS|KEYSPACE|KNOWN|LANGUAGE|LAST|LEFT|LET|LETTING|LEVEL|LIMIT|LSM|MAP|MAPPING|MATCHED|MATERIALIZED|MERGE|MINUS|MISSING|NAMESPACE|NEST|NL|NO|NTH_VALUE|NULL|NULLS|NUMBER|OBJECT|OFFSET|ON|OPTION|OPTIONS|ORDER|OTHERS|OUTER|OVER|PARSE|PARTITION|PASSWORD|PATH|POOL|PRECEDING|PREPARE|PRIMARY|PRIVATE|PRIVILEGE|PROBE|PROCEDURE|PUBLIC|RANGE|RAW|REALM|REDUCE|RENAME|RESPECT|RETURN|RETURNING|REVOKE|RIGHT|ROLE|ROLLBACK|ROW|ROWS|SATISFIES|SAVEPOINT|SCHEMA|SCOPE|SELECT|SELF|SEMI|SET|SHOW|SOME|START|STATISTICS|STRING|SYSTEM|TIES|TO|TRAN|TRANSACTION|TRIGGER|TRUNCATE|UNBOUNDED|UNDER|UNION|UNIQUE|UNKNOWN|UNNEST|UNSET|UPDATE|UPSERT|USE|USER|USING|VALIDATE|VALUE|VALUES|VIA|VIEW|WHERE|WHILE|WINDOW|WITH|WORK|XOR)\b/i,function:/\b[a-z_]\w*(?=\s*\()/i,boolean:/\b(?:FALSE|TRUE)\b/i,number:/(?:\b\d+\.|\B\.)\d+e[+\-]?\d+\b|\b\d+(?:\.\d*)?|\B\.\d+\b/i,operator:/[-+*\/%]|!=|==?|\|\||<[>=]?|>=?|\b(?:AND|ANY|ARRAY|BETWEEN|CASE|ELSE|END|EVERY|EXISTS|FIRST|IN|LIKE|NOT|OR|THEN|VALUED|WHEN|WITHIN)\b/i,punctuation:/[;[\](),.{}:]/}}e.exports=t,t.displayName="n1ql",t.aliases=[]},70896:function(e){"use strict";function t(e){e.languages.n4js=e.languages.extend("javascript",{keyword:/\b(?:Array|any|boolean|break|case|catch|class|const|constructor|continue|debugger|declare|default|delete|do|else|enum|export|extends|false|finally|for|from|function|get|if|implements|import|in|instanceof|interface|let|module|new|null|number|package|private|protected|public|return|set|static|string|super|switch|this|throw|true|try|typeof|var|void|while|with|yield)\b/}),e.languages.insertBefore("n4js","constant",{annotation:{pattern:/@+\w+/,alias:"operator"}}),e.languages.n4jsd=e.languages.n4js}e.exports=t,t.displayName="n4js",t.aliases=["n4jsd"]},42242:function(e){"use strict";function t(e){e.languages["nand2tetris-hdl"]={comment:/\/\/.*|\/\*[\s\S]*?(?:\*\/|$)/,keyword:/\b(?:BUILTIN|CHIP|CLOCKED|IN|OUT|PARTS)\b/,boolean:/\b(?:false|true)\b/,function:/\b[A-Za-z][A-Za-z0-9]*(?=\()/,number:/\b\d+\b/,operator:/=|\.\./,punctuation:/[{}[\];(),:]/}}e.exports=t,t.displayName="nand2tetrisHdl",t.aliases=[]},37943:function(e){"use strict";function t(e){var t,n;n={"quoted-string":{pattern:/"(?:[^"\\]|\\.)*"/,alias:"operator"},"command-param-id":{pattern:/(\s)\w+:/,lookbehind:!0,alias:"property"},"command-param-value":[{pattern:t=/\{[^\r\n\[\]{}]*\}/,alias:"selector"},{pattern:/([\t ])\S+/,lookbehind:!0,greedy:!0,alias:"operator"},{pattern:/\S(?:.*\S)?/,alias:"operator"}]},e.languages.naniscript={comment:{pattern:/^([\t ]*);.*/m,lookbehind:!0},define:{pattern:/^>.+/m,alias:"tag",inside:{value:{pattern:/(^>\w+[\t ]+)(?!\s)[^{}\r\n]+/,lookbehind:!0,alias:"operator"},key:{pattern:/(^>)\w+/,lookbehind:!0}}},label:{pattern:/^([\t ]*)#[\t ]*\w+[\t ]*$/m,lookbehind:!0,alias:"regex"},command:{pattern:/^([\t ]*)@\w+(?=[\t ]|$).*/m,lookbehind:!0,alias:"function",inside:{"command-name":/^@\w+/,expression:{pattern:t,greedy:!0,alias:"selector"},"command-params":{pattern:/\s*\S[\s\S]*/,inside:n}}},"generic-text":{pattern:/(^[ \t]*)[^#@>;\s].*/m,lookbehind:!0,alias:"punctuation",inside:{"escaped-char":/\\[{}\[\]"]/,expression:{pattern:t,greedy:!0,alias:"selector"},"inline-command":{pattern:/\[[\t ]*\w[^\r\n\[\]]*\]/,greedy:!0,alias:"function",inside:{"command-params":{pattern:/(^\[[\t ]*\w+\b)[\s\S]+(?=\]$)/,lookbehind:!0,inside:n},"command-param-name":{pattern:/^(\[[\t ]*)\w+/,lookbehind:!0,alias:"name"},"start-stop-char":/[\[\]]/}}}}},e.languages.nani=e.languages.naniscript,e.hooks.add("after-tokenize",function(e){e.tokens.forEach(function(e){if("string"!=typeof e&&"generic-text"===e.type){var t=function e(t){return"string"==typeof t?t:Array.isArray(t)?t.map(e).join(""):e(t.content)}(e);!function(e){for(var t=[],n=0;n=&|$!]/}}e.exports=t,t.displayName="nasm",t.aliases=[]},83873:function(e){"use strict";function t(e){e.languages.neon={comment:{pattern:/#.*/,greedy:!0},datetime:{pattern:/(^|[[{(=:,\s])\d\d\d\d-\d\d?-\d\d?(?:(?:[Tt]| +)\d\d?:\d\d:\d\d(?:\.\d*)? *(?:Z|[-+]\d\d?(?::?\d\d)?)?)?(?=$|[\]}),\s])/,lookbehind:!0,alias:"number"},key:{pattern:/(^|[[{(,\s])[^,:=[\]{}()'"\s]+(?=\s*:(?:$|[\]}),\s])|\s*=)/,lookbehind:!0,alias:"atrule"},number:{pattern:/(^|[[{(=:,\s])[+-]?(?:0x[\da-fA-F]+|0o[0-7]+|0b[01]+|(?:\d+(?:\.\d*)?|\.?\d+)(?:[eE][+-]?\d+)?)(?=$|[\]}),:=\s])/,lookbehind:!0},boolean:{pattern:/(^|[[{(=:,\s])(?:false|no|true|yes)(?=$|[\]}),:=\s])/i,lookbehind:!0},null:{pattern:/(^|[[{(=:,\s])(?:null)(?=$|[\]}),:=\s])/i,lookbehind:!0,alias:"keyword"},string:{pattern:/(^|[[{(=:,\s])(?:('''|""")\r?\n(?:(?:[^\r\n]|\r?\n(?![\t ]*\2))*\r?\n)?[\t ]*\2|'[^'\r\n]*'|"(?:\\.|[^\\"\r\n])*")/,lookbehind:!0,greedy:!0},literal:{pattern:/(^|[[{(=:,\s])(?:[^#"',:=[\]{}()\s`-]|[:-][^"',=[\]{}()\s])(?:[^,:=\]})(\s]|:(?![\s,\]})]|$)|[ \t]+[^#,:=\]})(\s])*/,lookbehind:!0,alias:"string"},punctuation:/[,:=[\]{}()-]/}}e.exports=t,t.displayName="neon",t.aliases=[]},75932:function(e){"use strict";function t(e){e.languages.nevod={comment:/\/\/.*|(?:\/\*[\s\S]*?(?:\*\/|$))/,string:{pattern:/(?:"(?:""|[^"])*"(?!")|'(?:''|[^'])*'(?!'))!?\*?/,greedy:!0,inside:{"string-attrs":/!$|!\*$|\*$/}},namespace:{pattern:/(@namespace\s+)[a-zA-Z0-9\-.]+(?=\s*\{)/,lookbehind:!0},pattern:{pattern:/(@pattern\s+)?#?[a-zA-Z0-9\-.]+(?:\s*\(\s*(?:~\s*)?[a-zA-Z0-9\-.]+\s*(?:,\s*(?:~\s*)?[a-zA-Z0-9\-.]*)*\))?(?=\s*=)/,lookbehind:!0,inside:{"pattern-name":{pattern:/^#?[a-zA-Z0-9\-.]+/,alias:"class-name"},fields:{pattern:/\(.*\)/,inside:{"field-name":{pattern:/[a-zA-Z0-9\-.]+/,alias:"variable"},punctuation:/[,()]/,operator:{pattern:/~/,alias:"field-hidden-mark"}}}}},search:{pattern:/(@search\s+|#)[a-zA-Z0-9\-.]+(?:\.\*)?(?=\s*;)/,alias:"function",lookbehind:!0},keyword:/@(?:having|inside|namespace|outside|pattern|require|search|where)\b/,"standard-pattern":{pattern:/\b(?:Alpha|AlphaNum|Any|Blank|End|LineBreak|Num|NumAlpha|Punct|Space|Start|Symbol|Word|WordBreak)\b(?:\([a-zA-Z0-9\-.,\s+]*\))?/,inside:{"standard-pattern-name":{pattern:/^[a-zA-Z0-9\-.]+/,alias:"builtin"},quantifier:{pattern:/\b\d+(?:\s*\+|\s*-\s*\d+)?(?!\w)/,alias:"number"},"standard-pattern-attr":{pattern:/[a-zA-Z0-9\-.]+/,alias:"builtin"},punctuation:/[,()]/}},quantifier:{pattern:/\b\d+(?:\s*\+|\s*-\s*\d+)?(?!\w)/,alias:"number"},operator:[{pattern:/=/,alias:"pattern-def"},{pattern:/&/,alias:"conjunction"},{pattern:/~/,alias:"exception"},{pattern:/\?/,alias:"optionality"},{pattern:/[[\]]/,alias:"repetition"},{pattern:/[{}]/,alias:"variation"},{pattern:/[+_]/,alias:"sequence"},{pattern:/\.{2,3}/,alias:"span"}],"field-capture":[{pattern:/([a-zA-Z0-9\-.]+\s*\()\s*[a-zA-Z0-9\-.]+\s*:\s*[a-zA-Z0-9\-.]+(?:\s*,\s*[a-zA-Z0-9\-.]+\s*:\s*[a-zA-Z0-9\-.]+)*(?=\s*\))/,lookbehind:!0,inside:{"field-name":{pattern:/[a-zA-Z0-9\-.]+/,alias:"variable"},colon:/:/}},{pattern:/[a-zA-Z0-9\-.]+\s*:/,inside:{"field-name":{pattern:/[a-zA-Z0-9\-.]+/,alias:"variable"},colon:/:/}}],punctuation:/[:;,()]/,name:/[a-zA-Z0-9\-.]+/}}e.exports=t,t.displayName="nevod",t.aliases=[]},60221:function(e){"use strict";function t(e){var t;t=/\$(?:\w[a-z\d]*(?:_[^\x00-\x1F\s"'\\()$]*)?|\{[^}\s"'\\]+\})/i,e.languages.nginx={comment:{pattern:/(^|[\s{};])#.*/,lookbehind:!0,greedy:!0},directive:{pattern:/(^|\s)\w(?:[^;{}"'\\\s]|\\.|"(?:[^"\\]|\\.)*"|'(?:[^'\\]|\\.)*'|\s+(?:#.*(?!.)|(?![#\s])))*?(?=\s*[;{])/,lookbehind:!0,greedy:!0,inside:{string:{pattern:/((?:^|[^\\])(?:\\\\)*)(?:"(?:[^"\\]|\\.)*"|'(?:[^'\\]|\\.)*')/,lookbehind:!0,greedy:!0,inside:{escape:{pattern:/\\["'\\nrt]/,alias:"entity"},variable:t}},comment:{pattern:/(\s)#.*/,lookbehind:!0,greedy:!0},keyword:{pattern:/^\S+/,greedy:!0},boolean:{pattern:/(\s)(?:off|on)(?!\S)/,lookbehind:!0},number:{pattern:/(\s)\d+[a-z]*(?!\S)/i,lookbehind:!0},variable:t}},punctuation:/[{};]/}}e.exports=t,t.displayName="nginx",t.aliases=[]},44188:function(e){"use strict";function t(e){e.languages.nim={comment:{pattern:/#.*/,greedy:!0},string:{pattern:/(?:\b(?!\d)(?:\w|\\x[89a-fA-F][0-9a-fA-F])+)?(?:"""[\s\S]*?"""(?!")|"(?:\\[\s\S]|""|[^"\\])*")/,greedy:!0},char:{pattern:/'(?:\\(?:\d+|x[\da-fA-F]{0,2}|.)|[^'])'/,greedy:!0},function:{pattern:/(?:(?!\d)(?:\w|\\x[89a-fA-F][0-9a-fA-F])+|`[^`\r\n]+`)\*?(?:\[[^\]]+\])?(?=\s*\()/,greedy:!0,inside:{operator:/\*$/}},identifier:{pattern:/`[^`\r\n]+`/,greedy:!0,inside:{punctuation:/`/}},number:/\b(?:0[xXoObB][\da-fA-F_]+|\d[\d_]*(?:(?!\.\.)\.[\d_]*)?(?:[eE][+-]?\d[\d_]*)?)(?:'?[iuf]\d*)?/,keyword:/\b(?:addr|as|asm|atomic|bind|block|break|case|cast|concept|const|continue|converter|defer|discard|distinct|do|elif|else|end|enum|except|export|finally|for|from|func|generic|if|import|include|interface|iterator|let|macro|method|mixin|nil|object|out|proc|ptr|raise|ref|return|static|template|try|tuple|type|using|var|when|while|with|without|yield)\b/,operator:{pattern:/(^|[({\[](?=\.\.)|(?![({\[]\.).)(?:(?:[=+\-*\/<>@$~&%|!?^:\\]|\.\.|\.(?![)}\]]))+|\b(?:and|div|in|is|isnot|mod|not|notin|of|or|shl|shr|xor)\b)/m,lookbehind:!0},punctuation:/[({\[]\.|\.[)}\]]|[`(){}\[\],:]/}}e.exports=t,t.displayName="nim",t.aliases=[]},74426:function(e){"use strict";function t(e){e.languages.nix={comment:{pattern:/\/\*[\s\S]*?\*\/|#.*/,greedy:!0},string:{pattern:/"(?:[^"\\]|\\[\s\S])*"|''(?:(?!'')[\s\S]|''(?:'|\\|\$\{))*''/,greedy:!0,inside:{interpolation:{pattern:/(^|(?:^|(?!'').)[^\\])\$\{(?:[^{}]|\{[^}]*\})*\}/,lookbehind:!0,inside:null}}},url:[/\b(?:[a-z]{3,7}:\/\/)[\w\-+%~\/.:#=?&]+/,{pattern:/([^\/])(?:[\w\-+%~.:#=?&]*(?!\/\/)[\w\-+%~\/.:#=?&])?(?!\/\/)\/[\w\-+%~\/.:#=?&]*/,lookbehind:!0}],antiquotation:{pattern:/\$(?=\{)/,alias:"important"},number:/\b\d+\b/,keyword:/\b(?:assert|builtins|else|if|in|inherit|let|null|or|then|with)\b/,function:/\b(?:abort|add|all|any|attrNames|attrValues|baseNameOf|compareVersions|concatLists|currentSystem|deepSeq|derivation|dirOf|div|elem(?:At)?|fetch(?:Tarball|url)|filter(?:Source)?|fromJSON|genList|getAttr|getEnv|hasAttr|hashString|head|import|intersectAttrs|is(?:Attrs|Bool|Function|Int|List|Null|String)|length|lessThan|listToAttrs|map|mul|parseDrvName|pathExists|read(?:Dir|File)|removeAttrs|replaceStrings|seq|sort|stringLength|sub(?:string)?|tail|throw|to(?:File|JSON|Path|String|XML)|trace|typeOf)\b|\bfoldl'\B/,boolean:/\b(?:false|true)\b/,operator:/[=!<>]=?|\+\+?|\|\||&&|\/\/|->?|[?@]/,punctuation:/[{}()[\].,:;]/},e.languages.nix.string.inside.interpolation.inside=e.languages.nix}e.exports=t,t.displayName="nix",t.aliases=[]},88447:function(e){"use strict";function t(e){e.languages.nsis={comment:{pattern:/(^|[^\\])(?:\/\*[\s\S]*?\*\/|[#;].*)/,lookbehind:!0,greedy:!0},string:{pattern:/("|')(?:\\.|(?!\1)[^\\\r\n])*\1/,greedy:!0},keyword:{pattern:/(^[\t ]*)(?:Abort|Add(?:BrandingImage|Size)|AdvSplash|Allow(?:RootDirInstall|SkipFiles)|AutoCloseWindow|BG(?:Font|Gradient|Image)|Banner|BrandingText|BringToFront|CRCCheck|Call(?:InstDLL)?|Caption|ChangeUI|CheckBitmap|ClearErrors|CompletedText|ComponentText|CopyFiles|Create(?:Directory|Font|ShortCut)|Delete(?:INISec|INIStr|RegKey|RegValue)?|Detail(?:Print|sButtonText)|Dialer|Dir(?:Text|Var|Verify)|EnableWindow|Enum(?:RegKey|RegValue)|Exch|Exec(?:Shell(?:Wait)?|Wait)?|ExpandEnvStrings|File(?:BufSize|Close|ErrorText|Open|Read|ReadByte|ReadUTF16LE|ReadWord|Seek|Write|WriteByte|WriteUTF16LE|WriteWord)?|Find(?:Close|First|Next|Window)|FlushINI|Get(?:CurInstType|CurrentAddress|DLLVersion(?:Local)?|DlgItem|ErrorLevel|FileTime(?:Local)?|FullPathName|Function(?:Address|End)?|InstDirError|LabelAddress|TempFileName)|Goto|HideWindow|Icon|If(?:Abort|Errors|FileExists|RebootFlag|Silent)|InitPluginsDir|InstProgressFlags|Inst(?:Type(?:GetText|SetText)?)|Install(?:ButtonText|Colors|Dir(?:RegKey)?)|Int(?:64|Ptr)?CmpU?|Int(?:64)?Fmt|Int(?:Ptr)?Op|IsWindow|Lang(?:DLL|String)|License(?:BkColor|Data|ForceSelection|LangString|Text)|LoadLanguageFile|LockWindow|Log(?:Set|Text)|Manifest(?:DPIAware|SupportedOS)|Math|MessageBox|MiscButtonText|NSISdl|Name|Nop|OutFile|PE(?:DllCharacteristics|SubsysVer)|Page(?:Callbacks)?|Pop|Push|Quit|RMDir|Read(?:EnvStr|INIStr|RegDWORD|RegStr)|Reboot|RegDLL|Rename|RequestExecutionLevel|ReserveFile|Return|SearchPath|Section(?:End|GetFlags|GetInstTypes|GetSize|GetText|Group|In|SetFlags|SetInstTypes|SetSize|SetText)?|SendMessage|Set(?:AutoClose|BrandingImage|Compress|Compressor(?:DictSize)?|CtlColors|CurInstType|DatablockOptimize|DateSave|Details(?:Print|View)|ErrorLevel|Errors|FileAttributes|Font|OutPath|Overwrite|PluginUnload|RebootFlag|RegView|ShellVarContext|Silent)|Show(?:InstDetails|UninstDetails|Window)|Silent(?:Install|UnInstall)|Sleep|SpaceTexts|Splash|StartMenu|Str(?:CmpS?|Cpy|Len)|SubCaption|System|UnRegDLL|Unicode|UninstPage|Uninstall(?:ButtonText|Caption|Icon|SubCaption|Text)|UserInfo|VI(?:AddVersionKey|FileVersion|ProductVersion)|VPatch|Var|WindowIcon|Write(?:INIStr|Reg(?:Bin|DWORD|ExpandStr|MultiStr|None|Str)|Uninstaller)|XPStyle|ns(?:Dialogs|Exec))\b/m,lookbehind:!0},property:/\b(?:ARCHIVE|FILE_(?:ATTRIBUTE_ARCHIVE|ATTRIBUTE_NORMAL|ATTRIBUTE_OFFLINE|ATTRIBUTE_READONLY|ATTRIBUTE_SYSTEM|ATTRIBUTE_TEMPORARY)|HK(?:(?:CR|CU|LM)(?:32|64)?|DD|PD|U)|HKEY_(?:CLASSES_ROOT|CURRENT_CONFIG|CURRENT_USER|DYN_DATA|LOCAL_MACHINE|PERFORMANCE_DATA|USERS)|ID(?:ABORT|CANCEL|IGNORE|NO|OK|RETRY|YES)|MB_(?:ABORTRETRYIGNORE|DEFBUTTON1|DEFBUTTON2|DEFBUTTON3|DEFBUTTON4|ICONEXCLAMATION|ICONINFORMATION|ICONQUESTION|ICONSTOP|OK|OKCANCEL|RETRYCANCEL|RIGHT|RTLREADING|SETFOREGROUND|TOPMOST|USERICON|YESNO)|NORMAL|OFFLINE|READONLY|SHCTX|SHELL_CONTEXT|SYSTEM|TEMPORARY|admin|all|auto|both|colored|false|force|hide|highest|lastused|leave|listonly|none|normal|notset|off|on|open|print|show|silent|silentlog|smooth|textonly|true|user)\b/,constant:/\$\{[!\w\.:\^-]+\}|\$\([!\w\.:\^-]+\)/,variable:/\$\w[\w\.]*/,number:/\b0x[\dA-Fa-f]+\b|(?:\b\d+(?:\.\d*)?|\B\.\d+)(?:[Ee]-?\d+)?/,operator:/--?|\+\+?|<=?|>=?|==?=?|&&?|\|\|?|[?*\/~^%]/,punctuation:/[{}[\];(),.:]/,important:{pattern:/(^[\t ]*)!(?:addincludedir|addplugindir|appendfile|cd|define|delfile|echo|else|endif|error|execute|finalize|getdllversion|gettlbversion|if|ifdef|ifmacrodef|ifmacrondef|ifndef|include|insertmacro|macro|macroend|makensis|packhdr|pragma|searchparse|searchreplace|system|tempfile|undef|verbose|warning)\b/im,lookbehind:!0}}}e.exports=t,t.displayName="nsis",t.aliases=[]},16032:function(e,t,n){"use strict";var r=n(65806);function a(e){e.register(r),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}e.exports=a,a.displayName="objectivec",a.aliases=["objc"]},33607:function(e){"use strict";function t(e){e.languages.ocaml={comment:{pattern:/\(\*[\s\S]*?\*\)/,greedy:!0},char:{pattern:/'(?:[^\\\r\n']|\\(?:.|[ox]?[0-9a-f]{1,3}))'/i,greedy:!0},string:[{pattern:/"(?:\\(?:[\s\S]|\r\n)|[^\\\r\n"])*"/,greedy:!0},{pattern:/\{([a-z_]*)\|[\s\S]*?\|\1\}/,greedy:!0}],number:[/\b(?:0b[01][01_]*|0o[0-7][0-7_]*)\b/i,/\b0x[a-f0-9][a-f0-9_]*(?:\.[a-f0-9_]*)?(?:p[+-]?\d[\d_]*)?(?!\w)/i,/\b\d[\d_]*(?:\.[\d_]*)?(?:e[+-]?\d[\d_]*)?(?!\w)/i],directive:{pattern:/\B#\w+/,alias:"property"},label:{pattern:/\B~\w+/,alias:"property"},"type-variable":{pattern:/\B'\w+/,alias:"function"},variant:{pattern:/`\w+/,alias:"symbol"},keyword:/\b(?:as|assert|begin|class|constraint|do|done|downto|else|end|exception|external|for|fun|function|functor|if|in|include|inherit|initializer|lazy|let|match|method|module|mutable|new|nonrec|object|of|open|private|rec|sig|struct|then|to|try|type|val|value|virtual|when|where|while|with)\b/,boolean:/\b(?:false|true)\b/,"operator-like-punctuation":{pattern:/\[[<>|]|[>|]\]|\{<|>\}/,alias:"punctuation"},operator:/\.[.~]|:[=>]|[=<>@^|&+\-*\/$%!?~][!$%&*+\-.\/:<=>?@^|~]*|\b(?:and|asr|land|lor|lsl|lsr|lxor|mod|or)\b/,punctuation:/;;|::|[(){}\[\].,:;#]|\b_\b/}}e.exports=t,t.displayName="ocaml",t.aliases=[]},22001:function(e,t,n){"use strict";var r=n(65806);function a(e){var t;e.register(r),e.languages.opencl=e.languages.extend("c",{keyword:/\b(?:(?:__)?(?:constant|global|kernel|local|private|read_only|read_write|write_only)|__attribute__|auto|(?:bool|u?(?:char|int|long|short)|half|quad)(?:2|3|4|8|16)?|break|case|complex|const|continue|(?:double|float)(?:16(?:x(?:1|2|4|8|16))?|1x(?:1|2|4|8|16)|2(?:x(?:1|2|4|8|16))?|3|4(?:x(?:1|2|4|8|16))?|8(?:x(?:1|2|4|8|16))?)?|default|do|else|enum|extern|for|goto|if|imaginary|inline|packed|pipe|register|restrict|return|signed|sizeof|static|struct|switch|typedef|uniform|union|unsigned|void|volatile|while)\b/,number:/(?:\b0x(?:[\da-f]+(?:\.[\da-f]*)?|\.[\da-f]+)(?:p[+-]?\d+)?|(?:\b\d+(?:\.\d*)?|\B\.\d+)(?:e[+-]?\d+)?)[fuhl]{0,4}/i,boolean:/\b(?:false|true)\b/,"constant-opencl-kernel":{pattern:/\b(?:CHAR_(?:BIT|MAX|MIN)|CLK_(?:ADDRESS_(?:CLAMP(?:_TO_EDGE)?|NONE|REPEAT)|FILTER_(?:LINEAR|NEAREST)|(?:GLOBAL|LOCAL)_MEM_FENCE|NORMALIZED_COORDS_(?:FALSE|TRUE))|CL_(?:BGRA|(?:HALF_)?FLOAT|INTENSITY|LUMINANCE|A?R?G?B?[Ax]?|(?:(?:UN)?SIGNED|[US]NORM)_(?:INT(?:8|16|32))|UNORM_(?:INT_101010|SHORT_(?:555|565)))|(?:DBL|FLT|HALF)_(?:DIG|EPSILON|(?:MAX|MIN)(?:(?:_10)?_EXP)?|MANT_DIG)|FLT_RADIX|HUGE_VALF?|(?:INT|LONG|SCHAR|SHRT)_(?:MAX|MIN)|INFINITY|MAXFLOAT|M_(?:[12]_PI|2_SQRTPI|E|LN(?:2|10)|LOG(?:2|10)E?|PI(?:_[24])?|SQRT(?:1_2|2))(?:_F|_H)?|NAN|(?:UCHAR|UINT|ULONG|USHRT)_MAX)\b/,alias:"constant"}}),e.languages.insertBefore("opencl","class-name",{"builtin-type":{pattern:/\b(?:_cl_(?:command_queue|context|device_id|event|kernel|mem|platform_id|program|sampler)|cl_(?:image_format|mem_fence_flags)|clk_event_t|event_t|image(?:1d_(?:array_|buffer_)?t|2d_(?:array_(?:depth_|msaa_depth_|msaa_)?|depth_|msaa_depth_|msaa_)?t|3d_t)|intptr_t|ndrange_t|ptrdiff_t|queue_t|reserve_id_t|sampler_t|size_t|uintptr_t)\b/,alias:"keyword"}}),t={"type-opencl-host":{pattern:/\b(?:cl_(?:GLenum|GLint|GLuin|addressing_mode|bitfield|bool|buffer_create_type|build_status|channel_(?:order|type)|(?:u?(?:char|int|long|short)|double|float)(?:2|3|4|8|16)?|command_(?:queue(?:_info|_properties)?|type)|context(?:_info|_properties)?|device_(?:exec_capabilities|fp_config|id|info|local_mem_type|mem_cache_type|type)|(?:event|sampler)(?:_info)?|filter_mode|half|image_info|kernel(?:_info|_work_group_info)?|map_flags|mem(?:_flags|_info|_object_type)?|platform_(?:id|info)|profiling_info|program(?:_build_info|_info)?))\b/,alias:"keyword"},"boolean-opencl-host":{pattern:/\bCL_(?:FALSE|TRUE)\b/,alias:"boolean"},"constant-opencl-host":{pattern:/\bCL_(?:A|ABGR|ADDRESS_(?:CLAMP(?:_TO_EDGE)?|MIRRORED_REPEAT|NONE|REPEAT)|ARGB|BGRA|BLOCKING|BUFFER_CREATE_TYPE_REGION|BUILD_(?:ERROR|IN_PROGRESS|NONE|PROGRAM_FAILURE|SUCCESS)|COMMAND_(?:ACQUIRE_GL_OBJECTS|BARRIER|COPY_(?:BUFFER(?:_RECT|_TO_IMAGE)?|IMAGE(?:_TO_BUFFER)?)|FILL_(?:BUFFER|IMAGE)|MAP(?:_BUFFER|_IMAGE)|MARKER|MIGRATE(?:_SVM)?_MEM_OBJECTS|NATIVE_KERNEL|NDRANGE_KERNEL|READ_(?:BUFFER(?:_RECT)?|IMAGE)|RELEASE_GL_OBJECTS|SVM_(?:FREE|MAP|MEMCPY|MEMFILL|UNMAP)|TASK|UNMAP_MEM_OBJECT|USER|WRITE_(?:BUFFER(?:_RECT)?|IMAGE))|COMPILER_NOT_AVAILABLE|COMPILE_PROGRAM_FAILURE|COMPLETE|CONTEXT_(?:DEVICES|INTEROP_USER_SYNC|NUM_DEVICES|PLATFORM|PROPERTIES|REFERENCE_COUNT)|DEPTH(?:_STENCIL)?|DEVICE_(?:ADDRESS_BITS|AFFINITY_DOMAIN_(?:L[1-4]_CACHE|NEXT_PARTITIONABLE|NUMA)|AVAILABLE|BUILT_IN_KERNELS|COMPILER_AVAILABLE|DOUBLE_FP_CONFIG|ENDIAN_LITTLE|ERROR_CORRECTION_SUPPORT|EXECUTION_CAPABILITIES|EXTENSIONS|GLOBAL_(?:MEM_(?:CACHELINE_SIZE|CACHE_SIZE|CACHE_TYPE|SIZE)|VARIABLE_PREFERRED_TOTAL_SIZE)|HOST_UNIFIED_MEMORY|IL_VERSION|IMAGE(?:2D_MAX_(?:HEIGHT|WIDTH)|3D_MAX_(?:DEPTH|HEIGHT|WIDTH)|_BASE_ADDRESS_ALIGNMENT|_MAX_ARRAY_SIZE|_MAX_BUFFER_SIZE|_PITCH_ALIGNMENT|_SUPPORT)|LINKER_AVAILABLE|LOCAL_MEM_SIZE|LOCAL_MEM_TYPE|MAX_(?:CLOCK_FREQUENCY|COMPUTE_UNITS|CONSTANT_ARGS|CONSTANT_BUFFER_SIZE|GLOBAL_VARIABLE_SIZE|MEM_ALLOC_SIZE|NUM_SUB_GROUPS|ON_DEVICE_(?:EVENTS|QUEUES)|PARAMETER_SIZE|PIPE_ARGS|READ_IMAGE_ARGS|READ_WRITE_IMAGE_ARGS|SAMPLERS|WORK_GROUP_SIZE|WORK_ITEM_DIMENSIONS|WORK_ITEM_SIZES|WRITE_IMAGE_ARGS)|MEM_BASE_ADDR_ALIGN|MIN_DATA_TYPE_ALIGN_SIZE|NAME|NATIVE_VECTOR_WIDTH_(?:CHAR|DOUBLE|FLOAT|HALF|INT|LONG|SHORT)|NOT_(?:AVAILABLE|FOUND)|OPENCL_C_VERSION|PARENT_DEVICE|PARTITION_(?:AFFINITY_DOMAIN|BY_AFFINITY_DOMAIN|BY_COUNTS|BY_COUNTS_LIST_END|EQUALLY|FAILED|MAX_SUB_DEVICES|PROPERTIES|TYPE)|PIPE_MAX_(?:ACTIVE_RESERVATIONS|PACKET_SIZE)|PLATFORM|PREFERRED_(?:GLOBAL_ATOMIC_ALIGNMENT|INTEROP_USER_SYNC|LOCAL_ATOMIC_ALIGNMENT|PLATFORM_ATOMIC_ALIGNMENT|VECTOR_WIDTH_(?:CHAR|DOUBLE|FLOAT|HALF|INT|LONG|SHORT))|PRINTF_BUFFER_SIZE|PROFILE|PROFILING_TIMER_RESOLUTION|QUEUE_(?:ON_(?:DEVICE_(?:MAX_SIZE|PREFERRED_SIZE|PROPERTIES)|HOST_PROPERTIES)|PROPERTIES)|REFERENCE_COUNT|SINGLE_FP_CONFIG|SUB_GROUP_INDEPENDENT_FORWARD_PROGRESS|SVM_(?:ATOMICS|CAPABILITIES|COARSE_GRAIN_BUFFER|FINE_GRAIN_BUFFER|FINE_GRAIN_SYSTEM)|TYPE(?:_ACCELERATOR|_ALL|_CPU|_CUSTOM|_DEFAULT|_GPU)?|VENDOR(?:_ID)?|VERSION)|DRIVER_VERSION|EVENT_(?:COMMAND_(?:EXECUTION_STATUS|QUEUE|TYPE)|CONTEXT|REFERENCE_COUNT)|EXEC_(?:KERNEL|NATIVE_KERNEL|STATUS_ERROR_FOR_EVENTS_IN_WAIT_LIST)|FILTER_(?:LINEAR|NEAREST)|FLOAT|FP_(?:CORRECTLY_ROUNDED_DIVIDE_SQRT|DENORM|FMA|INF_NAN|ROUND_TO_INF|ROUND_TO_NEAREST|ROUND_TO_ZERO|SOFT_FLOAT)|GLOBAL|HALF_FLOAT|IMAGE_(?:ARRAY_SIZE|BUFFER|DEPTH|ELEMENT_SIZE|FORMAT|FORMAT_MISMATCH|FORMAT_NOT_SUPPORTED|HEIGHT|NUM_MIP_LEVELS|NUM_SAMPLES|ROW_PITCH|SLICE_PITCH|WIDTH)|INTENSITY|INVALID_(?:ARG_INDEX|ARG_SIZE|ARG_VALUE|BINARY|BUFFER_SIZE|BUILD_OPTIONS|COMMAND_QUEUE|COMPILER_OPTIONS|CONTEXT|DEVICE|DEVICE_PARTITION_COUNT|DEVICE_QUEUE|DEVICE_TYPE|EVENT|EVENT_WAIT_LIST|GLOBAL_OFFSET|GLOBAL_WORK_SIZE|GL_OBJECT|HOST_PTR|IMAGE_DESCRIPTOR|IMAGE_FORMAT_DESCRIPTOR|IMAGE_SIZE|KERNEL|KERNEL_ARGS|KERNEL_DEFINITION|KERNEL_NAME|LINKER_OPTIONS|MEM_OBJECT|MIP_LEVEL|OPERATION|PIPE_SIZE|PLATFORM|PROGRAM|PROGRAM_EXECUTABLE|PROPERTY|QUEUE_PROPERTIES|SAMPLER|VALUE|WORK_DIMENSION|WORK_GROUP_SIZE|WORK_ITEM_SIZE)|KERNEL_(?:ARG_(?:ACCESS_(?:NONE|QUALIFIER|READ_ONLY|READ_WRITE|WRITE_ONLY)|ADDRESS_(?:CONSTANT|GLOBAL|LOCAL|PRIVATE|QUALIFIER)|INFO_NOT_AVAILABLE|NAME|TYPE_(?:CONST|NAME|NONE|PIPE|QUALIFIER|RESTRICT|VOLATILE))|ATTRIBUTES|COMPILE_NUM_SUB_GROUPS|COMPILE_WORK_GROUP_SIZE|CONTEXT|EXEC_INFO_SVM_FINE_GRAIN_SYSTEM|EXEC_INFO_SVM_PTRS|FUNCTION_NAME|GLOBAL_WORK_SIZE|LOCAL_MEM_SIZE|LOCAL_SIZE_FOR_SUB_GROUP_COUNT|MAX_NUM_SUB_GROUPS|MAX_SUB_GROUP_SIZE_FOR_NDRANGE|NUM_ARGS|PREFERRED_WORK_GROUP_SIZE_MULTIPLE|PRIVATE_MEM_SIZE|PROGRAM|REFERENCE_COUNT|SUB_GROUP_COUNT_FOR_NDRANGE|WORK_GROUP_SIZE)|LINKER_NOT_AVAILABLE|LINK_PROGRAM_FAILURE|LOCAL|LUMINANCE|MAP_(?:FAILURE|READ|WRITE|WRITE_INVALIDATE_REGION)|MEM_(?:ALLOC_HOST_PTR|ASSOCIATED_MEMOBJECT|CONTEXT|COPY_HOST_PTR|COPY_OVERLAP|FLAGS|HOST_NO_ACCESS|HOST_PTR|HOST_READ_ONLY|HOST_WRITE_ONLY|KERNEL_READ_AND_WRITE|MAP_COUNT|OBJECT_(?:ALLOCATION_FAILURE|BUFFER|IMAGE1D|IMAGE1D_ARRAY|IMAGE1D_BUFFER|IMAGE2D|IMAGE2D_ARRAY|IMAGE3D|PIPE)|OFFSET|READ_ONLY|READ_WRITE|REFERENCE_COUNT|SIZE|SVM_ATOMICS|SVM_FINE_GRAIN_BUFFER|TYPE|USES_SVM_POINTER|USE_HOST_PTR|WRITE_ONLY)|MIGRATE_MEM_OBJECT_(?:CONTENT_UNDEFINED|HOST)|MISALIGNED_SUB_BUFFER_OFFSET|NONE|NON_BLOCKING|OUT_OF_(?:HOST_MEMORY|RESOURCES)|PIPE_(?:MAX_PACKETS|PACKET_SIZE)|PLATFORM_(?:EXTENSIONS|HOST_TIMER_RESOLUTION|NAME|PROFILE|VENDOR|VERSION)|PROFILING_(?:COMMAND_(?:COMPLETE|END|QUEUED|START|SUBMIT)|INFO_NOT_AVAILABLE)|PROGRAM_(?:BINARIES|BINARY_SIZES|BINARY_TYPE(?:_COMPILED_OBJECT|_EXECUTABLE|_LIBRARY|_NONE)?|BUILD_(?:GLOBAL_VARIABLE_TOTAL_SIZE|LOG|OPTIONS|STATUS)|CONTEXT|DEVICES|IL|KERNEL_NAMES|NUM_DEVICES|NUM_KERNELS|REFERENCE_COUNT|SOURCE)|QUEUED|QUEUE_(?:CONTEXT|DEVICE|DEVICE_DEFAULT|ON_DEVICE|ON_DEVICE_DEFAULT|OUT_OF_ORDER_EXEC_MODE_ENABLE|PROFILING_ENABLE|PROPERTIES|REFERENCE_COUNT|SIZE)|R|RA|READ_(?:ONLY|WRITE)_CACHE|RG|RGB|RGBA|RGBx|RGx|RUNNING|Rx|SAMPLER_(?:ADDRESSING_MODE|CONTEXT|FILTER_MODE|LOD_MAX|LOD_MIN|MIP_FILTER_MODE|NORMALIZED_COORDS|REFERENCE_COUNT)|(?:UN)?SIGNED_INT(?:8|16|32)|SNORM_INT(?:8|16)|SUBMITTED|SUCCESS|UNORM_INT(?:8|16|24|_101010|_101010_2)|UNORM_SHORT_(?:555|565)|VERSION_(?:1_0|1_1|1_2|2_0|2_1)|sBGRA|sRGB|sRGBA|sRGBx)\b/,alias:"constant"},"function-opencl-host":{pattern:/\bcl(?:BuildProgram|CloneKernel|CompileProgram|Create(?:Buffer|CommandQueue(?:WithProperties)?|Context|ContextFromType|Image|Image2D|Image3D|Kernel|KernelsInProgram|Pipe|ProgramWith(?:Binary|BuiltInKernels|IL|Source)|Sampler|SamplerWithProperties|SubBuffer|SubDevices|UserEvent)|Enqueue(?:(?:Barrier|Marker)(?:WithWaitList)?|Copy(?:Buffer(?:Rect|ToImage)?|Image(?:ToBuffer)?)|(?:Fill|Map)(?:Buffer|Image)|MigrateMemObjects|NDRangeKernel|NativeKernel|(?:Read|Write)(?:Buffer(?:Rect)?|Image)|SVM(?:Free|Map|MemFill|Memcpy|MigrateMem|Unmap)|Task|UnmapMemObject|WaitForEvents)|Finish|Flush|Get(?:CommandQueueInfo|ContextInfo|Device(?:AndHostTimer|IDs|Info)|Event(?:Profiling)?Info|ExtensionFunctionAddress(?:ForPlatform)?|HostTimer|ImageInfo|Kernel(?:ArgInfo|Info|SubGroupInfo|WorkGroupInfo)|MemObjectInfo|PipeInfo|Platform(?:IDs|Info)|Program(?:Build)?Info|SamplerInfo|SupportedImageFormats)|LinkProgram|(?:Release|Retain)(?:CommandQueue|Context|Device|Event|Kernel|MemObject|Program|Sampler)|SVM(?:Alloc|Free)|Set(?:CommandQueueProperty|DefaultDeviceCommandQueue|EventCallback|Kernel|Kernel(?:Arg(?:SVMPointer)?|ExecInfo)|MemObjectDestructorCallback|UserEventStatus)|Unload(?:Platform)?Compiler|WaitForEvents)\b/,alias:"function"}},e.languages.insertBefore("c","keyword",t),e.languages.cpp&&(t["type-opencl-host-cpp"]={pattern:/\b(?:Buffer|BufferGL|BufferRenderGL|CommandQueue|Context|Device|DeviceCommandQueue|EnqueueArgs|Event|Image|Image1D|Image1DArray|Image1DBuffer|Image2D|Image2DArray|Image2DGL|Image3D|Image3DGL|ImageFormat|ImageGL|Kernel|KernelFunctor|LocalSpaceArg|Memory|NDRange|Pipe|Platform|Program|SVMAllocator|SVMTraitAtomic|SVMTraitCoarse|SVMTraitFine|SVMTraitReadOnly|SVMTraitReadWrite|SVMTraitWriteOnly|Sampler|UserEvent)\b/,alias:"keyword"},e.languages.insertBefore("cpp","keyword",t))}e.exports=a,a.displayName="opencl",a.aliases=[]},22950:function(e){"use strict";function t(e){e.languages.openqasm={comment:/\/\*[\s\S]*?\*\/|\/\/.*/,string:{pattern:/"[^"\r\n\t]*"|'[^'\r\n\t]*'/,greedy:!0},keyword:/\b(?:CX|OPENQASM|U|barrier|boxas|boxto|break|const|continue|ctrl|def|defcal|defcalgrammar|delay|else|end|for|gate|gphase|if|in|include|inv|kernel|lengthof|let|measure|pow|reset|return|rotary|stretchinf|while)\b|#pragma\b/,"class-name":/\b(?:angle|bit|bool|creg|fixed|float|int|length|qreg|qubit|stretch|uint)\b/,function:/\b(?:cos|exp|ln|popcount|rotl|rotr|sin|sqrt|tan)\b(?=\s*\()/,constant:/\b(?:euler|pi|tau)\b|π|𝜏|ℇ/,number:{pattern:/(^|[^.\w$])(?:\d+(?:\.\d*)?|\.\d+)(?:e[+-]?\d+)?(?:dt|ns|us|µs|ms|s)?/i,lookbehind:!0},operator:/->|>>=?|<<=?|&&|\|\||\+\+|--|[!=<>&|~^+\-*/%]=?|@/,punctuation:/[(){}\[\];,:.]/},e.languages.qasm=e.languages.openqasm}e.exports=t,t.displayName="openqasm",t.aliases=["qasm"]},23254:function(e){"use strict";function t(e){e.languages.oz={comment:{pattern:/\/\*[\s\S]*?\*\/|%.*/,greedy:!0},string:{pattern:/"(?:[^"\\]|\\[\s\S])*"/,greedy:!0},atom:{pattern:/'(?:[^'\\]|\\[\s\S])*'/,greedy:!0,alias:"builtin"},keyword:/\$|\[\]|\b(?:_|at|attr|case|catch|choice|class|cond|declare|define|dis|else(?:case|if)?|end|export|fail|false|feat|finally|from|fun|functor|if|import|in|local|lock|meth|nil|not|of|or|prepare|proc|prop|raise|require|self|skip|then|thread|true|try|unit)\b/,function:[/\b[a-z][A-Za-z\d]*(?=\()/,{pattern:/(\{)[A-Z][A-Za-z\d]*\b/,lookbehind:!0}],number:/\b(?:0[bx][\da-f]+|\d+(?:\.\d*)?(?:e~?\d+)?)\b|&(?:[^\\]|\\(?:\d{3}|.))/i,variable:/`(?:[^`\\]|\\.)+`/,"attr-name":/\b\w+(?=[ \t]*:(?![:=]))/,operator:/:(?:=|::?)|<[-:=]?|=(?:=|=?:?|\\=:?|!!?|[|#+\-*\/,~^@]|\b(?:andthen|div|mod|orelse)\b/,punctuation:/[\[\](){}.:;?]/}}e.exports=t,t.displayName="oz",t.aliases=[]},92694:function(e){"use strict";function t(e){var t;e.languages.parigp={comment:/\/\*[\s\S]*?\*\/|\\\\.*/,string:{pattern:/"(?:[^"\\\r\n]|\\.)*"/,greedy:!0},keyword:RegExp("\\b(?:"+["breakpoint","break","dbg_down","dbg_err","dbg_up","dbg_x","forcomposite","fordiv","forell","forpart","forprime","forstep","forsubgroup","forvec","for","iferr","if","local","my","next","return","until","while"].map(function(e){return e.split("").join(" *")}).join("|")+")\\b"),function:/\b\w(?:[\w ]*\w)?(?= *\()/,number:{pattern:/((?:\. *\. *)?)(?:\b\d(?: *\d)*(?: *(?!\. *\.)\.(?: *\d)*)?|\. *\d(?: *\d)*)(?: *e *(?:[+-] *)?\d(?: *\d)*)?/i,lookbehind:!0},operator:/\. *\.|[*\/!](?: *=)?|%(?: *=|(?: *#)?(?: *')*)?|\+(?: *[+=])?|-(?: *[-=>])?|<(?: *>|(?: *<)?(?: *=)?)?|>(?: *>)?(?: *=)?|=(?: *=){0,2}|\\(?: *\/)?(?: *=)?|&(?: *&)?|\| *\||['#~^]/,punctuation:/[\[\]{}().,:;|]/}}e.exports=t,t.displayName="parigp",t.aliases=[]},43273:function(e){"use strict";function t(e){var t;t=e.languages.parser=e.languages.extend("markup",{keyword:{pattern:/(^|[^^])(?:\^(?:case|eval|for|if|switch|throw)\b|@(?:BASE|CLASS|GET(?:_DEFAULT)?|OPTIONS|SET_DEFAULT|USE)\b)/,lookbehind:!0},variable:{pattern:/(^|[^^])\B\$(?:\w+|(?=[.{]))(?:(?:\.|::?)\w+)*(?:\.|::?)?/,lookbehind:!0,inside:{punctuation:/\.|:+/}},function:{pattern:/(^|[^^])\B[@^]\w+(?:(?:\.|::?)\w+)*(?:\.|::?)?/,lookbehind:!0,inside:{keyword:{pattern:/(^@)(?:GET_|SET_)/,lookbehind:!0},punctuation:/\.|:+/}},escape:{pattern:/\^(?:[$^;@()\[\]{}"':]|#[a-f\d]*)/i,alias:"builtin"},punctuation:/[\[\](){};]/}),t=e.languages.insertBefore("parser","keyword",{"parser-comment":{pattern:/(\s)#.*/,lookbehind:!0,alias:"comment"},expression:{pattern:/(^|[^^])\((?:[^()]|\((?:[^()]|\((?:[^()])*\))*\))*\)/,greedy:!0,lookbehind:!0,inside:{string:{pattern:/(^|[^^])(["'])(?:(?!\2)[^^]|\^[\s\S])*\2/,lookbehind:!0},keyword:t.keyword,variable:t.variable,function:t.function,boolean:/\b(?:false|true)\b/,number:/\b(?:0x[a-f\d]+|\d+(?:\.\d*)?(?:e[+-]?\d+)?)\b/i,escape:t.escape,operator:/[~+*\/\\%]|!(?:\|\|?|=)?|&&?|\|\|?|==|<[<=]?|>[>=]?|-[fd]?|\b(?:def|eq|ge|gt|in|is|le|lt|ne)\b/,punctuation:t.punctuation}}}),e.languages.insertBefore("inside","punctuation",{expression:t.expression,keyword:t.keyword,variable:t.variable,function:t.function,escape:t.escape,"parser-punctuation":{pattern:t.punctuation,alias:"punctuation"}},t.tag.inside["attr-value"])}e.exports=t,t.displayName="parser",t.aliases=[]},60718:function(e){"use strict";function t(e){e.languages.pascal={directive:{pattern:/\{\$[\s\S]*?\}/,greedy:!0,alias:["marco","property"]},comment:{pattern:/\(\*[\s\S]*?\*\)|\{[\s\S]*?\}|\/\/.*/,greedy:!0},string:{pattern:/(?:'(?:''|[^'\r\n])*'(?!')|#[&$%]?[a-f\d]+)+|\^[a-z]/i,greedy:!0},asm:{pattern:/(\basm\b)[\s\S]+?(?=\bend\s*[;[])/i,lookbehind:!0,greedy:!0,inside:null},keyword:[{pattern:/(^|[^&])\b(?:absolute|array|asm|begin|case|const|constructor|destructor|do|downto|else|end|file|for|function|goto|if|implementation|inherited|inline|interface|label|nil|object|of|operator|packed|procedure|program|record|reintroduce|repeat|self|set|string|then|to|type|unit|until|uses|var|while|with)\b/i,lookbehind:!0},{pattern:/(^|[^&])\b(?:dispose|exit|false|new|true)\b/i,lookbehind:!0},{pattern:/(^|[^&])\b(?:class|dispinterface|except|exports|finalization|finally|initialization|inline|library|on|out|packed|property|raise|resourcestring|threadvar|try)\b/i,lookbehind:!0},{pattern:/(^|[^&])\b(?:absolute|abstract|alias|assembler|bitpacked|break|cdecl|continue|cppdecl|cvar|default|deprecated|dynamic|enumerator|experimental|export|external|far|far16|forward|generic|helper|implements|index|interrupt|iochecks|local|message|name|near|nodefault|noreturn|nostackframe|oldfpccall|otherwise|overload|override|pascal|platform|private|protected|public|published|read|register|reintroduce|result|safecall|saveregisters|softfloat|specialize|static|stdcall|stored|strict|unaligned|unimplemented|varargs|virtual|write)\b/i,lookbehind:!0}],number:[/(?:[&%]\d+|\$[a-f\d]+)/i,/\b\d+(?:\.\d+)?(?:e[+-]?\d+)?/i],operator:[/\.\.|\*\*|:=|<[<=>]?|>[>=]?|[+\-*\/]=?|[@^=]/,{pattern:/(^|[^&])\b(?:and|as|div|exclude|in|include|is|mod|not|or|shl|shr|xor)\b/,lookbehind:!0}],punctuation:/\(\.|\.\)|[()\[\]:;,.]/},e.languages.pascal.asm.inside=e.languages.extend("pascal",{asm:void 0,keyword:void 0,operator:void 0}),e.languages.objectpascal=e.languages.pascal}e.exports=t,t.displayName="pascal",t.aliases=["objectpascal"]},39303:function(e){"use strict";function t(e){var t,n,r,a;t=/\((?:[^()]|\((?:[^()]|\([^()]*\))*\))*\)/.source,n=/(?:\b\w+(?:)?|)/.source.replace(//g,function(){return t}),r=e.languages.pascaligo={comment:/\(\*[\s\S]+?\*\)|\/\/.*/,string:{pattern:/(["'`])(?:\\[\s\S]|(?!\1)[^\\])*\1|\^[a-z]/i,greedy:!0},"class-name":[{pattern:RegExp(/(\btype\s+\w+\s+is\s+)/.source.replace(//g,function(){return n}),"i"),lookbehind:!0,inside:null},{pattern:RegExp(/(?=\s+is\b)/.source.replace(//g,function(){return n}),"i"),inside:null},{pattern:RegExp(/(:\s*)/.source.replace(//g,function(){return n})),lookbehind:!0,inside:null}],keyword:{pattern:/(^|[^&])\b(?:begin|block|case|const|else|end|fail|for|from|function|if|is|nil|of|remove|return|skip|then|type|var|while|with)\b/i,lookbehind:!0},boolean:{pattern:/(^|[^&])\b(?:False|True)\b/i,lookbehind:!0},builtin:{pattern:/(^|[^&])\b(?:bool|int|list|map|nat|record|string|unit)\b/i,lookbehind:!0},function:/\b\w+(?=\s*\()/,number:[/%[01]+|&[0-7]+|\$[a-f\d]+/i,/\b\d+(?:\.\d+)?(?:e[+-]?\d+)?(?:mtz|n)?/i],operator:/->|=\/=|\.\.|\*\*|:=|<[<=>]?|>[>=]?|[+\-*\/]=?|[@^=|]|\b(?:and|mod|or)\b/,punctuation:/\(\.|\.\)|[()\[\]:;,.{}]/},a=["comment","keyword","builtin","operator","punctuation"].reduce(function(e,t){return e[t]=r[t],e},{}),r["class-name"].forEach(function(e){e.inside=a})}e.exports=t,t.displayName="pascaligo",t.aliases=[]},77393:function(e){"use strict";function t(e){e.languages.pcaxis={string:/"[^"]*"/,keyword:{pattern:/((?:^|;)\s*)[-A-Z\d]+(?:\s*\[[-\w]+\])?(?:\s*\("[^"]*"(?:,\s*"[^"]*")*\))?(?=\s*=)/,lookbehind:!0,greedy:!0,inside:{keyword:/^[-A-Z\d]+/,language:{pattern:/^(\s*)\[[-\w]+\]/,lookbehind:!0,inside:{punctuation:/^\[|\]$/,property:/[-\w]+/}},"sub-key":{pattern:/^(\s*)\S[\s\S]*/,lookbehind:!0,inside:{parameter:{pattern:/"[^"]*"/,alias:"property"},punctuation:/^\(|\)$|,/}}}},operator:/=/,tlist:{pattern:/TLIST\s*\(\s*\w+(?:(?:\s*,\s*"[^"]*")+|\s*,\s*"[^"]*"-"[^"]*")?\s*\)/,greedy:!0,inside:{function:/^TLIST/,property:{pattern:/^(\s*\(\s*)\w+/,lookbehind:!0},string:/"[^"]*"/,punctuation:/[(),]/,operator:/-/}},punctuation:/[;,]/,number:{pattern:/(^|\s)\d+(?:\.\d+)?(?!\S)/,lookbehind:!0},boolean:/NO|YES/},e.languages.px=e.languages.pcaxis}e.exports=t,t.displayName="pcaxis",t.aliases=["px"]},19023:function(e){"use strict";function t(e){e.languages.peoplecode={comment:RegExp([/\/\*[\s\S]*?\*\//.source,/\bREM[^;]*;/.source,/<\*(?:[^<*]|\*(?!>)|<(?!\*)|<\*(?:(?!\*>)[\s\S])*\*>)*\*>/.source,/\/\+[\s\S]*?\+\//.source].join("|")),string:{pattern:/'(?:''|[^'\r\n])*'(?!')|"(?:""|[^"\r\n])*"(?!")/,greedy:!0},variable:/%\w+/,"function-definition":{pattern:/((?:^|[^\w-])(?:function|method)\s+)\w+/i,lookbehind:!0,alias:"function"},"class-name":{pattern:/((?:^|[^-\w])(?:as|catch|class|component|create|extends|global|implements|instance|local|of|property|returns)\s+)\w+(?::\w+)*/i,lookbehind:!0,inside:{punctuation:/:/}},keyword:/\b(?:abstract|alias|as|catch|class|component|constant|create|declare|else|end-(?:class|evaluate|for|function|get|if|method|set|try|while)|evaluate|extends|for|function|get|global|if|implements|import|instance|library|local|method|null|of|out|peopleCode|private|program|property|protected|readonly|ref|repeat|returns?|set|step|then|throw|to|try|until|value|when(?:-other)?|while)\b/i,"operator-keyword":{pattern:/\b(?:and|not|or)\b/i,alias:"operator"},function:/[_a-z]\w*(?=\s*\()/i,boolean:/\b(?:false|true)\b/i,number:/\b\d+(?:\.\d+)?\b/,operator:/<>|[<>]=?|!=|\*\*|[-+*/|=@]/,punctuation:/[:.;,()[\]]/},e.languages.pcode=e.languages.peoplecode}e.exports=t,t.displayName="peoplecode",t.aliases=["pcode"]},74212:function(e){"use strict";function t(e){var t;t=/(?:\((?:[^()\\]|\\[\s\S])*\)|\{(?:[^{}\\]|\\[\s\S])*\}|\[(?:[^[\]\\]|\\[\s\S])*\]|<(?:[^<>\\]|\\[\s\S])*>)/.source,e.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,t].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,t].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,t+/\s*/.source+t].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.exports=t,t.displayName="perl",t.aliases=[]},5137:function(e,t,n){"use strict";var r=n(88262);function a(e){e.register(r),e.languages.insertBefore("php","variable",{this:{pattern:/\$this\b/,alias:"keyword"},global:/\$(?:GLOBALS|HTTP_RAW_POST_DATA|_(?:COOKIE|ENV|FILES|GET|POST|REQUEST|SERVER|SESSION)|argc|argv|http_response_header|php_errormsg)\b/,scope:{pattern:/\b[\w\\]+::/,inside:{keyword:/\b(?:parent|self|static)\b/,punctuation:/::|\\/}}})}e.exports=a,a.displayName="phpExtras",a.aliases=[]},88262:function(e,t,n){"use strict";var r=n(93205);function a(e){var t,n,a,i,o,s,l;e.register(r),t=/\/\*[\s\S]*?\*\/|\/\/.*|#(?!\[).*/,n=[{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*\()/],a=/\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}|\??->|[!=]=?=?|::|\*\*=?|--|\+\+|&&|\|\||<<|>>|[?~]|[/^|%*&<>.+-]=?/,o=/[{}\[\](),:;]/,e.languages.php={delimiter:{pattern:/\?>$|^<\?(?:php(?=\s)|=)?/i,alias:"important"},comment:t,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|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|new|or|parent|print|private|protected|public|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:n,function:{pattern:/(^|[^\\\w])\\?[a-z_](?:[\w\\]*\w)?(?=\s*\()/i,lookbehind:!0,inside:{punctuation:/\\/}},property:{pattern:/(->\s*)\w+/,lookbehind:!0},number:a,operator:i,punctuation:o},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:/\{\$(?:\{(?:\{[^{}]+\}|[^{}]+)\}|[^{}])+\}|(^|[^\\{])\$+(?:\w+(?:\[[^\r\n\[\]]+\]|->\w+)?)/,lookbehind:!0,inside:e.languages.php}}},{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}}],e.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:t,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:n,number:a,operator:i,punctuation:o}},delimiter:{pattern:/^#\[|\]$/,alias:"punctuation"}}}}),e.hooks.add("before-tokenize",function(t){/<\?/.test(t.code)&&e.languages["markup-templating"].buildPlaceholders(t,"php",/<\?(?:[^"'/#]|\/(?![*/])|("|')(?:\\[\s\S]|(?!\1)[^\\])*\1|(?:\/\/|#(?!\[))(?:[^?\n\r]|\?(?!>))*(?=$|\?>|[\r\n])|#\[|\/\*(?:[^*]|\*(?!\/))*(?:\*\/|$))*?(?:\?>|$)/g)}),e.hooks.add("after-tokenize",function(t){e.languages["markup-templating"].tokenizePlaceholders(t,"php")})}e.exports=a,a.displayName="php",a.aliases=[]},63632:function(e,t,n){"use strict";var r=n(88262),a=n(9858);function i(e){var t;e.register(r),e.register(a),t=/(?:\b[a-zA-Z]\w*|[|\\[\]])+/.source,e.languages.phpdoc=e.languages.extend("javadoclike",{parameter:{pattern:RegExp("(@(?:global|param|property(?:-read|-write)?|var)\\s+(?:"+t+"\\s+)?)\\$\\w+"),lookbehind:!0}}),e.languages.insertBefore("phpdoc","keyword",{"class-name":[{pattern:RegExp("(@(?:global|package|param|property(?:-read|-write)?|return|subpackage|throws|var)\\s+)"+t),lookbehind:!0,inside:{keyword:/\b(?:array|bool|boolean|callback|double|false|float|int|integer|mixed|null|object|resource|self|string|true|void)\b/,punctuation:/[|\\[\]()]/}}]}),e.languages.javadoclike.addSupport("php",e.languages.phpdoc)}e.exports=i,i.displayName="phpdoc",i.aliases=[]},59149:function(e,t,n){"use strict";var r=n(11114);function a(e){e.register(r),e.languages.plsql=e.languages.extend("sql",{comment:{pattern:/\/\*[\s\S]*?\*\/|--.*/,greedy:!0},keyword:/\b(?:A|ACCESSIBLE|ADD|AGENT|AGGREGATE|ALL|ALTER|AND|ANY|ARRAY|AS|ASC|AT|ATTRIBUTE|AUTHID|AVG|BEGIN|BETWEEN|BFILE_BASE|BINARY|BLOB_BASE|BLOCK|BODY|BOTH|BOUND|BULK|BY|BYTE|C|CALL|CALLING|CASCADE|CASE|CHAR|CHARACTER|CHARSET|CHARSETFORM|CHARSETID|CHAR_BASE|CHECK|CLOB_BASE|CLONE|CLOSE|CLUSTER|CLUSTERS|COLAUTH|COLLECT|COLUMNS|COMMENT|COMMIT|COMMITTED|COMPILED|COMPRESS|CONNECT|CONSTANT|CONSTRUCTOR|CONTEXT|CONTINUE|CONVERT|COUNT|CRASH|CREATE|CREDENTIAL|CURRENT|CURSOR|CUSTOMDATUM|DANGLING|DATA|DATE|DATE_BASE|DAY|DECLARE|DEFAULT|DEFINE|DELETE|DESC|DETERMINISTIC|DIRECTORY|DISTINCT|DOUBLE|DROP|DURATION|ELEMENT|ELSE|ELSIF|EMPTY|END|ESCAPE|EXCEPT|EXCEPTION|EXCEPTIONS|EXCLUSIVE|EXECUTE|EXISTS|EXIT|EXTERNAL|FETCH|FINAL|FIRST|FIXED|FLOAT|FOR|FORALL|FORCE|FROM|FUNCTION|GENERAL|GOTO|GRANT|GROUP|HASH|HAVING|HEAP|HIDDEN|HOUR|IDENTIFIED|IF|IMMEDIATE|IMMUTABLE|IN|INCLUDING|INDEX|INDEXES|INDICATOR|INDICES|INFINITE|INSERT|INSTANTIABLE|INT|INTERFACE|INTERSECT|INTERVAL|INTO|INVALIDATE|IS|ISOLATION|JAVA|LANGUAGE|LARGE|LEADING|LENGTH|LEVEL|LIBRARY|LIKE|LIKE2|LIKE4|LIKEC|LIMIT|LIMITED|LOCAL|LOCK|LONG|LOOP|MAP|MAX|MAXLEN|MEMBER|MERGE|MIN|MINUS|MINUTE|MOD|MODE|MODIFY|MONTH|MULTISET|MUTABLE|NAME|NAN|NATIONAL|NATIVE|NCHAR|NEW|NOCOMPRESS|NOCOPY|NOT|NOWAIT|NULL|NUMBER_BASE|OBJECT|OCICOLL|OCIDATE|OCIDATETIME|OCIDURATION|OCIINTERVAL|OCILOBLOCATOR|OCINUMBER|OCIRAW|OCIREF|OCIREFCURSOR|OCIROWID|OCISTRING|OCITYPE|OF|OLD|ON|ONLY|OPAQUE|OPEN|OPERATOR|OPTION|OR|ORACLE|ORADATA|ORDER|ORGANIZATION|ORLANY|ORLVARY|OTHERS|OUT|OVERLAPS|OVERRIDING|PACKAGE|PARALLEL_ENABLE|PARAMETER|PARAMETERS|PARENT|PARTITION|PASCAL|PERSISTABLE|PIPE|PIPELINED|PLUGGABLE|POLYMORPHIC|PRAGMA|PRECISION|PRIOR|PRIVATE|PROCEDURE|PUBLIC|RAISE|RANGE|RAW|READ|RECORD|REF|REFERENCE|RELIES_ON|REM|REMAINDER|RENAME|RESOURCE|RESULT|RESULT_CACHE|RETURN|RETURNING|REVERSE|REVOKE|ROLLBACK|ROW|SAMPLE|SAVE|SAVEPOINT|SB1|SB2|SB4|SECOND|SEGMENT|SELECT|SELF|SEPARATE|SEQUENCE|SERIALIZABLE|SET|SHARE|SHORT|SIZE|SIZE_T|SOME|SPARSE|SQL|SQLCODE|SQLDATA|SQLNAME|SQLSTATE|STANDARD|START|STATIC|STDDEV|STORED|STRING|STRUCT|STYLE|SUBMULTISET|SUBPARTITION|SUBSTITUTABLE|SUBTYPE|SUM|SYNONYM|TABAUTH|TABLE|TDO|THE|THEN|TIME|TIMESTAMP|TIMEZONE_ABBR|TIMEZONE_HOUR|TIMEZONE_MINUTE|TIMEZONE_REGION|TO|TRAILING|TRANSACTION|TRANSACTIONAL|TRUSTED|TYPE|UB1|UB2|UB4|UNDER|UNION|UNIQUE|UNPLUG|UNSIGNED|UNTRUSTED|UPDATE|USE|USING|VALIST|VALUE|VALUES|VARIABLE|VARIANCE|VARRAY|VARYING|VIEW|VIEWS|VOID|WHEN|WHERE|WHILE|WITH|WORK|WRAPPED|WRITE|YEAR|ZONE)\b/i,operator:/:=?|=>|[<>^~!]=|\.\.|\|\||\*\*|[-+*/%<>=@]/}),e.languages.insertBefore("plsql","operator",{label:{pattern:/<<\s*\w+\s*>>/,alias:"symbol"}})}e.exports=a,a.displayName="plsql",a.aliases=[]},50256:function(e){"use strict";function t(e){e.languages.powerquery={comment:{pattern:/(^|[^\\])(?:\/\*[\s\S]*?\*\/|\/\/.*)/,lookbehind:!0,greedy:!0},"quoted-identifier":{pattern:/#"(?:[^"\r\n]|"")*"(?!")/,greedy:!0},string:{pattern:/(?:#!)?"(?:[^"\r\n]|"")*"(?!")/,greedy:!0},constant:[/\bDay\.(?:Friday|Monday|Saturday|Sunday|Thursday|Tuesday|Wednesday)\b/,/\bTraceLevel\.(?:Critical|Error|Information|Verbose|Warning)\b/,/\bOccurrence\.(?:All|First|Last)\b/,/\bOrder\.(?:Ascending|Descending)\b/,/\bRoundingMode\.(?:AwayFromZero|Down|ToEven|TowardZero|Up)\b/,/\bMissingField\.(?:Error|Ignore|UseNull)\b/,/\bQuoteStyle\.(?:Csv|None)\b/,/\bJoinKind\.(?:FullOuter|Inner|LeftAnti|LeftOuter|RightAnti|RightOuter)\b/,/\bGroupKind\.(?:Global|Local)\b/,/\bExtraValues\.(?:Error|Ignore|List)\b/,/\bJoinAlgorithm\.(?:Dynamic|LeftHash|LeftIndex|PairwiseHash|RightHash|RightIndex|SortMerge)\b/,/\bJoinSide\.(?:Left|Right)\b/,/\bPrecision\.(?:Decimal|Double)\b/,/\bRelativePosition\.From(?:End|Start)\b/,/\bTextEncoding\.(?:Ascii|BigEndianUnicode|Unicode|Utf16|Utf8|Windows)\b/,/\b(?:Any|Binary|Date|DateTime|DateTimeZone|Duration|Function|Int16|Int32|Int64|Int8|List|Logical|None|Number|Record|Table|Text|Time)\.Type\b/,/\bnull\b/],boolean:/\b(?:false|true)\b/,keyword:/\b(?:and|as|each|else|error|if|in|is|let|meta|not|nullable|optional|or|otherwise|section|shared|then|try|type)\b|#(?:binary|date|datetime|datetimezone|duration|infinity|nan|sections|shared|table|time)\b/,function:{pattern:/(^|[^#\w.])[a-z_][\w.]*(?=\s*\()/i,lookbehind:!0},"data-type":{pattern:/\b(?:any|anynonnull|binary|date|datetime|datetimezone|duration|function|list|logical|none|number|record|table|text|time)\b/,alias:"class-name"},number:{pattern:/\b0x[\da-f]+\b|(?:[+-]?(?:\b\d+\.)?\b\d+|[+-]\.\d+|(^|[^.])\B\.\d+)(?:e[+-]?\d+)?\b/i,lookbehind:!0},operator:/[-+*\/&?@^]|<(?:=>?|>)?|>=?|=>?|\.\.\.?/,punctuation:/[,;\[\](){}]/},e.languages.pq=e.languages.powerquery,e.languages.mscript=e.languages.powerquery}e.exports=t,t.displayName="powerquery",t.aliases=[]},61777:function(e){"use strict";function t(e){var t;(t=e.languages.powershell={comment:[{pattern:/(^|[^`])<#[\s\S]*?#>/,lookbehind:!0},{pattern:/(^|[^`])#.*/,lookbehind:!0}],string:[{pattern:/"(?:`[\s\S]|[^`"])*"/,greedy:!0,inside:null},{pattern:/'(?:[^']|'')*'/,greedy:!0}],namespace:/\[[a-z](?:\[(?:\[[^\]]*\]|[^\[\]])*\]|[^\[\]])*\]/i,boolean:/\$(?:false|true)\b/i,variable:/\$\w+\b/,function:[/\b(?:Add|Approve|Assert|Backup|Block|Checkpoint|Clear|Close|Compare|Complete|Compress|Confirm|Connect|Convert|ConvertFrom|ConvertTo|Copy|Debug|Deny|Disable|Disconnect|Dismount|Edit|Enable|Enter|Exit|Expand|Export|Find|ForEach|Format|Get|Grant|Group|Hide|Import|Initialize|Install|Invoke|Join|Limit|Lock|Measure|Merge|Move|New|Open|Optimize|Out|Ping|Pop|Protect|Publish|Push|Read|Receive|Redo|Register|Remove|Rename|Repair|Request|Reset|Resize|Resolve|Restart|Restore|Resume|Revoke|Save|Search|Select|Send|Set|Show|Skip|Sort|Split|Start|Step|Stop|Submit|Suspend|Switch|Sync|Tee|Test|Trace|Unblock|Undo|Uninstall|Unlock|Unprotect|Unpublish|Unregister|Update|Use|Wait|Watch|Where|Write)-[a-z]+\b/i,/\b(?:ac|cat|chdir|clc|cli|clp|clv|compare|copy|cp|cpi|cpp|cvpa|dbp|del|diff|dir|ebp|echo|epal|epcsv|epsn|erase|fc|fl|ft|fw|gal|gbp|gc|gci|gcs|gdr|gi|gl|gm|gp|gps|group|gsv|gu|gv|gwmi|iex|ii|ipal|ipcsv|ipsn|irm|iwmi|iwr|kill|lp|ls|measure|mi|mount|move|mp|mv|nal|ndr|ni|nv|ogv|popd|ps|pushd|pwd|rbp|rd|rdr|ren|ri|rm|rmdir|rni|rnp|rp|rv|rvpa|rwmi|sal|saps|sasv|sbp|sc|select|set|shcm|si|sl|sleep|sls|sort|sp|spps|spsv|start|sv|swmi|tee|trcm|type|write)\b/i],keyword:/\b(?:Begin|Break|Catch|Class|Continue|Data|Define|Do|DynamicParam|Else|ElseIf|End|Exit|Filter|Finally|For|ForEach|From|Function|If|InlineScript|Parallel|Param|Process|Return|Sequence|Switch|Throw|Trap|Try|Until|Using|Var|While|Workflow)\b/i,operator:{pattern:/(^|\W)(?:!|-(?:b?(?:and|x?or)|as|(?:Not)?(?:Contains|In|Like|Match)|eq|ge|gt|is(?:Not)?|Join|le|lt|ne|not|Replace|sh[lr])\b|-[-=]?|\+[+=]?|[*\/%]=?)/i,lookbehind:!0},punctuation:/[|{}[\];(),.]/}).string[0].inside={function:{pattern:/(^|[^`])\$\((?:\$\([^\r\n()]*\)|(?!\$\()[^\r\n)])*\)/,lookbehind:!0,inside:t},boolean:t.boolean,variable:t.variable}}e.exports=t,t.displayName="powershell",t.aliases=[]},3623:function(e){"use strict";function t(e){e.languages.processing=e.languages.extend("clike",{keyword:/\b(?:break|case|catch|class|continue|default|else|extends|final|for|if|implements|import|new|null|private|public|return|static|super|switch|this|try|void|while)\b/,function:/\b\w+(?=\s*\()/,operator:/<[<=]?|>[>=]?|&&?|\|\|?|[%?]|[!=+\-*\/]=?/}),e.languages.insertBefore("processing","number",{constant:/\b(?!XML\b)[A-Z][A-Z\d_]+\b/,type:{pattern:/\b(?:boolean|byte|char|color|double|float|int|[A-Z]\w*)\b/,alias:"class-name"}})}e.exports=t,t.displayName="processing",t.aliases=[]},82707:function(e){"use strict";function t(e){e.languages.prolog={comment:{pattern:/\/\*[\s\S]*?\*\/|%.*/,greedy:!0},string:{pattern:/(["'])(?:\1\1|\\(?:\r\n|[\s\S])|(?!\1)[^\\\r\n])*\1(?!\1)/,greedy:!0},builtin:/\b(?:fx|fy|xf[xy]?|yfx?)\b/,function:/\b[a-z]\w*(?:(?=\()|\/\d+)/,number:/\b\d+(?:\.\d*)?/,operator:/[:\\=><\-?*@\/;+^|!$.]+|\b(?:is|mod|not|xor)\b/,punctuation:/[(){}\[\],]/}}e.exports=t,t.displayName="prolog",t.aliases=[]},59338:function(e){"use strict";function t(e){var t,n;n=["sum","min","max","avg","group","stddev","stdvar","count","count_values","bottomk","topk","quantile"].concat(t=["on","ignoring","group_right","group_left","by","without"],["offset"]),e.languages.promql={comment:{pattern:/(^[ \t]*)#.*/m,lookbehind:!0},"vector-match":{pattern:RegExp("((?:"+t.join("|")+")\\s*)\\([^)]*\\)"),lookbehind:!0,inside:{"label-key":{pattern:/\b[^,]+\b/,alias:"attr-name"},punctuation:/[(),]/}},"context-labels":{pattern:/\{[^{}]*\}/,inside:{"label-key":{pattern:/\b[a-z_]\w*(?=\s*(?:=|![=~]))/,alias:"attr-name"},"label-value":{pattern:/(["'`])(?:\\[\s\S]|(?!\1)[^\\])*\1/,greedy:!0,alias:"attr-value"},punctuation:/\{|\}|=~?|![=~]|,/}},"context-range":[{pattern:/\[[\w\s:]+\]/,inside:{punctuation:/\[|\]|:/,"range-duration":{pattern:/\b(?:\d+(?:[smhdwy]|ms))+\b/i,alias:"number"}}},{pattern:/(\boffset\s+)\w+/,lookbehind:!0,inside:{"range-duration":{pattern:/\b(?:\d+(?:[smhdwy]|ms))+\b/i,alias:"number"}}}],keyword:RegExp("\\b(?:"+n.join("|")+")\\b","i"),function:/\b[a-z_]\w*(?=\s*\()/i,number:/[-+]?(?:(?:\b\d+(?:\.\d+)?|\B\.\d+)(?:e[-+]?\d+)?\b|\b(?:0x[0-9a-f]+|nan|inf)\b)/i,operator:/[\^*/%+-]|==|!=|<=|<|>=|>|\b(?:and|or|unless)\b/i,punctuation:/[{};()`,.[\]]/}}e.exports=t,t.displayName="promql",t.aliases=[]},56267:function(e){"use strict";function t(e){e.languages.properties={comment:/^[ \t]*[#!].*$/m,"attr-value":{pattern:/(^[ \t]*(?:\\(?:\r\n|[\s\S])|[^\\\s:=])+(?: *[=:] *(?! )| ))(?:\\(?:\r\n|[\s\S])|[^\\\r\n])+/m,lookbehind:!0},"attr-name":/^[ \t]*(?:\\(?:\r\n|[\s\S])|[^\\\s:=])+(?= *[=:]| )/m,punctuation:/[=:]/}}e.exports=t,t.displayName="properties",t.aliases=[]},98809:function(e){"use strict";function t(e){var t;t=/\b(?:bool|bytes|double|s?fixed(?:32|64)|float|[su]?int(?:32|64)|string)\b/,e.languages.protobuf=e.languages.extend("clike",{"class-name":[{pattern:/(\b(?:enum|extend|message|service)\s+)[A-Za-z_]\w*(?=\s*\{)/,lookbehind:!0},{pattern:/(\b(?:rpc\s+\w+|returns)\s*\(\s*(?:stream\s+)?)\.?[A-Za-z_]\w*(?:\.[A-Za-z_]\w*)*(?=\s*\))/,lookbehind:!0}],keyword:/\b(?:enum|extend|extensions|import|message|oneof|option|optional|package|public|repeated|required|reserved|returns|rpc(?=\s+\w)|service|stream|syntax|to)\b(?!\s*=\s*\d)/,function:/\b[a-z_]\w*(?=\s*\()/i}),e.languages.insertBefore("protobuf","operator",{map:{pattern:/\bmap<\s*[\w.]+\s*,\s*[\w.]+\s*>(?=\s+[a-z_]\w*\s*[=;])/i,alias:"class-name",inside:{punctuation:/[<>.,]/,builtin:t}},builtin:t,"positional-class-name":{pattern:/(?:\b|\B\.)[a-z_]\w*(?:\.[a-z_]\w*)*(?=\s+[a-z_]\w*\s*[=;])/i,alias:"class-name",inside:{punctuation:/\./}},annotation:{pattern:/(\[\s*)[a-z_]\w*(?=\s*=)/i,lookbehind:!0}})}e.exports=t,t.displayName="protobuf",t.aliases=[]},37548:function(e){"use strict";function t(e){e.languages.psl={comment:{pattern:/#.*/,greedy:!0},string:{pattern:/"(?:\\.|[^\\"])*"/,greedy:!0,inside:{symbol:/\\[ntrbA-Z"\\]/}},"heredoc-string":{pattern:/<<<([a-zA-Z_]\w*)[\r\n](?:.*[\r\n])*?\1\b/,alias:"string",greedy:!0},keyword:/\b(?:__multi|__single|case|default|do|else|elsif|exit|export|for|foreach|function|if|last|line|local|next|requires|return|switch|until|while|word)\b/,constant:/\b(?:ALARM|CHART_ADD_GRAPH|CHART_DELETE_GRAPH|CHART_DESTROY|CHART_LOAD|CHART_PRINT|EOF|OFFLINE|OK|PSL_PROF_LOG|R_CHECK_HORIZ|R_CHECK_VERT|R_CLICKER|R_COLUMN|R_FRAME|R_ICON|R_LABEL|R_LABEL_CENTER|R_LIST_MULTIPLE|R_LIST_MULTIPLE_ND|R_LIST_SINGLE|R_LIST_SINGLE_ND|R_MENU|R_POPUP|R_POPUP_SCROLLED|R_RADIO_HORIZ|R_RADIO_VERT|R_ROW|R_SCALE_HORIZ|R_SCALE_VERT|R_SEP_HORIZ|R_SEP_VERT|R_SPINNER|R_TEXT_FIELD|R_TEXT_FIELD_LABEL|R_TOGGLE|TRIM_LEADING|TRIM_LEADING_AND_TRAILING|TRIM_REDUNDANT|TRIM_TRAILING|VOID|WARN)\b/,boolean:/\b(?:FALSE|False|NO|No|TRUE|True|YES|Yes|false|no|true|yes)\b/,variable:/\b(?:PslDebug|errno|exit_status)\b/,builtin:{pattern:/\b(?:PslExecute|PslFunctionCall|PslFunctionExists|PslSetOptions|_snmp_debug|acos|add_diary|annotate|annotate_get|ascii_to_ebcdic|asctime|asin|atan|atexit|batch_set|blackout|cat|ceil|chan_exists|change_state|close|code_cvt|cond_signal|cond_wait|console_type|convert_base|convert_date|convert_locale_date|cos|cosh|create|date|dcget_text|destroy|destroy_lock|dget_text|difference|dump_hist|ebcdic_to_ascii|encrypt|event_archive|event_catalog_get|event_check|event_query|event_range_manage|event_range_query|event_report|event_schedule|event_trigger|event_trigger2|execute|exists|exp|fabs|file|floor|fmod|fopen|fseek|ftell|full_discovery|get|get_chan_info|get_ranges|get_text|get_vars|getenv|gethostinfo|getpid|getpname|grep|history|history_get_retention|in_transition|index|int|internal|intersection|is_var|isnumber|join|kill|length|lines|lock|lock_info|log|log10|loge|matchline|msg_check|msg_get_format|msg_get_severity|msg_printf|msg_sprintf|ntharg|nthargf|nthline|nthlinef|num_bytes|num_consoles|pconfig|popen|poplines|pow|print|printf|proc_exists|process|random|read|readln|refresh_parameters|remote_check|remote_close|remote_event_query|remote_event_trigger|remote_file_send|remote_open|remove|replace|rindex|sec_check_priv|sec_store_get|sec_store_set|set|set_alarm_ranges|set_locale|share|sin|sinh|sleep|snmp_agent_config|snmp_agent_start|snmp_agent_stop|snmp_close|snmp_config|snmp_get|snmp_get_next|snmp_h_get|snmp_h_get_next|snmp_h_set|snmp_open|snmp_set|snmp_trap_ignore|snmp_trap_listen|snmp_trap_raise_std_trap|snmp_trap_receive|snmp_trap_register_im|snmp_trap_send|snmp_walk|sopen|sort|splitline|sprintf|sqrt|srandom|str_repeat|strcasecmp|subset|substr|system|tail|tan|tanh|text_domain|time|tmpnam|tolower|toupper|trace_psl_process|trim|union|unique|unlock|unset|va_arg|va_start|write)\b/,alias:"builtin-function"},"foreach-variable":{pattern:/(\bforeach\s+(?:(?:\w+\b|"(?:\\.|[^\\"])*")\s+){0,2})[_a-zA-Z]\w*(?=\s*\()/,lookbehind:!0,greedy:!0},function:/\b[_a-z]\w*\b(?=\s*\()/i,number:/\b(?:0x[0-9a-f]+|\d+(?:\.\d+)?)\b/i,operator:/--|\+\+|&&=?|\|\|=?|<<=?|>>=?|[=!]~|[-+*/%&|^!=<>]=?|\.|[:?]/,punctuation:/[(){}\[\];,]/}}e.exports=t,t.displayName="psl",t.aliases=[]},82161:function(e){"use strict";function t(e){!function(e){e.languages.pug={comment:{pattern:/(^([\t ]*))\/\/.*(?:(?:\r?\n|\r)\2[\t ].+)*/m,lookbehind:!0},"multiline-script":{pattern:/(^([\t ]*)script\b.*\.[\t ]*)(?:(?:\r?\n|\r(?!\n))(?:\2[\t ].+|\s*?(?=\r?\n|\r)))+/m,lookbehind:!0,inside:e.languages.javascript},filter:{pattern:/(^([\t ]*)):.+(?:(?:\r?\n|\r(?!\n))(?:\2[\t ].+|\s*?(?=\r?\n|\r)))+/m,lookbehind:!0,inside:{"filter-name":{pattern:/^:[\w-]+/,alias:"variable"},text:/\S[\s\S]*/}},"multiline-plain-text":{pattern:/(^([\t ]*)[\w\-#.]+\.[\t ]*)(?:(?:\r?\n|\r(?!\n))(?:\2[\t ].+|\s*?(?=\r?\n|\r)))+/m,lookbehind:!0},markup:{pattern:/(^[\t ]*)<.+/m,lookbehind:!0,inside:e.languages.markup},doctype:{pattern:/((?:^|\n)[\t ]*)doctype(?: .+)?/,lookbehind:!0},"flow-control":{pattern:/(^[\t ]*)(?:case|default|each|else|if|unless|when|while)\b(?: .+)?/m,lookbehind:!0,inside:{each:{pattern:/^each .+? in\b/,inside:{keyword:/\b(?:each|in)\b/,punctuation:/,/}},branch:{pattern:/^(?:case|default|else|if|unless|when|while)\b/,alias:"keyword"},rest:e.languages.javascript}},keyword:{pattern:/(^[\t ]*)(?:append|block|extends|include|prepend)\b.+/m,lookbehind:!0},mixin:[{pattern:/(^[\t ]*)mixin .+/m,lookbehind:!0,inside:{keyword:/^mixin/,function:/\w+(?=\s*\(|\s*$)/,punctuation:/[(),.]/}},{pattern:/(^[\t ]*)\+.+/m,lookbehind:!0,inside:{name:{pattern:/^\+\w+/,alias:"function"},rest:e.languages.javascript}}],script:{pattern:/(^[\t ]*script(?:(?:&[^(]+)?\([^)]+\))*[\t ]).+/m,lookbehind:!0,inside:e.languages.javascript},"plain-text":{pattern:/(^[\t ]*(?!-)[\w\-#.]*[\w\-](?:(?:&[^(]+)?\([^)]+\))*\/?[\t ]).+/m,lookbehind:!0},tag:{pattern:/(^[\t ]*)(?!-)[\w\-#.]*[\w\-](?:(?:&[^(]+)?\([^)]+\))*\/?:?/m,lookbehind:!0,inside:{attributes:[{pattern:/&[^(]+\([^)]+\)/,inside:e.languages.javascript},{pattern:/\([^)]+\)/,inside:{"attr-value":{pattern:/(=\s*(?!\s))(?:\{[^}]*\}|[^,)\r\n]+)/,lookbehind:!0,inside:e.languages.javascript},"attr-name":/[\w-]+(?=\s*!?=|\s*[,)])/,punctuation:/[!=(),]+/}}],punctuation:/:/,"attr-id":/#[\w\-]+/,"attr-class":/\.[\w\-]+/}},code:[{pattern:/(^[\t ]*(?:-|!?=)).+/m,lookbehind:!0,inside:e.languages.javascript}],punctuation:/[.\-!=|]+/};for(var t=/(^([\t ]*)):(?:(?:\r?\n|\r(?!\n))(?:\2[\t ].+|\s*?(?=\r?\n|\r)))+/.source,n=[{filter:"atpl",language:"twig"},{filter:"coffee",language:"coffeescript"},"ejs","handlebars","less","livescript","markdown",{filter:"sass",language:"scss"},"stylus"],r={},a=0,i=n.length;a",function(){return o.filter}),"m"),lookbehind:!0,inside:{"filter-name":{pattern:/^:[\w-]+/,alias:"variable"},text:{pattern:/\S[\s\S]*/,alias:[o.language,"language-"+o.language],inside:e.languages[o.language]}}})}e.languages.insertBefore("pug","filter",r)}(e)}e.exports=t,t.displayName="pug",t.aliases=[]},80625:function(e){"use strict";function t(e){var t;e.languages.puppet={heredoc:[{pattern:/(@\("([^"\r\n\/):]+)"(?:\/[nrts$uL]*)?\).*(?:\r?\n|\r))(?:.*(?:\r?\n|\r(?!\n)))*?[ \t]*(?:\|[ \t]*)?(?:-[ \t]*)?\2/,lookbehind:!0,alias:"string",inside:{punctuation:/(?=\S).*\S(?= *$)/}},{pattern:/(@\(([^"\r\n\/):]+)(?:\/[nrts$uL]*)?\).*(?:\r?\n|\r))(?:.*(?:\r?\n|\r(?!\n)))*?[ \t]*(?:\|[ \t]*)?(?:-[ \t]*)?\2/,lookbehind:!0,greedy:!0,alias:"string",inside:{punctuation:/(?=\S).*\S(?= *$)/}},{pattern:/@\("?(?:[^"\r\n\/):]+)"?(?:\/[nrts$uL]*)?\)/,alias:"string",inside:{punctuation:{pattern:/(\().+?(?=\))/,lookbehind:!0}}}],"multiline-comment":{pattern:/(^|[^\\])\/\*[\s\S]*?\*\//,lookbehind:!0,greedy:!0,alias:"comment"},regex:{pattern:/((?:\bnode\s+|[~=\(\[\{,]\s*|[=+]>\s*|^\s*))\/(?:[^\/\\]|\\[\s\S])+\/(?:[imx]+\b|\B)/,lookbehind:!0,greedy:!0,inside:{"extended-regex":{pattern:/^\/(?:[^\/\\]|\\[\s\S])+\/[im]*x[im]*$/,inside:{comment:/#.*/}}}},comment:{pattern:/(^|[^\\])#.*/,lookbehind:!0,greedy:!0},string:{pattern:/(["'])(?:\$\{(?:[^'"}]|(["'])(?:(?!\2)[^\\]|\\[\s\S])*\2)+\}|\$(?!\{)|(?!\1)[^\\$]|\\[\s\S])*\1/,greedy:!0,inside:{"double-quoted":{pattern:/^"[\s\S]*"$/,inside:{}}}},variable:{pattern:/\$(?:::)?\w+(?:::\w+)*/,inside:{punctuation:/::/}},"attr-name":/(?:\b\w+|\*)(?=\s*=>)/,function:[{pattern:/(\.)(?!\d)\w+/,lookbehind:!0},/\b(?:contain|debug|err|fail|include|info|notice|realize|require|tag|warning)\b|\b(?!\d)\w+(?=\()/],number:/\b(?:0x[a-f\d]+|\d+(?:\.\d+)?(?:e-?\d+)?)\b/i,boolean:/\b(?:false|true)\b/,keyword:/\b(?:application|attr|case|class|consumes|default|define|else|elsif|function|if|import|inherits|node|private|produces|type|undef|unless)\b/,datatype:{pattern:/\b(?:Any|Array|Boolean|Callable|Catalogentry|Class|Collection|Data|Default|Enum|Float|Hash|Integer|NotUndef|Numeric|Optional|Pattern|Regexp|Resource|Runtime|Scalar|String|Struct|Tuple|Type|Undef|Variant)\b/,alias:"symbol"},operator:/=[=~>]?|![=~]?|<(?:<\|?|[=~|-])?|>[>=]?|->?|~>|\|>?>?|[*\/%+?]|\b(?:and|in|or)\b/,punctuation:/[\[\]{}().,;]|:+/},t=[{pattern:/(^|[^\\])\$\{(?:[^'"{}]|\{[^}]*\}|(["'])(?:(?!\2)[^\\]|\\[\s\S])*\2)+\}/,lookbehind:!0,inside:{"short-variable":{pattern:/(^\$\{)(?!\w+\()(?:::)?\w+(?:::\w+)*/,lookbehind:!0,alias:"variable",inside:{punctuation:/::/}},delimiter:{pattern:/^\$/,alias:"variable"},rest:e.languages.puppet}},{pattern:/(^|[^\\])\$(?:::)?\w+(?:::\w+)*/,lookbehind:!0,alias:"variable",inside:{punctuation:/::/}}],e.languages.puppet.heredoc[0].inside.interpolation=t,e.languages.puppet.string.inside["double-quoted"].inside.interpolation=t}e.exports=t,t.displayName="puppet",t.aliases=[]},88393:function(e){"use strict";function t(e){var t;e.languages.pure={comment:[{pattern:/(^|[^\\])\/\*[\s\S]*?\*\//,lookbehind:!0},{pattern:/(^|[^\\:])\/\/.*/,lookbehind:!0},/#!.+/],"inline-lang":{pattern:/%<[\s\S]+?%>/,greedy:!0,inside:{lang:{pattern:/(^%< *)-\*-.+?-\*-/,lookbehind:!0,alias:"comment"},delimiter:{pattern:/^%<.*|%>$/,alias:"punctuation"}}},string:{pattern:/"(?:\\.|[^"\\\r\n])*"/,greedy:!0},number:{pattern:/((?:\.\.)?)(?:\b(?:inf|nan)\b|\b0x[\da-f]+|(?:\b(?:0b)?\d+(?:\.\d+)?|\B\.\d+)(?:e[+-]?\d+)?L?)/i,lookbehind:!0},keyword:/\b(?:NULL|ans|break|bt|case|catch|cd|clear|const|def|del|dump|else|end|exit|extern|false|force|help|if|infix[lr]?|interface|let|ls|mem|namespace|nonfix|of|otherwise|outfix|override|postfix|prefix|private|public|pwd|quit|run|save|show|stats|then|throw|trace|true|type|underride|using|when|with)\b/,function:/\b(?:abs|add_(?:addr|constdef|(?:fundef|interface|macdef|typedef)(?:_at)?|vardef)|all|any|applp?|arity|bigintp?|blob(?:_crc|_size|p)?|boolp?|byte_c?string(?:_pointer)?|byte_(?:matrix|pointer)|calloc|cat|catmap|ceil|char[ps]?|check_ptrtag|chr|clear_sentry|clearsym|closurep?|cmatrixp?|cols?|colcat(?:map)?|colmap|colrev|colvector(?:p|seq)?|complex(?:_float_(?:matrix|pointer)|_matrix(?:_view)?|_pointer|p)?|conj|cookedp?|cst|cstring(?:_(?:dup|list|vector))?|curry3?|cyclen?|del_(?:constdef|fundef|interface|macdef|typedef|vardef)|delete|diag(?:mat)?|dim|dmatrixp?|do|double(?:_matrix(?:_view)?|_pointer|p)?|dowith3?|drop|dropwhile|eval(?:cmd)?|exactp|filter|fix|fixity|flip|float(?:_matrix|_pointer)|floor|fold[lr]1?|frac|free|funp?|functionp?|gcd|get(?:_(?:byte|constdef|double|float|fundef|int(?:64)?|interface(?:_typedef)?|long|macdef|pointer|ptrtag|sentry|short|string|typedef|vardef))?|globsym|hash|head|id|im|imatrixp?|index|inexactp|infp|init|insert|int(?:_matrix(?:_view)?|_pointer|p)?|int64_(?:matrix|pointer)|integerp?|iteraten?|iterwhile|join|keys?|lambdap?|last(?:err(?:pos)?)?|lcd|list[2p]?|listmap|make_ptrtag|malloc|map|matcat|matrixp?|max|member|min|nanp|nargs|nmatrixp?|null|numberp?|ord|pack(?:ed)?|pointer(?:_cast|_tag|_type|p)?|pow|pred|ptrtag|put(?:_(?:byte|double|float|int(?:64)?|long|pointer|short|string))?|rationalp?|re|realp?|realloc|recordp?|redim|reduce(?:_with)?|refp?|repeatn?|reverse|rlistp?|round|rows?|rowcat(?:map)?|rowmap|rowrev|rowvector(?:p|seq)?|same|scan[lr]1?|sentry|sgn|short_(?:matrix|pointer)|slice|smatrixp?|sort|split|str|strcat|stream|stride|string(?:_(?:dup|list|vector)|p)?|subdiag(?:mat)?|submat|subseq2?|substr|succ|supdiag(?:mat)?|symbolp?|tail|take|takewhile|thunkp?|transpose|trunc|tuplep?|typep|ubyte|uint(?:64)?|ulong|uncurry3?|unref|unzip3?|update|ushort|vals?|varp?|vector(?:p|seq)?|void|zip3?|zipwith3?)\b/,special:{pattern:/\b__[a-z]+__\b/i,alias:"builtin"},operator:/(?:[!"#$%&'*+,\-.\/:<=>?@\\^`|~\u00a1-\u00bf\u00d7-\u00f7\u20d0-\u2bff]|\b_+\b)+|\b(?:and|div|mod|not|or)\b/,punctuation:/[(){}\[\];,|]/},t=/%< *-\*- *\d* *-\*-[\s\S]+?%>/.source,["c",{lang:"c++",alias:"cpp"},"fortran"].forEach(function(n){var r=n;if("string"!=typeof n&&(r=n.alias,n=n.lang),e.languages[r]){var a={};a["inline-lang-"+r]={pattern:RegExp(t.replace("",n.replace(/([.+*?\/\\(){}\[\]])/g,"\\$1")),"i"),inside:e.util.clone(e.languages.pure["inline-lang"].inside)},a["inline-lang-"+r].inside.rest=e.util.clone(e.languages[r]),e.languages.insertBefore("pure","inline-lang",a)}}),e.languages.c&&(e.languages.pure["inline-lang"].inside.rest=e.util.clone(e.languages.c))}e.exports=t,t.displayName="pure",t.aliases=[]},78404:function(e){"use strict";function t(e){e.languages.purebasic=e.languages.extend("clike",{comment:/;.*/,keyword:/\b(?:align|and|as|break|calldebugger|case|compilercase|compilerdefault|compilerelse|compilerelseif|compilerendif|compilerendselect|compilererror|compilerif|compilerselect|continue|data|datasection|debug|debuglevel|declare|declarec|declarecdll|declaredll|declaremodule|default|define|dim|disableasm|disabledebugger|disableexplicit|else|elseif|enableasm|enabledebugger|enableexplicit|end|enddatasection|enddeclaremodule|endenumeration|endif|endimport|endinterface|endmacro|endmodule|endprocedure|endselect|endstructure|endstructureunion|endwith|enumeration|extends|fakereturn|for|foreach|forever|global|gosub|goto|if|import|importc|includebinary|includefile|includepath|interface|macro|module|newlist|newmap|next|not|or|procedure|procedurec|procedurecdll|proceduredll|procedurereturn|protected|prototype|prototypec|read|redim|repeat|restore|return|runtime|select|shared|static|step|structure|structureunion|swap|threaded|to|until|wend|while|with|xincludefile|xor)\b/i,function:/\b\w+(?:\.\w+)?\s*(?=\()/,number:/(?:\$[\da-f]+|\b-?(?:\d+(?:\.\d+)?|\.\d+)(?:e[+-]?\d+)?)\b/i,operator:/(?:@\*?|\?|\*)\w+|-[>-]?|\+\+?|!=?|<>?=?|==?|&&?|\|?\||[~^%?*/@]/}),e.languages.insertBefore("purebasic","keyword",{tag:/#\w+\$?/,asm:{pattern:/(^[\t ]*)!.*/m,lookbehind:!0,alias:"tag",inside:{comment:/;.*/,string:{pattern:/(["'`])(?:\\.|(?!\1)[^\\\r\n])*\1/,greedy:!0},"label-reference-anonymous":{pattern:/(!\s*j[a-z]+\s+)@[fb]/i,lookbehind:!0,alias:"fasm-label"},"label-reference-addressed":{pattern:/(!\s*j[a-z]+\s+)[A-Z._?$@][\w.?$@~#]*/i,lookbehind:!0,alias:"fasm-label"},keyword:[/\b(?:extern|global)\b[^;\r\n]*/i,/\b(?:CPU|DEFAULT|FLOAT)\b.*/],function:{pattern:/^([\t ]*!\s*)[\da-z]+(?=\s|$)/im,lookbehind:!0},"function-inline":{pattern:/(:\s*)[\da-z]+(?=\s)/i,lookbehind:!0,alias:"function"},label:{pattern:/^([\t ]*!\s*)[A-Za-z._?$@][\w.?$@~#]*(?=:)/m,lookbehind:!0,alias:"fasm-label"},register:/\b(?:st\d|[xyz]mm\d\d?|[cdt]r\d|r\d\d?[bwd]?|[er]?[abcd]x|[abcd][hl]|[er]?(?:bp|di|si|sp)|[cdefgs]s|mm\d+)\b/i,number:/(?:\b|-|(?=\$))(?:0[hx](?:[\da-f]*\.)?[\da-f]+(?:p[+-]?\d+)?|\d[\da-f]+[hx]|\$\d[\da-f]*|0[oq][0-7]+|[0-7]+[oq]|0[by][01]+|[01]+[by]|0[dt]\d+|(?:\d+(?:\.\d+)?|\.\d+)(?:\.?e[+-]?\d+)?[dt]?)\b/i,operator:/[\[\]*+\-/%<>=&|$!,.:]/}}}),delete e.languages.purebasic["class-name"],delete e.languages.purebasic.boolean,e.languages.pbfasm=e.languages.purebasic}e.exports=t,t.displayName="purebasic",t.aliases=[]},92923:function(e,t,n){"use strict";var r=n(58090);function a(e){e.register(r),e.languages.purescript=e.languages.extend("haskell",{keyword:/\b(?:ado|case|class|data|derive|do|else|forall|if|in|infixl|infixr|instance|let|module|newtype|of|primitive|then|type|where)\b|∀/,"import-statement":{pattern:/(^[\t ]*)import\s+[A-Z][\w']*(?:\.[A-Z][\w']*)*(?:\s+as\s+[A-Z][\w']*(?:\.[A-Z][\w']*)*)?(?:\s+hiding\b)?/m,lookbehind:!0,inside:{keyword:/\b(?:as|hiding|import)\b/,punctuation:/\./}},builtin:/\b(?:absurd|add|ap|append|apply|between|bind|bottom|clamp|compare|comparing|compose|conj|const|degree|discard|disj|div|eq|flap|flip|gcd|identity|ifM|join|lcm|liftA1|liftM1|map|max|mempty|min|mod|mul|negate|not|notEq|one|otherwise|recip|show|sub|top|unit|unless|unlessM|void|when|whenM|zero)\b/,operator:[e.languages.haskell.operator[0],e.languages.haskell.operator[2],/[\xa2-\xa6\xa8\xa9\xac\xae-\xb1\xb4\xb8\xd7\xf7\u02c2-\u02c5\u02d2-\u02df\u02e5-\u02eb\u02ed\u02ef-\u02ff\u0375\u0384\u0385\u03f6\u0482\u058d-\u058f\u0606-\u0608\u060b\u060e\u060f\u06de\u06e9\u06fd\u06fe\u07f6\u07fe\u07ff\u09f2\u09f3\u09fa\u09fb\u0af1\u0b70\u0bf3-\u0bfa\u0c7f\u0d4f\u0d79\u0e3f\u0f01-\u0f03\u0f13\u0f15-\u0f17\u0f1a-\u0f1f\u0f34\u0f36\u0f38\u0fbe-\u0fc5\u0fc7-\u0fcc\u0fce\u0fcf\u0fd5-\u0fd8\u109e\u109f\u1390-\u1399\u166d\u17db\u1940\u19de-\u19ff\u1b61-\u1b6a\u1b74-\u1b7c\u1fbd\u1fbf-\u1fc1\u1fcd-\u1fcf\u1fdd-\u1fdf\u1fed-\u1fef\u1ffd\u1ffe\u2044\u2052\u207a-\u207c\u208a-\u208c\u20a0-\u20bf\u2100\u2101\u2103-\u2106\u2108\u2109\u2114\u2116-\u2118\u211e-\u2123\u2125\u2127\u2129\u212e\u213a\u213b\u2140-\u2144\u214a-\u214d\u214f\u218a\u218b\u2190-\u2307\u230c-\u2328\u232b-\u2426\u2440-\u244a\u249c-\u24e9\u2500-\u2767\u2794-\u27c4\u27c7-\u27e5\u27f0-\u2982\u2999-\u29d7\u29dc-\u29fb\u29fe-\u2b73\u2b76-\u2b95\u2b97-\u2bff\u2ce5-\u2cea\u2e50\u2e51\u2e80-\u2e99\u2e9b-\u2ef3\u2f00-\u2fd5\u2ff0-\u2ffb\u3004\u3012\u3013\u3020\u3036\u3037\u303e\u303f\u309b\u309c\u3190\u3191\u3196-\u319f\u31c0-\u31e3\u3200-\u321e\u322a-\u3247\u3250\u3260-\u327f\u328a-\u32b0\u32c0-\u33ff\u4dc0-\u4dff\ua490-\ua4c6\ua700-\ua716\ua720\ua721\ua789\ua78a\ua828-\ua82b\ua836-\ua839\uaa77-\uaa79\uab5b\uab6a\uab6b\ufb29\ufbb2-\ufbc1\ufdfc\ufdfd\ufe62\ufe64-\ufe66\ufe69\uff04\uff0b\uff1c-\uff1e\uff3e\uff40\uff5c\uff5e\uffe0-\uffe6\uffe8-\uffee\ufffc\ufffd]/]}),e.languages.purs=e.languages.purescript}e.exports=a,a.displayName="purescript",a.aliases=["purs"]},52992:function(e){"use strict";function t(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:/![sra](?=[:}]$)/,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}e.exports=t,t.displayName="python",t.aliases=["py"]},55762:function(e){"use strict";function t(e){e.languages.q={string:/"(?:\\.|[^"\\\r\n])*"/,comment:[{pattern:/([\t )\]}])\/.*/,lookbehind:!0,greedy:!0},{pattern:/(^|\r?\n|\r)\/[\t ]*(?:(?:\r?\n|\r)(?:.*(?:\r?\n|\r(?!\n)))*?(?:\\(?=[\t ]*(?:\r?\n|\r))|$)|\S.*)/,lookbehind:!0,greedy:!0},{pattern:/^\\[\t ]*(?:\r?\n|\r)[\s\S]+/m,greedy:!0},{pattern:/^#!.+/m,greedy:!0}],symbol:/`(?::\S+|[\w.]*)/,datetime:{pattern:/0N[mdzuvt]|0W[dtz]|\d{4}\.\d\d(?:m|\.\d\d(?:T(?:\d\d(?::\d\d(?::\d\d(?:[.:]\d\d\d)?)?)?)?)?[dz]?)|\d\d:\d\d(?::\d\d(?:[.:]\d\d\d)?)?[uvt]?/,alias:"number"},number:/\b(?![01]:)(?:0N[hje]?|0W[hj]?|0[wn]|0x[\da-fA-F]+|\d+(?:\.\d*)?(?:e[+-]?\d+)?[hjfeb]?)/,keyword:/\\\w+\b|\b(?:abs|acos|aj0?|all|and|any|asc|asin|asof|atan|attr|avgs?|binr?|by|ceiling|cols|cor|cos|count|cov|cross|csv|cut|delete|deltas|desc|dev|differ|distinct|div|do|dsave|ej|enlist|eval|except|exec|exit|exp|fby|fills|first|fkeys|flip|floor|from|get|getenv|group|gtime|hclose|hcount|hdel|hopen|hsym|iasc|identity|idesc|if|ij|in|insert|inter|inv|keys?|last|like|list|ljf?|load|log|lower|lsq|ltime|ltrim|mavg|maxs?|mcount|md5|mdev|med|meta|mins?|mmax|mmin|mmu|mod|msum|neg|next|not|null|or|over|parse|peach|pj|plist|prds?|prev|prior|rand|rank|ratios|raze|read0|read1|reciprocal|reval|reverse|rload|rotate|rsave|rtrim|save|scan|scov|sdev|select|set|setenv|show|signum|sin|sqrt|ssr?|string|sublist|sums?|sv|svar|system|tables|tan|til|trim|txf|type|uj|ungroup|union|update|upper|upsert|value|var|views?|vs|wavg|where|while|within|wj1?|wsum|ww|xasc|xbar|xcols?|xdesc|xexp|xgroup|xkey|xlog|xprev|xrank)\b/,adverb:{pattern:/['\/\\]:?|\beach\b/,alias:"function"},verb:{pattern:/(?:\B\.\B|\b[01]:|<[=>]?|>=?|[:+\-*%,!?~=|$&#@^]):?|\b_\b:?/,alias:"operator"},punctuation:/[(){}\[\];.]/}}e.exports=t,t.displayName="q",t.aliases=[]},4137:function(e){"use strict";function t(e){!function(e){for(var t=/"(?:\\.|[^\\"\r\n])*"|'(?:\\.|[^\\'\r\n])*'/.source,n=/\/\/.*(?!.)|\/\*(?:[^*]|\*(?!\/))*\*\//.source,r=/(?:[^\\()[\]{}"'/]||\/(?![*/])||\(*\)|\[*\]|\{*\}|\\[\s\S])/.source.replace(//g,function(){return t}).replace(//g,function(){return n}),a=0;a<2;a++)r=r.replace(//g,function(){return r});r=r.replace(//g,"[^\\s\\S]"),e.languages.qml={comment:{pattern:/\/\/.*|\/\*[\s\S]*?\*\//,greedy:!0},"javascript-function":{pattern:RegExp(/((?:^|;)[ \t]*)function\s+(?!\s)[_$a-zA-Z\xA0-\uFFFF](?:(?!\s)[$\w\xA0-\uFFFF])*\s*\(*\)\s*\{*\}/.source.replace(//g,function(){return r}),"m"),lookbehind:!0,greedy:!0,alias:"language-javascript",inside:e.languages.javascript},"class-name":{pattern:/((?:^|[:;])[ \t]*)(?!\d)\w+(?=[ \t]*\{|[ \t]+on\b)/m,lookbehind:!0},property:[{pattern:/((?:^|[;{])[ \t]*)(?!\d)\w+(?:\.\w+)*(?=[ \t]*:)/m,lookbehind:!0},{pattern:/((?:^|[;{])[ \t]*)property[ \t]+(?!\d)\w+(?:\.\w+)*[ \t]+(?!\d)\w+(?:\.\w+)*(?=[ \t]*:)/m,lookbehind:!0,inside:{keyword:/^property/,property:/\w+(?:\.\w+)*/}}],"javascript-expression":{pattern:RegExp(/(:[ \t]*)(?![\s;}[])(?:(?!$|[;}]))+/.source.replace(//g,function(){return r}),"m"),lookbehind:!0,greedy:!0,alias:"language-javascript",inside:e.languages.javascript},string:{pattern:/"(?:\\.|[^\\"\r\n])*"/,greedy:!0},keyword:/\b(?:as|import|on)\b/,punctuation:/[{}[\]:;,]/}}(e)}e.exports=t,t.displayName="qml",t.aliases=[]},28260:function(e){"use strict";function t(e){e.languages.qore=e.languages.extend("clike",{comment:{pattern:/(^|[^\\])(?:\/\*[\s\S]*?\*\/|(?:\/\/|#).*)/,lookbehind:!0},string:{pattern:/("|')(?:\\[\s\S]|(?!\1)[^\\])*\1/,greedy:!0},keyword:/\b(?:abstract|any|assert|binary|bool|boolean|break|byte|case|catch|char|class|code|const|continue|data|default|do|double|else|enum|extends|final|finally|float|for|goto|hash|if|implements|import|inherits|instanceof|int|interface|long|my|native|new|nothing|null|object|our|own|private|reference|rethrow|return|short|soft(?:bool|date|float|int|list|number|string)|static|strictfp|string|sub|super|switch|synchronized|this|throw|throws|transient|try|void|volatile|while)\b/,boolean:/\b(?:false|true)\b/i,function:/\$?\b(?!\d)\w+(?=\()/,number:/\b(?:0b[01]+|0x(?:[\da-f]*\.)?[\da-fp\-]+|(?:\d+(?:\.\d+)?|\.\d+)(?:e\d+)?[df]|(?:\d+(?:\.\d+)?|\.\d+))\b/i,operator:{pattern:/(^|[^.])(?:\+[+=]?|-[-=]?|[!=](?:==?|~)?|>>?=?|<(?:=>?|<=?)?|&[&=]?|\|[|=]?|[*\/%^]=?|[~?])/,lookbehind:!0},variable:/\$(?!\d)\w+\b/})}e.exports=t,t.displayName="qore",t.aliases=[]},71360:function(e){"use strict";function t(e){!function(e){function t(e,t){return e.replace(/<<(\d+)>>/g,function(e,n){return"(?:"+t[+n]+")"})}function n(e,n,r){return RegExp(t(e,n),r||"")}var r={type:"Adj BigInt Bool Ctl Double false Int One Pauli PauliI PauliX PauliY PauliZ Qubit Range Result String true Unit Zero",other:"Adjoint adjoint apply as auto body borrow borrowing Controlled controlled distribute elif else fail fixup for function if in internal intrinsic invert is let mutable namespace new newtype open operation repeat return self set until use using while within"},a=RegExp("\\b(?:"+(r.type+" "+r.other).trim().replace(/ /g,"|")+")\\b"),i=/\b[A-Za-z_]\w*\b/.source,o=t(/<<0>>(?:\s*\.\s*<<0>>)*/.source,[i]),s={keyword:a,punctuation:/[<>()?,.:[\]]/},l=/"(?:\\.|[^\\"])*"/.source;e.languages.qsharp=e.languages.extend("clike",{comment:/\/\/.*/,string:[{pattern:n(/(^|[^$\\])<<0>>/.source,[l]),lookbehind:!0,greedy:!0}],"class-name":[{pattern:n(/(\b(?:as|open)\s+)<<0>>(?=\s*(?:;|as\b))/.source,[o]),lookbehind:!0,inside:s},{pattern:n(/(\bnamespace\s+)<<0>>(?=\s*\{)/.source,[o]),lookbehind:!0,inside:s}],keyword:a,number:/(?:\b0(?:x[\da-f]+|b[01]+|o[0-7]+)|(?:\B\.\d+|\b\d+(?:\.\d*)?)(?:e[-+]?\d+)?)l?\b/i,operator:/\band=|\bor=|\band\b|\bnot\b|\bor\b|<[-=]|[-=]>|>>>=?|<<<=?|\^\^\^=?|\|\|\|=?|&&&=?|w\/=?|~~~|[*\/+\-^=!%]=?/,punctuation:/::|[{}[\];(),.:]/}),e.languages.insertBefore("qsharp","number",{range:{pattern:/\.\./,alias:"operator"}});var c=function(e,t){for(var n=0;n<2;n++)e=e.replace(/<>/g,function(){return"(?:"+e+")"});return e.replace(/<>/g,"[^\\s\\S]")}(t(/\{(?:[^"{}]|<<0>>|<>)*\}/.source,[l]),0);e.languages.insertBefore("qsharp","string",{"interpolation-string":{pattern:n(/\$"(?:\\.|<<0>>|[^\\"{])*"/.source,[c]),greedy:!0,inside:{interpolation:{pattern:n(/((?:^|[^\\])(?:\\\\)*)<<0>>/.source,[c]),lookbehind:!0,inside:{punctuation:/^\{|\}$/,expression:{pattern:/[\s\S]+/,alias:"language-qsharp",inside:e.languages.qsharp}}},string:/[\s\S]+/}}})}(e),e.languages.qs=e.languages.qsharp}e.exports=t,t.displayName="qsharp",t.aliases=["qs"]},29308:function(e){"use strict";function t(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:/[(){}\[\],;]/}}e.exports=t,t.displayName="r",t.aliases=[]},32168:function(e,t,n){"use strict";var r=n(9997);function a(e){e.register(r),e.languages.racket=e.languages.extend("scheme",{"lambda-parameter":{pattern:/([(\[]lambda\s+[(\[])[^()\[\]'\s]+/,lookbehind:!0}}),e.languages.insertBefore("racket","string",{lang:{pattern:/^#lang.+/m,greedy:!0,alias:"keyword"}}),e.languages.rkt=e.languages.racket}e.exports=a,a.displayName="racket",a.aliases=["rkt"]},5755:function(e){"use strict";function t(e){e.languages.reason=e.languages.extend("clike",{string:{pattern:/"(?:\\(?:\r\n|[\s\S])|[^\\\r\n"])*"/,greedy:!0},"class-name":/\b[A-Z]\w*/,keyword:/\b(?:and|as|assert|begin|class|constraint|do|done|downto|else|end|exception|external|for|fun|function|functor|if|in|include|inherit|initializer|lazy|let|method|module|mutable|new|nonrec|object|of|open|or|private|rec|sig|struct|switch|then|to|try|type|val|virtual|when|while|with)\b/,operator:/\.{3}|:[:=]|\|>|->|=(?:==?|>)?|<=?|>=?|[|^?'#!~`]|[+\-*\/]\.?|\b(?:asr|land|lor|lsl|lsr|lxor|mod)\b/}),e.languages.insertBefore("reason","class-name",{char:{pattern:/'(?:\\x[\da-f]{2}|\\o[0-3][0-7][0-7]|\\\d{3}|\\.|[^'\\\r\n])'/,greedy:!0},constructor:/\b[A-Z]\w*\b(?!\s*\.)/,label:{pattern:/\b[a-z]\w*(?=::)/,alias:"symbol"}}),delete e.languages.reason.function}e.exports=t,t.displayName="reason",t.aliases=[]},54105:function(e){"use strict";function t(e){var t,n,r,a,i;t={pattern:/\\[\\(){}[\]^$+*?|.]/,alias:"escape"},a=RegExp((r="(?:[^\\\\-]|"+(n=/\\(?: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]|.)/).source+")")+"-"+r),i={pattern:/(<|')[^<>']+(?=[>']$)/,lookbehind:!0,alias:"variable"},e.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:a,inside:{escape:n,"range-punctuation":{pattern:/-/,alias:"operator"}}},"special-escape":t,"char-set":{pattern:/\\[wsd]|\\p\{[^{}]+\}/i,alias:"class-name"},escape:n}},"special-escape":t,"char-set":{pattern:/\.|\\[wsd]|\\p\{[^{}]+\}/i,alias:"class-name"},backreference:[{pattern:/\\(?![123][0-7]{2})[1-9]/,alias:"keyword"},{pattern:/\\k<[^<>']+>/,alias:"keyword",inside:{"group-name":i}}],anchor:{pattern:/[$^]|\\[ABbGZz]/,alias:"function"},escape:n,group:[{pattern:/\((?:\?(?:<[^<>']+>|'[^<>']+'|[>:]|:=]=?|!=|\b_\b/,punctuation:/[,;.\[\]{}()]/}}e.exports=t,t.displayName="rego",t.aliases=[]},35108:function(e){"use strict";function t(e){e.languages.renpy={comment:{pattern:/(^|[^\\])#.+/,lookbehind:!0},string:{pattern:/("""|''')[\s\S]+?\1|("|')(?:\\.|(?!\2)[^\\])*\2|(?:^#?(?:(?:[0-9a-fA-F]){3}|[0-9a-fA-F]{6})$)/m,greedy:!0},function:/\b[a-z_]\w*(?=\()/i,property:/\b(?:Update|UpdateVersion|action|activate_sound|adv_nvl_transition|after_load_transition|align|alpha|alt|anchor|antialias|area|auto|background|bar_invert|bar_resizing|bar_vertical|black_color|bold|bottom_bar|bottom_gutter|bottom_margin|bottom_padding|box_reverse|box_wrap|can_update|caret|child|color|crop|default_afm_enable|default_afm_time|default_fullscreen|default_text_cps|developer|directory_name|drag_handle|drag_joined|drag_name|drag_raise|draggable|dragged|drop_shadow|drop_shadow_color|droppable|dropped|easein|easeout|edgescroll|end_game_transition|end_splash_transition|enter_replay_transition|enter_sound|enter_transition|enter_yesno_transition|executable_name|exit_replay_transition|exit_sound|exit_transition|exit_yesno_transition|fadein|fadeout|first_indent|first_spacing|fit_first|focus|focus_mask|font|foreground|game_main_transition|get_installed_packages|google_play_key|google_play_salt|ground|has_music|has_sound|has_voice|height|help|hinting|hover|hover_background|hover_color|hover_sound|hovered|hyperlink_functions|idle|idle_color|image_style|include_update|insensitive|insensitive_background|insensitive_color|inside|intra_transition|italic|justify|kerning|keyboard_focus|language|layer_clipping|layers|layout|left_bar|left_gutter|left_margin|left_padding|length|line_leading|line_overlap_split|line_spacing|linear|main_game_transition|main_menu_music|maximum|min_width|minimum|minwidth|modal|mouse|mousewheel|name|narrator_menu|newline_indent|nvl_adv_transition|offset|order_reverse|outlines|overlay_functions|pos|position|prefix|radius|range|rest_indent|right_bar|right_gutter|right_margin|right_padding|rotate|rotate_pad|ruby_style|sample_sound|save_directory|say_attribute_transition|screen_height|screen_width|scrollbars|selected_hover|selected_hover_color|selected_idle|selected_idle_color|selected_insensitive|show_side_image|show_two_window|side_spacing|side_xpos|side_ypos|size|size_group|slow_cps|slow_cps_multiplier|spacing|strikethrough|subpixel|text_align|text_style|text_xpos|text_y_fudge|text_ypos|thumb|thumb_offset|thumb_shadow|thumbnail_height|thumbnail_width|time|top_bar|top_gutter|top_margin|top_padding|translations|underline|unscrollable|update|value|version|version_name|version_tuple|vertical|width|window_hide_transition|window_icon|window_left_padding|window_show_transition|window_title|windows_icon|xadjustment|xalign|xanchor|xanchoraround|xaround|xcenter|xfill|xinitial|xmargin|xmaximum|xminimum|xoffset|xofsset|xpadding|xpos|xsize|xzoom|yadjustment|yalign|yanchor|yanchoraround|yaround|ycenter|yfill|yinitial|ymargin|ymaximum|yminimum|yoffset|ypadding|ypos|ysize|ysizexysize|yzoom|zoom|zorder)\b/,tag:/\b(?:bar|block|button|buttoscreenn|drag|draggroup|fixed|frame|grid|[hv]box|hotbar|hotspot|image|imagebutton|imagemap|input|key|label|menu|mm_menu_frame|mousearea|nvl|parallel|screen|self|side|tag|text|textbutton|timer|vbar|viewport|window)\b|\$/,keyword:/\b(?:None|add|adjustment|alignaround|allow|angle|animation|around|as|assert|behind|box_layout|break|build|cache|call|center|changed|child_size|choice|circles|class|clear|clicked|clipping|clockwise|config|contains|continue|corner1|corner2|counterclockwise|def|default|define|del|delay|disabled|disabled_text|dissolve|elif|else|event|except|exclude|exec|expression|fade|finally|for|from|function|global|gm_root|has|hide|id|if|import|in|init|is|jump|knot|lambda|left|less_rounded|mm_root|movie|music|null|on|onlayer|pass|pause|persistent|play|print|python|queue|raise|random|renpy|repeat|return|right|rounded_window|scene|scope|set|show|slow|slow_abortable|slow_done|sound|stop|store|style|style_group|substitute|suffix|theme|transform|transform_anchor|transpose|try|ui|unhovered|updater|use|voice|while|widget|widget_hover|widget_selected|widget_text|yield)\b/,boolean:/\b(?:[Ff]alse|[Tt]rue)\b/,number:/(?:\b(?:0[bo])?(?:(?:\d|0x[\da-f])[\da-f]*(?:\.\d*)?)|\B\.\d+)(?:e[+-]?\d+)?j?/i,operator:/[-+%=]=?|!=|\*\*?=?|\/\/?=?|<[<=>]?|>[=>]?|[&|^~]|\b(?:and|at|not|or|with)\b/,punctuation:/[{}[\];(),.:]/},e.languages.rpy=e.languages.renpy}e.exports=t,t.displayName="renpy",t.aliases=["rpy"]},46678:function(e){"use strict";function t(e){e.languages.rest={table:[{pattern:/(^[\t ]*)(?:\+[=-]+)+\+(?:\r?\n|\r)(?:\1[+|].+[+|](?:\r?\n|\r))+\1(?:\+[=-]+)+\+/m,lookbehind:!0,inside:{punctuation:/\||(?:\+[=-]+)+\+/}},{pattern:/(^[\t ]*)=+ [ =]*=(?:(?:\r?\n|\r)\1.+)+(?:\r?\n|\r)\1=+ [ =]*=(?=(?:\r?\n|\r){2}|\s*$)/m,lookbehind:!0,inside:{punctuation:/[=-]+/}}],"substitution-def":{pattern:/(^[\t ]*\.\. )\|(?:[^|\s](?:[^|]*[^|\s])?)\| [^:]+::/m,lookbehind:!0,inside:{substitution:{pattern:/^\|(?:[^|\s]|[^|\s][^|]*[^|\s])\|/,alias:"attr-value",inside:{punctuation:/^\||\|$/}},directive:{pattern:/( )(?! )[^:]+::/,lookbehind:!0,alias:"function",inside:{punctuation:/::$/}}}},"link-target":[{pattern:/(^[\t ]*\.\. )\[[^\]]+\]/m,lookbehind:!0,alias:"string",inside:{punctuation:/^\[|\]$/}},{pattern:/(^[\t ]*\.\. )_(?:`[^`]+`|(?:[^:\\]|\\.)+):/m,lookbehind:!0,alias:"string",inside:{punctuation:/^_|:$/}}],directive:{pattern:/(^[\t ]*\.\. )[^:]+::/m,lookbehind:!0,alias:"function",inside:{punctuation:/::$/}},comment:{pattern:/(^[\t ]*\.\.)(?:(?: .+)?(?:(?:\r?\n|\r).+)+| .+)(?=(?:\r?\n|\r){2}|$)/m,lookbehind:!0},title:[{pattern:/^(([!"#$%&'()*+,\-.\/:;<=>?@\[\\\]^_`{|}~])\2+)(?:\r?\n|\r).+(?:\r?\n|\r)\1$/m,inside:{punctuation:/^[!"#$%&'()*+,\-.\/:;<=>?@\[\\\]^_`{|}~]+|[!"#$%&'()*+,\-.\/:;<=>?@\[\\\]^_`{|}~]+$/,important:/.+/}},{pattern:/(^|(?:\r?\n|\r){2}).+(?:\r?\n|\r)([!"#$%&'()*+,\-.\/:;<=>?@\[\\\]^_`{|}~])\2+(?=\r?\n|\r|$)/,lookbehind:!0,inside:{punctuation:/[!"#$%&'()*+,\-.\/:;<=>?@\[\\\]^_`{|}~]+$/,important:/.+/}}],hr:{pattern:/((?:\r?\n|\r){2})([!"#$%&'()*+,\-.\/:;<=>?@\[\\\]^_`{|}~])\2{3,}(?=(?:\r?\n|\r){2})/,lookbehind:!0,alias:"punctuation"},field:{pattern:/(^[\t ]*):[^:\r\n]+:(?= )/m,lookbehind:!0,alias:"attr-name"},"command-line-option":{pattern:/(^[\t ]*)(?:[+-][a-z\d]|(?:--|\/)[a-z\d-]+)(?:[ =](?:[a-z][\w-]*|<[^<>]+>))?(?:, (?:[+-][a-z\d]|(?:--|\/)[a-z\d-]+)(?:[ =](?:[a-z][\w-]*|<[^<>]+>))?)*(?=(?:\r?\n|\r)? {2,}\S)/im,lookbehind:!0,alias:"symbol"},"literal-block":{pattern:/::(?:\r?\n|\r){2}([ \t]+)(?![ \t]).+(?:(?:\r?\n|\r)\1.+)*/,inside:{"literal-block-punctuation":{pattern:/^::/,alias:"punctuation"}}},"quoted-literal-block":{pattern:/::(?:\r?\n|\r){2}([!"#$%&'()*+,\-.\/:;<=>?@\[\\\]^_`{|}~]).*(?:(?:\r?\n|\r)\1.*)*/,inside:{"literal-block-punctuation":{pattern:/^(?:::|([!"#$%&'()*+,\-.\/:;<=>?@\[\\\]^_`{|}~])\1*)/m,alias:"punctuation"}}},"list-bullet":{pattern:/(^[\t ]*)(?:[*+\-•‣⁃]|\(?(?:\d+|[a-z]|[ivxdclm]+)\)|(?:\d+|[a-z]|[ivxdclm]+)\.)(?= )/im,lookbehind:!0,alias:"punctuation"},"doctest-block":{pattern:/(^[\t ]*)>>> .+(?:(?:\r?\n|\r).+)*/m,lookbehind:!0,inside:{punctuation:/^>>>/}},inline:[{pattern:/(^|[\s\-:\/'"<(\[{])(?::[^:]+:`.*?`|`.*?`:[^:]+:|(\*\*?|``?|\|)(?!\s)(?:(?!\2).)*\S\2(?=[\s\-.,:;!?\\\/'")\]}]|$))/m,lookbehind:!0,inside:{bold:{pattern:/(^\*\*).+(?=\*\*$)/,lookbehind:!0},italic:{pattern:/(^\*).+(?=\*$)/,lookbehind:!0},"inline-literal":{pattern:/(^``).+(?=``$)/,lookbehind:!0,alias:"symbol"},role:{pattern:/^:[^:]+:|:[^:]+:$/,alias:"function",inside:{punctuation:/^:|:$/}},"interpreted-text":{pattern:/(^`).+(?=`$)/,lookbehind:!0,alias:"attr-value"},substitution:{pattern:/(^\|).+(?=\|$)/,lookbehind:!0,alias:"attr-value"},punctuation:/\*\*?|``?|\|/}}],link:[{pattern:/\[[^\[\]]+\]_(?=[\s\-.,:;!?\\\/'")\]}]|$)/,alias:"string",inside:{punctuation:/^\[|\]_$/}},{pattern:/(?:\b[a-z\d]+(?:[_.:+][a-z\d]+)*_?_|`[^`]+`_?_|_`[^`]+`)(?=[\s\-.,:;!?\\\/'")\]}]|$)/i,alias:"string",inside:{punctuation:/^_?`|`$|`?_?_$/}}],punctuation:{pattern:/(^[\t ]*)(?:\|(?= |$)|(?:---?|—|\.\.|__)(?= )|\.\.$)/m,lookbehind:!0}}}e.exports=t,t.displayName="rest",t.aliases=[]},47496:function(e){"use strict";function t(e){e.languages.rip={comment:{pattern:/#.*/,greedy:!0},char:{pattern:/\B`[^\s`'",.:;#\/\\()<>\[\]{}]\b/,greedy:!0},string:{pattern:/("|')(?:\\.|(?!\1)[^\\\r\n])*\1/,greedy:!0},regex:{pattern:/(^|[^/])\/(?!\/)(?:\[[^\n\r\]]*\]|\\.|[^/\\\r\n\[])+\/(?=\s*(?:$|[\r\n,.;})]))/,lookbehind:!0,greedy:!0},keyword:/(?:=>|->)|\b(?:case|catch|class|else|exit|finally|if|raise|return|switch|try)\b/,builtin:/@|\bSystem\b/,boolean:/\b(?:false|true)\b/,date:/\b\d{4}-\d{2}-\d{2}\b/,time:/\b\d{2}:\d{2}:\d{2}\b/,datetime:/\b\d{4}-\d{2}-\d{2}T\d{2}:\d{2}:\d{2}\b/,symbol:/:[^\d\s`'",.:;#\/\\()<>\[\]{}][^\s`'",.:;#\/\\()<>\[\]{}]*/,number:/[+-]?\b(?:\d+\.\d+|\d+)\b/,punctuation:/(?:\.{2,3})|[`,.:;=\/\\()<>\[\]{}]/,reference:/[^\d\s`'",.:;#\/\\()<>\[\]{}][^\s`'",.:;#\/\\()<>\[\]{}]*/}}e.exports=t,t.displayName="rip",t.aliases=[]},30527:function(e){"use strict";function t(e){e.languages.roboconf={comment:/#.*/,keyword:{pattern:/(^|\s)(?:(?:external|import)\b|(?:facet|instance of)(?=[ \t]+[\w-]+[ \t]*\{))/,lookbehind:!0},component:{pattern:/[\w-]+(?=[ \t]*\{)/,alias:"variable"},property:/[\w.-]+(?=[ \t]*:)/,value:{pattern:/(=[ \t]*(?![ \t]))[^,;]+/,lookbehind:!0,alias:"attr-value"},optional:{pattern:/\(optional\)/,alias:"builtin"},wildcard:{pattern:/(\.)\*/,lookbehind:!0,alias:"operator"},punctuation:/[{},.;:=]/}}e.exports=t,t.displayName="roboconf",t.aliases=[]},5261:function(e){"use strict";function t(e){!function(e){var t={pattern:/(^[ \t]*| {2}|\t)#.*/m,lookbehind:!0,greedy:!0},n={pattern:/((?:^|[^\\])(?:\\{2})*)[$@&%]\{(?:[^{}\r\n]|\{[^{}\r\n]*\})*\}/,lookbehind:!0,inside:{punctuation:/^[$@&%]\{|\}$/}};function r(e,r){var a={};for(var i in a["section-header"]={pattern:/^ ?\*{3}.+?\*{3}/,alias:"keyword"},r)a[i]=r[i];return a.tag={pattern:/([\r\n](?: {2}|\t)[ \t]*)\[[-\w]+\]/,lookbehind:!0,inside:{punctuation:/\[|\]/}},a.variable=n,a.comment=t,{pattern:RegExp(/^ ?\*{3}[ \t]*[ \t]*\*{3}(?:.|[\r\n](?!\*{3}))*/.source.replace(//g,function(){return e}),"im"),alias:"section",inside:a}}var a={pattern:/(\[Documentation\](?: {2}|\t)[ \t]*)(?![ \t]|#)(?:.|(?:\r\n?|\n)[ \t]*\.{3})+/,lookbehind:!0,alias:"string"},i={pattern:/([\r\n] ?)(?!#)(?:\S(?:[ \t]\S)*)+/,lookbehind:!0,alias:"function",inside:{variable:n}},o={pattern:/([\r\n](?: {2}|\t)[ \t]*)(?!\[|\.{3}|#)(?:\S(?:[ \t]\S)*)+/,lookbehind:!0,inside:{variable:n}};e.languages.robotframework={settings:r("Settings",{documentation:{pattern:/([\r\n] ?Documentation(?: {2}|\t)[ \t]*)(?![ \t]|#)(?:.|(?:\r\n?|\n)[ \t]*\.{3})+/,lookbehind:!0,alias:"string"},property:{pattern:/([\r\n] ?)(?!\.{3}|#)(?:\S(?:[ \t]\S)*)+/,lookbehind:!0}}),variables:r("Variables"),"test-cases":r("Test Cases",{"test-name":i,documentation:a,property:o}),keywords:r("Keywords",{"keyword-name":i,documentation:a,property:o}),tasks:r("Tasks",{"task-name":i,documentation:a,property:o}),comment:t},e.languages.robot=e.languages.robotframework}(e)}e.exports=t,t.displayName="robotframework",t.aliases=[]},56939:function(e){"use strict";function t(e){var t,n,r;e.languages.ruby=e.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:/[(){}[\].,;]/}),e.languages.insertBefore("ruby","operator",{"double-colon":{pattern:/::/,alias:"punctuation"}}),t={pattern:/((?:^|[^\\])(?:\\{2})*)#\{(?:[^{}]|\{[^{}]*\})*\}/,lookbehind:!0,inside:{content:{pattern:/^(#\{)[\s\S]+(?=\}$)/,lookbehind:!0,inside:e.languages.ruby},delimiter:{pattern:/^#\{|\}$/,alias:"punctuation"}}},delete e.languages.ruby.function,n="(?:"+[/([^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("|")+")",r=/(?:"(?:\\.|[^"\\\r\n])*"|(?:\b[a-zA-Z_]\w*|[^\s\0-\x7F]+)[?!]?|\$.)/.source,e.languages.insertBefore("ruby","keyword",{"regex-literal":[{pattern:RegExp(/%r/.source+n+/[egimnosux]{0,6}/.source),greedy:!0,inside:{interpolation:t,regex:/[\s\S]+/}},{pattern:/(^|[^/])\/(?!\/)(?:\[[^\r\n\]]+\]|\\.|[^[/\\\r\n])+\/[egimnosux]{0,6}(?=\s*(?:$|[\r\n,.;})#]))/,lookbehind:!0,greedy:!0,inside:{interpolation:t,regex:/[\s\S]+/}}],variable:/[@$]+[a-zA-Z_]\w*(?:[?!]|\b)/,symbol:[{pattern:RegExp(/(^|[^:]):/.source+r),lookbehind:!0,greedy:!0},{pattern:RegExp(/([\r\n{(,][ \t]*)/.source+r+/(?=:(?!:))/.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:/\./}}}),e.languages.insertBefore("ruby","string",{"string-literal":[{pattern:RegExp(/%[qQiIwWs]?/.source+n),greedy:!0,inside:{interpolation:t,string:/[\s\S]+/}},{pattern:/("|')(?:#\{[^}]+\}|#(?!\{)|\\(?:\r\n|[\s\S])|(?!\1)[^\\#\r\n])*\1/,greedy:!0,inside:{interpolation:t,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:t,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+n),greedy:!0,inside:{interpolation:t,command:{pattern:/[\s\S]+/,alias:"string"}}},{pattern:/`(?:#\{[^}]+\}|#(?!\{)|\\(?:\r\n|[\s\S])|[^\\`#\r\n])*`/,greedy:!0,inside:{interpolation:t,command:{pattern:/[\s\S]+/,alias:"string"}}}]}),delete e.languages.ruby.string,e.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)/}),e.languages.rb=e.languages.ruby}e.exports=t,t.displayName="ruby",t.aliases=["rb"]},83648:function(e){"use strict";function t(e){!function(e){for(var t=/\/\*(?:[^*/]|\*(?!\/)|\/(?!\*)|)*\*\//.source,n=0;n<2;n++)t=t.replace(//g,function(){return t});t=t.replace(//g,function(){return/[^\s\S]/.source}),e.languages.rust={comment:[{pattern:RegExp(/(^|[^\\])/.source+t),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:/[-+*\/%!^]=?|=[=>]?|&[&=]?|\|[|=]?|<>?=?|[@?]/},e.languages.rust["closure-params"].inside.rest=e.languages.rust,e.languages.rust.attribute.inside.string=e.languages.rust.string}(e)}e.exports=t,t.displayName="rust",t.aliases=[]},16009:function(e){"use strict";function t(e){var t,n,r,a,i,o,s,l,c,u,d,p,m,g,f,h,b,E;t=/(?:"(?:""|[^"])*"(?!")|'(?:''|[^'])*'(?!'))/.source,n=/\b(?:\d[\da-f]*x|\d+(?:\.\d+)?(?:e[+-]?\d+)?)\b/i,r={pattern:RegExp(t+"[bx]"),alias:"number"},i={pattern:/((?:^|\s|=|\())%(?:ABORT|BY|CMS|COPY|DISPLAY|DO|ELSE|END|EVAL|GLOBAL|GO|GOTO|IF|INC|INCLUDE|INDEX|INPUT|KTRIM|LENGTH|LET|LIST|LOCAL|PUT|QKTRIM|QSCAN|QSUBSTR|QSYSFUNC|QUPCASE|RETURN|RUN|SCAN|SUBSTR|SUPERQ|SYMDEL|SYMEXIST|SYMGLOBL|SYMLOCAL|SYSCALL|SYSEVALF|SYSEXEC|SYSFUNC|SYSGET|SYSRPUT|THEN|TO|TSO|UNQUOTE|UNTIL|UPCASE|WHILE|WINDOW)\b/i,lookbehind:!0,alias:"keyword"},o={pattern:/(^|\s)(?:proc\s+\w+|data(?!=)|quit|run)\b/i,alias:"keyword",lookbehind:!0},s=[/\/\*[\s\S]*?\*\//,{pattern:/(^[ \t]*|;\s*)\*[^;]*;/m,lookbehind:!0}],d={function:u={pattern:/%?\b\w+(?=\()/,alias:"keyword"},"arg-value":{pattern:/(=\s*)[A-Z\.]+/i,lookbehind:!0},operator:/=/,"macro-variable":a={pattern:/&[a-z_]\w*/i},arg:{pattern:/[A-Z]+/i,alias:"keyword"},number:n,"numeric-constant":r,punctuation:c=/[$%@.(){}\[\];,\\]/,string:l={pattern:RegExp(t),greedy:!0}},p={pattern:/\b(?:format|put)\b=?[\w'$.]+/i,inside:{keyword:/^(?:format|put)(?==)/i,equals:/=/,format:{pattern:/(?:\w|\$\d)+\.\d?/,alias:"number"}}},m={pattern:/\b(?:format|put)\s+[\w']+(?:\s+[$.\w]+)+(?=;)/i,inside:{keyword:/^(?:format|put)/i,format:{pattern:/[\w$]+\.\d?/,alias:"number"}}},g={pattern:/((?:^|\s)=?)(?:catname|checkpoint execute_always|dm|endsas|filename|footnote|%include|libname|%list|lock|missing|options|page|resetline|%run|sasfile|skip|sysecho|title\d?)\b/i,lookbehind:!0,alias:"keyword"},f={pattern:/(^|\s)(?:submit(?:\s+(?:load|norun|parseonly))?|endsubmit)\b/i,lookbehind:!0,alias:"keyword"},h=/aStore|accessControl|aggregation|audio|autotune|bayesianNetClassifier|bioMedImage|boolRule|builtins|cardinality|cdm|clustering|conditionalRandomFields|configuration|copula|countreg|dataDiscovery|dataPreprocess|dataSciencePilot|dataStep|decisionTree|deduplication|deepLearn|deepNeural|deepRnn|ds2|ecm|entityRes|espCluster|explainModel|factmac|fastKnn|fcmpact|fedSql|freqTab|gVarCluster|gam|gleam|graphSemiSupLearn|hiddenMarkovModel|hyperGroup|ica|image|iml|kernalPca|langModel|ldaTopic|loadStreams|mbc|mixed|mlTools|modelPublishing|network|neuralNet|nmf|nonParametricBayes|nonlinear|optNetwork|optimization|panel|pca|percentile|phreg|pls|qkb|qlim|quantreg|recommend|regression|reinforcementLearn|robustPca|ruleMining|sampling|sandwich|sccasl|search(?:Analytics)?|sentimentAnalysis|sequence|session(?:Prop)?|severity|simSystem|simple|smartData|sparkEmbeddedProcess|sparseML|spatialreg|spc|stabilityMonitoring|svDataDescription|svm|table|text(?:Filters|Frequency|Mining|Parse|Rule(?:Develop|Score)|Topic|Util)|timeData|transpose|tsInfo|tsReconcile|uniTimeSeries|varReduce/.source,b={pattern:RegExp(/(^|\s)(?:action\s+)?(?:)\.[a-z]+\b[^;]+/.source.replace(//g,function(){return h}),"i"),lookbehind:!0,inside:{keyword:RegExp(/(?:)\.[a-z]+\b/.source.replace(//g,function(){return h}),"i"),action:{pattern:/(?:action)/i,alias:"keyword"},comment:s,function:u,"arg-value":d["arg-value"],operator:d.operator,argument:d.arg,number:n,"numeric-constant":r,punctuation:c,string:l}},E={pattern:/((?:^|\s)=?)(?:after|analysis|and|array|barchart|barwidth|begingraph|by|call|cas|cbarline|cfill|class(?:lev)?|close|column|computed?|contains|continue|data(?==)|define|delete|describe|document|do\s+over|do|dol|drop|dul|else|end(?:comp|source)?|entryTitle|eval(?:uate)?|exec(?:ute)?|exit|file(?:name)?|fill(?:attrs)?|flist|fnc|function(?:list)?|global|goto|group(?:by)?|headline|headskip|histogram|if|infile|keep|keylabel|keyword|label|layout|leave|legendlabel|length|libname|loadactionset|merge|midpoints|_?null_|name|noobs|nowd|ods|options|or|otherwise|out(?:put)?|over(?:lay)?|plot|print|put|raise|ranexp|rannor|rbreak|retain|return|select|session|sessref|set|source|statgraph|sum|summarize|table|temp|terminate|then\s+do|then|title\d?|to|var|when|where|xaxisopts|y2axisopts|yaxisopts)\b/i,lookbehind:!0},e.languages.sas={datalines:{pattern:/^([ \t]*)(?:cards|(?:data)?lines);[\s\S]+?^[ \t]*;/im,lookbehind:!0,alias:"string",inside:{keyword:{pattern:/^(?:cards|(?:data)?lines)/i},punctuation:/;/}},"proc-sql":{pattern:/(^proc\s+(?:fed)?sql(?:\s+[\w|=]+)?;)[\s\S]+?(?=^(?:proc\s+\w+|data|quit|run);|(?![\s\S]))/im,lookbehind:!0,inside:{sql:{pattern:RegExp(/^[ \t]*(?:select|alter\s+table|(?:create|describe|drop)\s+(?:index|table(?:\s+constraints)?|view)|create\s+unique\s+index|insert\s+into|update)(?:|[^;"'])+;/.source.replace(//g,function(){return t}),"im"),alias:"language-sql",inside:e.languages.sql},"global-statements":g,"sql-statements":{pattern:/(^|\s)(?:disconnect\s+from|begin|commit|exec(?:ute)?|reset|rollback|validate)\b/i,lookbehind:!0,alias:"keyword"},number:n,"numeric-constant":r,punctuation:c,string:l}},"proc-groovy":{pattern:/(^proc\s+groovy(?:\s+[\w|=]+)?;)[\s\S]+?(?=^(?:proc\s+\w+|data|quit|run);|(?![\s\S]))/im,lookbehind:!0,inside:{comment:s,groovy:{pattern:RegExp(/(^[ \t]*submit(?:\s+(?:load|norun|parseonly))?)(?:|[^"'])+?(?=endsubmit;)/.source.replace(//g,function(){return t}),"im"),lookbehind:!0,alias:"language-groovy",inside:e.languages.groovy},keyword:E,"submit-statement":f,"global-statements":g,number:n,"numeric-constant":r,punctuation:c,string:l}},"proc-lua":{pattern:/(^proc\s+lua(?:\s+[\w|=]+)?;)[\s\S]+?(?=^(?:proc\s+\w+|data|quit|run);|(?![\s\S]))/im,lookbehind:!0,inside:{comment:s,lua:{pattern:RegExp(/(^[ \t]*submit(?:\s+(?:load|norun|parseonly))?)(?:|[^"'])+?(?=endsubmit;)/.source.replace(//g,function(){return t}),"im"),lookbehind:!0,alias:"language-lua",inside:e.languages.lua},keyword:E,"submit-statement":f,"global-statements":g,number:n,"numeric-constant":r,punctuation:c,string:l}},"proc-cas":{pattern:/(^proc\s+cas(?:\s+[\w|=]+)?;)[\s\S]+?(?=^(?:proc\s+\w+|quit|data);|(?![\s\S]))/im,lookbehind:!0,inside:{comment:s,"statement-var":{pattern:/((?:^|\s)=?)saveresult\s[^;]+/im,lookbehind:!0,inside:{statement:{pattern:/^saveresult\s+\S+/i,inside:{keyword:/^(?:saveresult)/i}},rest:d}},"cas-actions":b,statement:{pattern:/((?:^|\s)=?)(?:default|(?:un)?set|on|output|upload)[^;]+/im,lookbehind:!0,inside:d},step:o,keyword:E,function:u,format:p,altformat:m,"global-statements":g,number:n,"numeric-constant":r,punctuation:c,string:l}},"proc-args":{pattern:RegExp(/(^proc\s+\w+\s+)(?!\s)(?:[^;"']|)+;/.source.replace(//g,function(){return t}),"im"),lookbehind:!0,inside:d},"macro-keyword":i,"macro-variable":a,"macro-string-functions":{pattern:/((?:^|\s|=))%(?:BQUOTE|NRBQUOTE|NRQUOTE|NRSTR|QUOTE|STR)\(.*?(?:[^%]\))/i,lookbehind:!0,inside:{function:{pattern:/%(?:BQUOTE|NRBQUOTE|NRQUOTE|NRSTR|QUOTE|STR)/i,alias:"keyword"},"macro-keyword":i,"macro-variable":a,"escaped-char":{pattern:/%['"()<>=¬^~;,#]/},punctuation:c}},"macro-declaration":{pattern:/^%macro[^;]+(?=;)/im,inside:{keyword:/%macro/i}},"macro-end":{pattern:/^%mend[^;]+(?=;)/im,inside:{keyword:/%mend/i}},macro:{pattern:/%_\w+(?=\()/,alias:"keyword"},input:{pattern:/\binput\s[-\w\s/*.$&]+;/i,inside:{input:{alias:"keyword",pattern:/^input/i},comment:s,number:n,"numeric-constant":r}},"options-args":{pattern:/(^options)[-'"|/\\<>*+=:()\w\s]*(?=;)/im,lookbehind:!0,inside:d},"cas-actions":b,comment:s,function:u,format:p,altformat:m,"numeric-constant":r,datetime:{pattern:RegExp(t+"(?:dt?|t)"),alias:"number"},string:l,step:o,keyword:E,"operator-keyword":{pattern:/\b(?:eq|ge|gt|in|le|lt|ne|not)\b/i,alias:"operator"},number:n,operator:/\*\*?|\|\|?|!!?|¦¦?|<[>=]?|>[<=]?|[-+\/=&]|[~¬^]=?/,punctuation:c}}e.exports=t,t.displayName="sas",t.aliases=[]},41720:function(e){"use strict";function t(e){var t,n;e.languages.sass=e.languages.extend("css",{comment:{pattern:/^([ \t]*)\/[\/*].*(?:(?:\r?\n|\r)\1[ \t].+)*/m,lookbehind:!0,greedy:!0}}),e.languages.insertBefore("sass","atrule",{"atrule-line":{pattern:/^(?:[ \t]*)[@+=].+/m,greedy:!0,inside:{atrule:/(?:@[\w-]+|[+=])/}}}),delete e.languages.sass.atrule,t=/\$[-\w]+|#\{\$[-\w]+\}/,n=[/[+*\/%]|[=!]=|<=?|>=?|\b(?:and|not|or)\b/,{pattern:/(\s)-(?=\s)/,lookbehind:!0}],e.languages.insertBefore("sass","property",{"variable-line":{pattern:/^[ \t]*\$.+/m,greedy:!0,inside:{punctuation:/:/,variable:t,operator:n}},"property-line":{pattern:/^[ \t]*(?:[^:\s]+ *:.*|:[^:\s].*)/m,greedy:!0,inside:{property:[/[^:\s]+(?=\s*:)/,{pattern:/(:)[^:\s]+/,lookbehind:!0}],punctuation:/:/,variable:t,operator:n,important:e.languages.sass.important}}}),delete e.languages.sass.property,delete e.languages.sass.important,e.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.exports=t,t.displayName="sass",t.aliases=[]},6054:function(e,t,n){"use strict";var r=n(15909);function a(e){e.register(r),e.languages.scala=e.languages.extend("java",{"triple-quoted-string":{pattern:/"""[\s\S]*?"""/,greedy:!0,alias:"string"},string:{pattern:/("|')(?:\\.|(?!\1)[^\\\r\n])*\1/,greedy:!0},keyword:/<-|=>|\b(?:abstract|case|catch|class|def|do|else|extends|final|finally|for|forSome|if|implicit|import|lazy|match|new|null|object|override|package|private|protected|return|sealed|self|super|this|throw|trait|try|type|val|var|while|with|yield)\b/,number:/\b0x(?:[\da-f]*\.)?[\da-f]+|(?:\b\d+(?:\.\d*)?|\B\.\d+)(?:e\d+)?[dfl]?/i,builtin:/\b(?:Any|AnyRef|AnyVal|Boolean|Byte|Char|Double|Float|Int|Long|Nothing|Short|String|Unit)\b/,symbol:/'[^\d\s\\]\w*/}),e.languages.insertBefore("scala","triple-quoted-string",{"string-interpolation":{pattern:/\b[a-z]\w*(?:"""(?:[^$]|\$(?:[^{]|\{(?:[^{}]|\{[^{}]*\})*\}))*?"""|"(?:[^$"\r\n]|\$(?:[^{]|\{(?:[^{}]|\{[^{}]*\})*\}))*")/i,greedy:!0,inside:{id:{pattern:/^\w+/,greedy:!0,alias:"function"},escape:{pattern:/\\\$"|\$[$"]/,greedy:!0,alias:"symbol"},interpolation:{pattern:/\$(?:\w+|\{(?:[^{}]|\{[^{}]*\})*\})/,greedy:!0,inside:{punctuation:/^\$\{?|\}$/,expression:{pattern:/[\s\S]+/,inside:e.languages.scala}}},string:/[\s\S]+/}}}),delete e.languages.scala["class-name"],delete e.languages.scala.function}e.exports=a,a.displayName="scala",a.aliases=[]},9997:function(e){"use strict";function t(e){e.languages.scheme={comment:/;.*|#;\s*(?:\((?:[^()]|\([^()]*\))*\)|\[(?:[^\[\]]|\[[^\[\]]*\])*\])|#\|(?:[^#|]|#(?!\|)|\|(?!#)|#\|(?:[^#|]|#(?!\|)|\|(?!#))*\|#)*\|#/,string:{pattern:/"(?:[^"\\]|\\.)*"/,greedy:!0},symbol:{pattern:/'[^()\[\]#'\s]+/,greedy:!0},char:{pattern:/#\\(?:[ux][a-fA-F\d]+\b|[-a-zA-Z]+\b|[\uD800-\uDBFF][\uDC00-\uDFFF]|\S)/,greedy:!0},"lambda-parameter":[{pattern:/((?:^|[^'`#])[(\[]lambda\s+)(?:[^|()\[\]'\s]+|\|(?:[^\\|]|\\.)*\|)/,lookbehind:!0},{pattern:/((?:^|[^'`#])[(\[]lambda\s+[(\[])[^()\[\]']+/,lookbehind:!0}],keyword:{pattern:/((?:^|[^'`#])[(\[])(?:begin|case(?:-lambda)?|cond(?:-expand)?|define(?:-library|-macro|-record-type|-syntax|-values)?|defmacro|delay(?:-force)?|do|else|except|export|guard|if|import|include(?:-ci|-library-declarations)?|lambda|let(?:rec)?(?:-syntax|-values|\*)?|let\*-values|only|parameterize|prefix|(?:quasi-?)?quote|rename|set!|syntax-(?:case|rules)|unless|unquote(?:-splicing)?|when)(?=[()\[\]\s]|$)/,lookbehind:!0},builtin:{pattern:/((?:^|[^'`#])[(\[])(?:abs|and|append|apply|assoc|ass[qv]|binary-port\?|boolean=?\?|bytevector(?:-append|-copy|-copy!|-length|-u8-ref|-u8-set!|\?)?|caar|cadr|call-with-(?:current-continuation|port|values)|call\/cc|car|cdar|cddr|cdr|ceiling|char(?:->integer|-ready\?|\?|<\?|<=\?|=\?|>\?|>=\?)|close-(?:input-port|output-port|port)|complex\?|cons|current-(?:error|input|output)-port|denominator|dynamic-wind|eof-object\??|eq\?|equal\?|eqv\?|error|error-object(?:-irritants|-message|\?)|eval|even\?|exact(?:-integer-sqrt|-integer\?|\?)?|expt|features|file-error\?|floor(?:-quotient|-remainder|\/)?|flush-output-port|for-each|gcd|get-output-(?:bytevector|string)|inexact\??|input-port(?:-open\?|\?)|integer(?:->char|\?)|lcm|length|list(?:->string|->vector|-copy|-ref|-set!|-tail|\?)?|make-(?:bytevector|list|parameter|string|vector)|map|max|member|memq|memv|min|modulo|negative\?|newline|not|null\?|number(?:->string|\?)|numerator|odd\?|open-(?:input|output)-(?:bytevector|string)|or|output-port(?:-open\?|\?)|pair\?|peek-char|peek-u8|port\?|positive\?|procedure\?|quotient|raise|raise-continuable|rational\?|rationalize|read-(?:bytevector|bytevector!|char|error\?|line|string|u8)|real\?|remainder|reverse|round|set-c[ad]r!|square|string(?:->list|->number|->symbol|->utf8|->vector|-append|-copy|-copy!|-fill!|-for-each|-length|-map|-ref|-set!|\?|<\?|<=\?|=\?|>\?|>=\?)?|substring|symbol(?:->string|\?|=\?)|syntax-error|textual-port\?|truncate(?:-quotient|-remainder|\/)?|u8-ready\?|utf8->string|values|vector(?:->list|->string|-append|-copy|-copy!|-fill!|-for-each|-length|-map|-ref|-set!|\?)?|with-exception-handler|write-(?:bytevector|char|string|u8)|zero\?)(?=[()\[\]\s]|$)/,lookbehind:!0},operator:{pattern:/((?:^|[^'`#])[(\[])(?:[-+*%/]|[<>]=?|=>?)(?=[()\[\]\s]|$)/,lookbehind:!0},number:{pattern:RegExp(function(e){for(var t in e)e[t]=e[t].replace(/<[\w\s]+>/g,function(t){return"(?:"+e[t].trim()+")"});return e[t]}({"":/\d+(?:\/\d+)|(?:\d+(?:\.\d*)?|\.\d+)(?:[esfdl][+-]?\d+)?/.source,"":/[+-]?|[+-](?:inf|nan)\.0/.source,"":/[+-](?:|(?:inf|nan)\.0)?i/.source,"":/(?:@|)?|/.source,"":/(?:#d(?:#[ei])?|#[ei](?:#d)?)?/.source,"":/[0-9a-f]+(?:\/[0-9a-f]+)?/.source,"":/[+-]?|[+-](?:inf|nan)\.0/.source,"":/[+-](?:|(?:inf|nan)\.0)?i/.source,"":/(?:@|)?|/.source,"":/#[box](?:#[ei])?|(?:#[ei])?#[box]/.source,"":/(^|[()\[\]\s])(?:|)(?=[()\[\]\s]|$)/.source}),"i"),lookbehind:!0},boolean:{pattern:/(^|[()\[\]\s])#(?:[ft]|false|true)(?=[()\[\]\s]|$)/,lookbehind:!0},function:{pattern:/((?:^|[^'`#])[(\[])(?:[^|()\[\]'\s]+|\|(?:[^\\|]|\\.)*\|)(?=[()\[\]\s]|$)/,lookbehind:!0},identifier:{pattern:/(^|[()\[\]\s])\|(?:[^\\|]|\\.)*\|(?=[()\[\]\s]|$)/,lookbehind:!0,greedy:!0},punctuation:/[()\[\]']/}}e.exports=t,t.displayName="scheme",t.aliases=[]},24296:function(e){"use strict";function t(e){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}e.exports=t,t.displayName="scss",t.aliases=[]},49246:function(e,t,n){"use strict";var r=n(6979);function a(e){var t;e.register(r),t=[/"(?:\\[\s\S]|\$\([^)]+\)|\$(?!\()|`[^`]+`|[^"\\`$])*"/.source,/'[^']*'/.source,/\$'(?:[^'\\]|\\[\s\S])*'/.source,/<<-?\s*(["']?)(\w+)\1\s[\s\S]*?[\r\n]\2/.source].join("|"),e.languages["shell-session"]={command:{pattern:RegExp(/^/.source+"(?:"+/[^\s@:$#%*!/\\]+@[^\r\n@:$#%*!/\\]+(?::[^\0-\x1F$#%*?"<>:;|]+)?/.source+"|"+/[/~.][^\0-\x1F$#%*?"<>@:;|]*/.source+")?"+/[$#%](?=\s)/.source+/(?:[^\\\r\n \t'"<$]|[ \t](?:(?!#)|#.*$)|\\(?:[^\r]|\r\n?)|\$(?!')|<(?!<)|<>)+/.source.replace(/<>/g,function(){return t}),"m"),greedy:!0,inside:{info:{pattern:/^[^#$%]+/,alias:"punctuation",inside:{user:/^[^\s@:$#%*!/\\]+@[^\r\n@:$#%*!/\\]+/,punctuation:/:/,path:/[\s\S]+/}},bash:{pattern:/(^[$#%]\s*)\S[\s\S]*/,lookbehind:!0,alias:"language-bash",inside:e.languages.bash},"shell-symbol":{pattern:/^[$#%]/,alias:"important"}}},output:/.(?:.*(?:[\r\n]|.$))*/},e.languages["sh-session"]=e.languages.shellsession=e.languages["shell-session"]}e.exports=a,a.displayName="shellSession",a.aliases=[]},18890:function(e){"use strict";function t(e){e.languages.smali={comment:/#.*/,string:{pattern:/"(?:[^\r\n\\"]|\\.)*"|'(?:[^\r\n\\']|\\(?:.|u[\da-fA-F]{4}))'/,greedy:!0},"class-name":{pattern:/(^|[^L])L(?:(?:\w+|`[^`\r\n]*`)\/)*(?:[\w$]+|`[^`\r\n]*`)(?=\s*;)/,lookbehind:!0,inside:{"class-name":{pattern:/(^L|\/)(?:[\w$]+|`[^`\r\n]*`)$/,lookbehind:!0},namespace:{pattern:/^(L)(?:(?:\w+|`[^`\r\n]*`)\/)+/,lookbehind:!0,inside:{punctuation:/\//}},builtin:/^L/}},builtin:[{pattern:/([();\[])[BCDFIJSVZ]+/,lookbehind:!0},{pattern:/([\w$>]:)[BCDFIJSVZ]/,lookbehind:!0}],keyword:[{pattern:/(\.end\s+)[\w-]+/,lookbehind:!0},{pattern:/(^|[^\w.-])\.(?!\d)[\w-]+/,lookbehind:!0},{pattern:/(^|[^\w.-])(?:abstract|annotation|bridge|constructor|enum|final|interface|private|protected|public|runtime|static|synthetic|system|transient)(?![\w.-])/,lookbehind:!0}],function:{pattern:/(^|[^\w.-])(?:\w+|<[\w$-]+>)(?=\()/,lookbehind:!0},field:{pattern:/[\w$]+(?=:)/,alias:"variable"},register:{pattern:/(^|[^\w.-])[vp]\d(?![\w.-])/,lookbehind:!0,alias:"variable"},boolean:{pattern:/(^|[^\w.-])(?:false|true)(?![\w.-])/,lookbehind:!0},number:{pattern:/(^|[^/\w.-])-?(?:NAN|INFINITY|0x(?:[\dA-F]+(?:\.[\dA-F]*)?|\.[\dA-F]+)(?:p[+-]?[\dA-F]+)?|(?:\d+(?:\.\d*)?|\.\d+)(?:e[+-]?\d+)?)[dflst]?(?![\w.-])/i,lookbehind:!0},label:{pattern:/(:)\w+/,lookbehind:!0,alias:"property"},operator:/->|\.\.|[\[=]/,punctuation:/[{}(),;:]/}}e.exports=t,t.displayName="smali",t.aliases=[]},11037:function(e){"use strict";function t(e){e.languages.smalltalk={comment:{pattern:/"(?:""|[^"])*"/,greedy:!0},char:{pattern:/\$./,greedy:!0},string:{pattern:/'(?:''|[^'])*'/,greedy:!0},symbol:/#[\da-z]+|#(?:-|([+\/\\*~<>=@%|&?!])\1?)|#(?=\()/i,"block-arguments":{pattern:/(\[\s*):[^\[|]*\|/,lookbehind:!0,inside:{variable:/:[\da-z]+/i,punctuation:/\|/}},"temporary-variables":{pattern:/\|[^|]+\|/,inside:{variable:/[\da-z]+/i,punctuation:/\|/}},keyword:/\b(?:new|nil|self|super)\b/,boolean:/\b(?:false|true)\b/,number:[/\d+r-?[\dA-Z]+(?:\.[\dA-Z]+)?(?:e-?\d+)?/,/\b\d+(?:\.\d+)?(?:e-?\d+)?/],operator:/[<=]=?|:=|~[~=]|\/\/?|\\\\|>[>=]?|[!^+\-*&|,@]/,punctuation:/[.;:?\[\](){}]/}}e.exports=t,t.displayName="smalltalk",t.aliases=[]},64020:function(e,t,n){"use strict";var r=n(93205);function a(e){var t,n;e.register(r),e.languages.smarty={comment:{pattern:/^\{\*[\s\S]*?\*\}/,greedy:!0},"embedded-php":{pattern:/^\{php\}[\s\S]*?\{\/php\}/,greedy:!0,inside:{smarty:{pattern:/^\{php\}|\{\/php\}$/,inside:null},php:{pattern:/[\s\S]+/,alias:"language-php",inside:e.languages.php}}},string:[{pattern:/"(?:\\.|[^"\\\r\n])*"/,greedy:!0,inside:{interpolation:{pattern:/\{[^{}]*\}|`[^`]*`/,inside:{"interpolation-punctuation":{pattern:/^[{`]|[`}]$/,alias:"punctuation"},expression:{pattern:/[\s\S]+/,inside:null}}},variable:/\$\w+/}},{pattern:/'(?:\\.|[^'\\\r\n])*'/,greedy:!0}],keyword:{pattern:/(^\{\/?)[a-z_]\w*\b(?!\()/i,lookbehind:!0,greedy:!0},delimiter:{pattern:/^\{\/?|\}$/,greedy:!0,alias:"punctuation"},number:/\b0x[\dA-Fa-f]+|(?:\b\d+(?:\.\d*)?|\B\.\d+)(?:[Ee][-+]?\d+)?/,variable:[/\$(?!\d)\w+/,/#(?!\d)\w+#/,{pattern:/(\.|->|\w\s*=)(?!\d)\w+\b(?!\()/,lookbehind:!0},{pattern:/(\[)(?!\d)\w+(?=\])/,lookbehind:!0}],function:{pattern:/(\|\s*)@?[a-z_]\w*|\b[a-z_]\w*(?=\()/i,lookbehind:!0},"attr-name":/\b[a-z_]\w*(?=\s*=)/i,boolean:/\b(?:false|no|off|on|true|yes)\b/,punctuation:/[\[\](){}.,:`]|->/,operator:[/[+\-*\/%]|==?=?|[!<>]=?|&&|\|\|?/,/\bis\s+(?:not\s+)?(?:div|even|odd)(?:\s+by)?\b/,/\b(?:and|eq|gt?e|gt|lt?e|lt|mod|neq?|not|or)\b/]},e.languages.smarty["embedded-php"].inside.smarty.inside=e.languages.smarty,e.languages.smarty.string[0].inside.interpolation.inside.expression.inside=e.languages.smarty,t=/"(?:\\.|[^"\\\r\n])*"|'(?:\\.|[^'\\\r\n])*'/,n=RegExp(/\{\*[\s\S]*?\*\}/.source+"|"+/\{php\}[\s\S]*?\{\/php\}/.source+"|"+/\{(?:[^{}"']||\{(?:[^{}"']||\{(?:[^{}"']|)*\})*\})*\}/.source.replace(//g,function(){return t.source}),"g"),e.hooks.add("before-tokenize",function(t){var r=!1;e.languages["markup-templating"].buildPlaceholders(t,"smarty",n,function(e){return"{/literal}"===e&&(r=!1),!r&&("{literal}"===e&&(r=!0),!0)})}),e.hooks.add("after-tokenize",function(t){e.languages["markup-templating"].tokenizePlaceholders(t,"smarty")})}e.exports=a,a.displayName="smarty",a.aliases=[]},49760:function(e){"use strict";function t(e){var t;t=/\b(?:abstype|and|andalso|as|case|datatype|do|else|end|eqtype|exception|fn|fun|functor|handle|if|in|include|infix|infixr|let|local|nonfix|of|op|open|orelse|raise|rec|sharing|sig|signature|struct|structure|then|type|val|where|while|with|withtype)\b/i,e.languages.sml={comment:/\(\*(?:[^*(]|\*(?!\))|\((?!\*)|\(\*(?:[^*(]|\*(?!\))|\((?!\*))*\*\))*\*\)/,string:{pattern:/#?"(?:[^"\\]|\\.)*"/,greedy:!0},"class-name":[{pattern:RegExp(/((?:^|[^:]):\s*)(?:\s*(?:(?:\*|->)\s*|,\s*(?:(?=)|(?!)\s+)))*/.source.replace(//g,function(){return/\s*(?:[*,]|->)/.source}).replace(//g,function(){return/(?:'[\w']*||\((?:[^()]|\([^()]*\))*\)|\{(?:[^{}]|\{[^{}]*\})*\})(?:\s+)*/.source}).replace(//g,function(){return/(?!)[a-z\d_][\w'.]*/.source}).replace(//g,function(){return t.source}),"i"),lookbehind:!0,greedy:!0,inside:null},{pattern:/((?:^|[^\w'])(?:datatype|exception|functor|signature|structure|type)\s+)[a-z_][\w'.]*/i,lookbehind:!0}],function:{pattern:/((?:^|[^\w'])fun\s+)[a-z_][\w'.]*/i,lookbehind:!0},keyword:t,variable:{pattern:/(^|[^\w'])'[\w']*/,lookbehind:!0},number:/~?\b(?:\d+(?:\.\d+)?(?:e~?\d+)?|0x[\da-f]+)\b/i,word:{pattern:/\b0w(?:\d+|x[\da-f]+)\b/i,alias:"constant"},boolean:/\b(?:false|true)\b/i,operator:/\.\.\.|:[>=:]|=>?|->|[<>]=?|[!+\-*/^#|@~]/,punctuation:/[(){}\[\].:,;]/},e.languages.sml["class-name"][0].inside=e.languages.sml,e.languages.smlnj=e.languages.sml}e.exports=t,t.displayName="sml",t.aliases=["smlnj"]},33351:function(e){"use strict";function t(e){e.languages.solidity=e.languages.extend("clike",{"class-name":{pattern:/(\b(?:contract|enum|interface|library|new|struct|using)\s+)(?!\d)[\w$]+/,lookbehind:!0},keyword:/\b(?:_|anonymous|as|assembly|assert|break|calldata|case|constant|constructor|continue|contract|default|delete|do|else|emit|enum|event|external|for|from|function|if|import|indexed|inherited|interface|internal|is|let|library|mapping|memory|modifier|new|payable|pragma|private|public|pure|require|returns?|revert|selfdestruct|solidity|storage|struct|suicide|switch|this|throw|using|var|view|while)\b/,operator:/=>|->|:=|=:|\*\*|\+\+|--|\|\||&&|<<=?|>>=?|[-+*/%^&|<>!=]=?|[~?]/}),e.languages.insertBefore("solidity","keyword",{builtin:/\b(?:address|bool|byte|u?int(?:8|16|24|32|40|48|56|64|72|80|88|96|104|112|120|128|136|144|152|160|168|176|184|192|200|208|216|224|232|240|248|256)?|string|bytes(?:[1-9]|[12]\d|3[0-2])?)\b/}),e.languages.insertBefore("solidity","number",{version:{pattern:/([<>]=?|\^)\d+\.\d+\.\d+\b/,lookbehind:!0,alias:"number"}}),e.languages.sol=e.languages.solidity}e.exports=t,t.displayName="solidity",t.aliases=["sol"]},13570:function(e){"use strict";function t(e){var t;t={pattern:/\{[\da-f]{8}-[\da-f]{4}-[\da-f]{4}-[\da-f]{4}-[\da-f]{12}\}/i,alias:"constant",inside:{punctuation:/[{}]/}},e.languages["solution-file"]={comment:{pattern:/#.*/,greedy:!0},string:{pattern:/"[^"\r\n]*"|'[^'\r\n]*'/,greedy:!0,inside:{guid:t}},object:{pattern:/^([ \t]*)(?:([A-Z]\w*)\b(?=.*(?:\r\n?|\n)(?:\1[ \t].*(?:\r\n?|\n))*\1End\2(?=[ \t]*$))|End[A-Z]\w*(?=[ \t]*$))/m,lookbehind:!0,greedy:!0,alias:"keyword"},property:{pattern:/^([ \t]*)(?!\s)[^\r\n"#=()]*[^\s"#=()](?=\s*=)/m,lookbehind:!0,inside:{guid:t}},guid:t,number:/\b\d+(?:\.\d+)*\b/,boolean:/\b(?:FALSE|TRUE)\b/,operator:/=/,punctuation:/[(),]/},e.languages.sln=e.languages["solution-file"]}e.exports=t,t.displayName="solutionFile",t.aliases=[]},38181:function(e,t,n){"use strict";var r=n(93205);function a(e){var t,n;e.register(r),t=/(["'])(?:\\(?:\r\n|[\s\S])|(?!\1)[^\\\r\n])*\1/,n=/\b\d+(?:\.\d+)?(?:[eE][+-]?\d+)?\b|\b0x[\dA-F]+\b/,e.languages.soy={comment:[/\/\*[\s\S]*?\*\//,{pattern:/(\s)\/\/.*/,lookbehind:!0,greedy:!0}],"command-arg":{pattern:/(\{+\/?\s*(?:alias|call|delcall|delpackage|deltemplate|namespace|template)\s+)\.?[\w.]+/,lookbehind:!0,alias:"string",inside:{punctuation:/\./}},parameter:{pattern:/(\{+\/?\s*@?param\??\s+)\.?[\w.]+/,lookbehind:!0,alias:"variable"},keyword:[{pattern:/(\{+\/?[^\S\r\n]*)(?:\\[nrt]|alias|call|case|css|default|delcall|delpackage|deltemplate|else(?:if)?|fallbackmsg|for(?:each)?|if(?:empty)?|lb|let|literal|msg|namespace|nil|@?param\??|rb|sp|switch|template|xid)/,lookbehind:!0},/\b(?:any|as|attributes|bool|css|float|html|in|int|js|list|map|null|number|string|uri)\b/],delimiter:{pattern:/^\{+\/?|\/?\}+$/,alias:"punctuation"},property:/\w+(?==)/,variable:{pattern:/\$[^\W\d]\w*(?:\??(?:\.\w+|\[[^\]]+\]))*/,inside:{string:{pattern:t,greedy:!0},number:n,punctuation:/[\[\].?]/}},string:{pattern:t,greedy:!0},function:[/\w+(?=\()/,{pattern:/(\|[^\S\r\n]*)\w+/,lookbehind:!0}],boolean:/\b(?:false|true)\b/,number:n,operator:/\?:?|<=?|>=?|==?|!=|[+*/%-]|\b(?:and|not|or)\b/,punctuation:/[{}()\[\]|.,:]/},e.hooks.add("before-tokenize",function(t){var n=!1;e.languages["markup-templating"].buildPlaceholders(t,"soy",/\{\{.+?\}\}|\{.+?\}|\s\/\/.*|\/\*[\s\S]*?\*\//g,function(e){return"{/literal}"===e&&(n=!1),!n&&("{literal}"===e&&(n=!0),!0)})}),e.hooks.add("after-tokenize",function(t){e.languages["markup-templating"].tokenizePlaceholders(t,"soy")})}e.exports=a,a.displayName="soy",a.aliases=[]},98774:function(e,t,n){"use strict";var r=n(24691);function a(e){e.register(r),e.languages.sparql=e.languages.extend("turtle",{boolean:/\b(?:false|true)\b/i,variable:{pattern:/[?$]\w+/,greedy:!0}}),e.languages.insertBefore("sparql","punctuation",{keyword:[/\b(?:A|ADD|ALL|AS|ASC|ASK|BNODE|BY|CLEAR|CONSTRUCT|COPY|CREATE|DATA|DEFAULT|DELETE|DESC|DESCRIBE|DISTINCT|DROP|EXISTS|FILTER|FROM|GROUP|HAVING|INSERT|INTO|LIMIT|LOAD|MINUS|MOVE|NAMED|NOT|NOW|OFFSET|OPTIONAL|ORDER|RAND|REDUCED|SELECT|SEPARATOR|SERVICE|SILENT|STRUUID|UNION|USING|UUID|VALUES|WHERE)\b/i,/\b(?:ABS|AVG|BIND|BOUND|CEIL|COALESCE|CONCAT|CONTAINS|COUNT|DATATYPE|DAY|ENCODE_FOR_URI|FLOOR|GROUP_CONCAT|HOURS|IF|IRI|isBLANK|isIRI|isLITERAL|isNUMERIC|isURI|LANG|LANGMATCHES|LCASE|MAX|MD5|MIN|MINUTES|MONTH|REGEX|REPLACE|ROUND|sameTerm|SAMPLE|SECONDS|SHA1|SHA256|SHA384|SHA512|STR|STRAFTER|STRBEFORE|STRDT|STRENDS|STRLANG|STRLEN|STRSTARTS|SUBSTR|SUM|TIMEZONE|TZ|UCASE|URI|YEAR)\b(?=\s*\()/i,/\b(?:BASE|GRAPH|PREFIX)\b/i]}),e.languages.rq=e.languages.sparql}e.exports=a,a.displayName="sparql",a.aliases=["rq"]},22855:function(e){"use strict";function t(e){e.languages["splunk-spl"]={comment:/`comment\("(?:\\.|[^\\"])*"\)`/,string:{pattern:/"(?:\\.|[^\\"])*"/,greedy:!0},keyword:/\b(?:abstract|accum|addcoltotals|addinfo|addtotals|analyzefields|anomalies|anomalousvalue|anomalydetection|append|appendcols|appendcsv|appendlookup|appendpipe|arules|associate|audit|autoregress|bin|bucket|bucketdir|chart|cluster|cofilter|collect|concurrency|contingency|convert|correlate|datamodel|dbinspect|dedup|delete|delta|diff|erex|eval|eventcount|eventstats|extract|fieldformat|fields|fieldsummary|filldown|fillnull|findtypes|folderize|foreach|format|from|gauge|gentimes|geom|geomfilter|geostats|head|highlight|history|iconify|input|inputcsv|inputlookup|iplocation|join|kmeans|kv|kvform|loadjob|localize|localop|lookup|makecontinuous|makemv|makeresults|map|mcollect|metadata|metasearch|meventcollect|mstats|multikv|multisearch|mvcombine|mvexpand|nomv|outlier|outputcsv|outputlookup|outputtext|overlap|pivot|predict|rangemap|rare|regex|relevancy|reltime|rename|replace|rest|return|reverse|rex|rtorder|run|savedsearch|script|scrub|search|searchtxn|selfjoin|sendemail|set|setfields|sichart|sirare|sistats|sitimechart|sitop|sort|spath|stats|strcat|streamstats|table|tags|tail|timechart|timewrap|top|transaction|transpose|trendline|tscollect|tstats|typeahead|typelearner|typer|union|uniq|untable|where|x11|xmlkv|xmlunescape|xpath|xyseries)\b/i,"operator-word":{pattern:/\b(?:and|as|by|not|or|xor)\b/i,alias:"operator"},function:/\b\w+(?=\s*\()/,property:/\b\w+(?=\s*=(?!=))/,date:{pattern:/\b\d{1,2}\/\d{1,2}\/\d{1,4}(?:(?::\d{1,2}){3})?\b/,alias:"number"},number:/\b\d+(?:\.\d+)?\b/,boolean:/\b(?:f|false|t|true)\b/i,operator:/[<>=]=?|[-+*/%|]/,punctuation:/[()[\],]/}}e.exports=t,t.displayName="splunkSpl",t.aliases=[]},29611:function(e){"use strict";function t(e){e.languages.sqf=e.languages.extend("clike",{string:{pattern:/"(?:(?:"")?[^"])*"(?!")|'(?:[^'])*'/,greedy:!0},keyword:/\b(?:breakOut|breakTo|call|case|catch|default|do|echo|else|execFSM|execVM|exitWith|for|forEach|forEachMember|forEachMemberAgent|forEachMemberTeam|from|goto|if|nil|preprocessFile|preprocessFileLineNumbers|private|scopeName|spawn|step|switch|then|throw|to|try|while|with)\b/i,boolean:/\b(?:false|true)\b/i,function:/\b(?:abs|accTime|acos|action|actionIDs|actionKeys|actionKeysImages|actionKeysNames|actionKeysNamesArray|actionName|actionParams|activateAddons|activatedAddons|activateKey|add3DENConnection|add3DENEventHandler|add3DENLayer|addAction|addBackpack|addBackpackCargo|addBackpackCargoGlobal|addBackpackGlobal|addCamShake|addCuratorAddons|addCuratorCameraArea|addCuratorEditableObjects|addCuratorEditingArea|addCuratorPoints|addEditorObject|addEventHandler|addForce|addForceGeneratorRTD|addGoggles|addGroupIcon|addHandgunItem|addHeadgear|addItem|addItemCargo|addItemCargoGlobal|addItemPool|addItemToBackpack|addItemToUniform|addItemToVest|addLiveStats|addMagazine|addMagazineAmmoCargo|addMagazineCargo|addMagazineCargoGlobal|addMagazineGlobal|addMagazinePool|addMagazines|addMagazineTurret|addMenu|addMenuItem|addMissionEventHandler|addMPEventHandler|addMusicEventHandler|addOwnedMine|addPlayerScores|addPrimaryWeaponItem|addPublicVariableEventHandler|addRating|addResources|addScore|addScoreSide|addSecondaryWeaponItem|addSwitchableUnit|addTeamMember|addToRemainsCollector|addTorque|addUniform|addVehicle|addVest|addWaypoint|addWeapon|addWeaponCargo|addWeaponCargoGlobal|addWeaponGlobal|addWeaponItem|addWeaponPool|addWeaponTurret|admin|agent|agents|AGLToASL|aimedAtTarget|aimPos|airDensityCurveRTD|airDensityRTD|airplaneThrottle|airportSide|AISFinishHeal|alive|all3DENEntities|allAirports|allControls|allCurators|allCutLayers|allDead|allDeadMen|allDisplays|allGroups|allMapMarkers|allMines|allMissionObjects|allow3DMode|allowCrewInImmobile|allowCuratorLogicIgnoreAreas|allowDamage|allowDammage|allowFileOperations|allowFleeing|allowGetIn|allowSprint|allPlayers|allSimpleObjects|allSites|allTurrets|allUnits|allUnitsUAV|allVariables|ammo|ammoOnPylon|animate|animateBay|animateDoor|animatePylon|animateSource|animationNames|animationPhase|animationSourcePhase|animationState|append|apply|armoryPoints|arrayIntersect|asin|ASLToAGL|ASLToATL|assert|assignAsCargo|assignAsCargoIndex|assignAsCommander|assignAsDriver|assignAsGunner|assignAsTurret|assignCurator|assignedCargo|assignedCommander|assignedDriver|assignedGunner|assignedItems|assignedTarget|assignedTeam|assignedVehicle|assignedVehicleRole|assignItem|assignTeam|assignToAirport|atan|atan2|atg|ATLToASL|attachedObject|attachedObjects|attachedTo|attachObject|attachTo|attackEnabled|backpack|backpackCargo|backpackContainer|backpackItems|backpackMagazines|backpackSpaceFor|behaviour|benchmark|binocular|blufor|boundingBox|boundingBoxReal|boundingCenter|briefingName|buildingExit|buildingPos|buldozer_EnableRoadDiag|buldozer_IsEnabledRoadDiag|buldozer_LoadNewRoads|buldozer_reloadOperMap|buttonAction|buttonSetAction|cadetMode|callExtension|camCommand|camCommit|camCommitPrepared|camCommitted|camConstuctionSetParams|camCreate|camDestroy|cameraEffect|cameraEffectEnableHUD|cameraInterest|cameraOn|cameraView|campaignConfigFile|camPreload|camPreloaded|camPrepareBank|camPrepareDir|camPrepareDive|camPrepareFocus|camPrepareFov|camPrepareFovRange|camPreparePos|camPrepareRelPos|camPrepareTarget|camSetBank|camSetDir|camSetDive|camSetFocus|camSetFov|camSetFovRange|camSetPos|camSetRelPos|camSetTarget|camTarget|camUseNVG|canAdd|canAddItemToBackpack|canAddItemToUniform|canAddItemToVest|cancelSimpleTaskDestination|canFire|canMove|canSlingLoad|canStand|canSuspend|canTriggerDynamicSimulation|canUnloadInCombat|canVehicleCargo|captive|captiveNum|cbChecked|cbSetChecked|ceil|channelEnabled|cheatsEnabled|checkAIFeature|checkVisibility|civilian|className|clear3DENAttribute|clear3DENInventory|clearAllItemsFromBackpack|clearBackpackCargo|clearBackpackCargoGlobal|clearForcesRTD|clearGroupIcons|clearItemCargo|clearItemCargoGlobal|clearItemPool|clearMagazineCargo|clearMagazineCargoGlobal|clearMagazinePool|clearOverlay|clearRadio|clearVehicleInit|clearWeaponCargo|clearWeaponCargoGlobal|clearWeaponPool|clientOwner|closeDialog|closeDisplay|closeOverlay|collapseObjectTree|collect3DENHistory|collectiveRTD|combatMode|commandArtilleryFire|commandChat|commander|commandFire|commandFollow|commandFSM|commandGetOut|commandingMenu|commandMove|commandRadio|commandStop|commandSuppressiveFire|commandTarget|commandWatch|comment|commitOverlay|compile|compileFinal|completedFSM|composeText|configClasses|configFile|configHierarchy|configName|configNull|configProperties|configSourceAddonList|configSourceMod|configSourceModList|confirmSensorTarget|connectTerminalToUAV|controlNull|controlsGroupCtrl|copyFromClipboard|copyToClipboard|copyWaypoints|cos|count|countEnemy|countFriendly|countSide|countType|countUnknown|create3DENComposition|create3DENEntity|createAgent|createCenter|createDialog|createDiaryLink|createDiaryRecord|createDiarySubject|createDisplay|createGearDialog|createGroup|createGuardedPoint|createLocation|createMarker|createMarkerLocal|createMenu|createMine|createMissionDisplay|createMPCampaignDisplay|createSimpleObject|createSimpleTask|createSite|createSoundSource|createTask|createTeam|createTrigger|createUnit|createVehicle|createVehicleCrew|createVehicleLocal|crew|ctAddHeader|ctAddRow|ctClear|ctCurSel|ctData|ctFindHeaderRows|ctFindRowHeader|ctHeaderControls|ctHeaderCount|ctRemoveHeaders|ctRemoveRows|ctrlActivate|ctrlAddEventHandler|ctrlAngle|ctrlAutoScrollDelay|ctrlAutoScrollRewind|ctrlAutoScrollSpeed|ctrlChecked|ctrlClassName|ctrlCommit|ctrlCommitted|ctrlCreate|ctrlDelete|ctrlEnable|ctrlEnabled|ctrlFade|ctrlHTMLLoaded|ctrlIDC|ctrlIDD|ctrlMapAnimAdd|ctrlMapAnimClear|ctrlMapAnimCommit|ctrlMapAnimDone|ctrlMapCursor|ctrlMapMouseOver|ctrlMapScale|ctrlMapScreenToWorld|ctrlMapWorldToScreen|ctrlModel|ctrlModelDirAndUp|ctrlModelScale|ctrlParent|ctrlParentControlsGroup|ctrlPosition|ctrlRemoveAllEventHandlers|ctrlRemoveEventHandler|ctrlScale|ctrlSetActiveColor|ctrlSetAngle|ctrlSetAutoScrollDelay|ctrlSetAutoScrollRewind|ctrlSetAutoScrollSpeed|ctrlSetBackgroundColor|ctrlSetChecked|ctrlSetDisabledColor|ctrlSetEventHandler|ctrlSetFade|ctrlSetFocus|ctrlSetFont|ctrlSetFontH1|ctrlSetFontH1B|ctrlSetFontH2|ctrlSetFontH2B|ctrlSetFontH3|ctrlSetFontH3B|ctrlSetFontH4|ctrlSetFontH4B|ctrlSetFontH5|ctrlSetFontH5B|ctrlSetFontH6|ctrlSetFontH6B|ctrlSetFontHeight|ctrlSetFontHeightH1|ctrlSetFontHeightH2|ctrlSetFontHeightH3|ctrlSetFontHeightH4|ctrlSetFontHeightH5|ctrlSetFontHeightH6|ctrlSetFontHeightSecondary|ctrlSetFontP|ctrlSetFontPB|ctrlSetFontSecondary|ctrlSetForegroundColor|ctrlSetModel|ctrlSetModelDirAndUp|ctrlSetModelScale|ctrlSetPixelPrecision|ctrlSetPosition|ctrlSetScale|ctrlSetStructuredText|ctrlSetText|ctrlSetTextColor|ctrlSetTextColorSecondary|ctrlSetTextSecondary|ctrlSetTooltip|ctrlSetTooltipColorBox|ctrlSetTooltipColorShade|ctrlSetTooltipColorText|ctrlShow|ctrlShown|ctrlText|ctrlTextHeight|ctrlTextSecondary|ctrlTextWidth|ctrlType|ctrlVisible|ctRowControls|ctRowCount|ctSetCurSel|ctSetData|ctSetHeaderTemplate|ctSetRowTemplate|ctSetValue|ctValue|curatorAddons|curatorCamera|curatorCameraArea|curatorCameraAreaCeiling|curatorCoef|curatorEditableObjects|curatorEditingArea|curatorEditingAreaType|curatorMouseOver|curatorPoints|curatorRegisteredObjects|curatorSelected|curatorWaypointCost|current3DENOperation|currentChannel|currentCommand|currentMagazine|currentMagazineDetail|currentMagazineDetailTurret|currentMagazineTurret|currentMuzzle|currentNamespace|currentTask|currentTasks|currentThrowable|currentVisionMode|currentWaypoint|currentWeapon|currentWeaponMode|currentWeaponTurret|currentZeroing|cursorObject|cursorTarget|customChat|customRadio|cutFadeOut|cutObj|cutRsc|cutText|damage|date|dateToNumber|daytime|deActivateKey|debriefingText|debugFSM|debugLog|deg|delete3DENEntities|deleteAt|deleteCenter|deleteCollection|deleteEditorObject|deleteGroup|deleteGroupWhenEmpty|deleteIdentity|deleteLocation|deleteMarker|deleteMarkerLocal|deleteRange|deleteResources|deleteSite|deleteStatus|deleteTeam|deleteVehicle|deleteVehicleCrew|deleteWaypoint|detach|detectedMines|diag_activeMissionFSMs|diag_activeScripts|diag_activeSQFScripts|diag_activeSQSScripts|diag_captureFrame|diag_captureFrameToFile|diag_captureSlowFrame|diag_codePerformance|diag_drawMode|diag_dynamicSimulationEnd|diag_enable|diag_enabled|diag_fps|diag_fpsMin|diag_frameNo|diag_lightNewLoad|diag_list|diag_log|diag_logSlowFrame|diag_mergeConfigFile|diag_recordTurretLimits|diag_setLightNew|diag_tickTime|diag_toggle|dialog|diarySubjectExists|didJIP|didJIPOwner|difficulty|difficultyEnabled|difficultyEnabledRTD|difficultyOption|direction|directSay|disableAI|disableCollisionWith|disableConversation|disableDebriefingStats|disableMapIndicators|disableNVGEquipment|disableRemoteSensors|disableSerialization|disableTIEquipment|disableUAVConnectability|disableUserInput|displayAddEventHandler|displayCtrl|displayNull|displayParent|displayRemoveAllEventHandlers|displayRemoveEventHandler|displaySetEventHandler|dissolveTeam|distance|distance2D|distanceSqr|distributionRegion|do3DENAction|doArtilleryFire|doFire|doFollow|doFSM|doGetOut|doMove|doorPhase|doStop|doSuppressiveFire|doTarget|doWatch|drawArrow|drawEllipse|drawIcon|drawIcon3D|drawLine|drawLine3D|drawLink|drawLocation|drawPolygon|drawRectangle|drawTriangle|driver|drop|dynamicSimulationDistance|dynamicSimulationDistanceCoef|dynamicSimulationEnabled|dynamicSimulationSystemEnabled|east|edit3DENMissionAttributes|editObject|editorSetEventHandler|effectiveCommander|emptyPositions|enableAI|enableAIFeature|enableAimPrecision|enableAttack|enableAudioFeature|enableAutoStartUpRTD|enableAutoTrimRTD|enableCamShake|enableCaustics|enableChannel|enableCollisionWith|enableCopilot|enableDebriefingStats|enableDiagLegend|enableDynamicSimulation|enableDynamicSimulationSystem|enableEndDialog|enableEngineArtillery|enableEnvironment|enableFatigue|enableGunLights|enableInfoPanelComponent|enableIRLasers|enableMimics|enablePersonTurret|enableRadio|enableReload|enableRopeAttach|enableSatNormalOnDetail|enableSaving|enableSentences|enableSimulation|enableSimulationGlobal|enableStamina|enableStressDamage|enableTeamSwitch|enableTraffic|enableUAVConnectability|enableUAVWaypoints|enableVehicleCargo|enableVehicleSensor|enableWeaponDisassembly|endl|endLoadingScreen|endMission|engineOn|enginesIsOnRTD|enginesPowerRTD|enginesRpmRTD|enginesTorqueRTD|entities|environmentEnabled|estimatedEndServerTime|estimatedTimeLeft|evalObjectArgument|everyBackpack|everyContainer|exec|execEditorScript|exp|expectedDestination|exportJIPMessages|eyeDirection|eyePos|face|faction|fadeMusic|fadeRadio|fadeSound|fadeSpeech|failMission|fillWeaponsFromPool|find|findCover|findDisplay|findEditorObject|findEmptyPosition|findEmptyPositionReady|findIf|findNearestEnemy|finishMissionInit|finite|fire|fireAtTarget|firstBackpack|flag|flagAnimationPhase|flagOwner|flagSide|flagTexture|fleeing|floor|flyInHeight|flyInHeightASL|fog|fogForecast|fogParams|forceAddUniform|forceAtPositionRTD|forcedMap|forceEnd|forceFlagTexture|forceFollowRoad|forceGeneratorRTD|forceMap|forceRespawn|forceSpeed|forceWalk|forceWeaponFire|forceWeatherChange|forgetTarget|format|formation|formationDirection|formationLeader|formationMembers|formationPosition|formationTask|formatText|formLeader|freeLook|fromEditor|fuel|fullCrew|gearIDCAmmoCount|gearSlotAmmoCount|gearSlotData|get3DENActionState|get3DENAttribute|get3DENCamera|get3DENConnections|get3DENEntity|get3DENEntityID|get3DENGrid|get3DENIconsVisible|get3DENLayerEntities|get3DENLinesVisible|get3DENMissionAttribute|get3DENMouseOver|get3DENSelected|getAimingCoef|getAllEnvSoundControllers|getAllHitPointsDamage|getAllOwnedMines|getAllSoundControllers|getAmmoCargo|getAnimAimPrecision|getAnimSpeedCoef|getArray|getArtilleryAmmo|getArtilleryComputerSettings|getArtilleryETA|getAssignedCuratorLogic|getAssignedCuratorUnit|getBackpackCargo|getBleedingRemaining|getBurningValue|getCameraViewDirection|getCargoIndex|getCenterOfMass|getClientState|getClientStateNumber|getCompatiblePylonMagazines|getConnectedUAV|getContainerMaxLoad|getCursorObjectParams|getCustomAimCoef|getDammage|getDescription|getDir|getDirVisual|getDLCAssetsUsage|getDLCAssetsUsageByName|getDLCs|getDLCUsageTime|getEditorCamera|getEditorMode|getEditorObjectScope|getElevationOffset|getEngineTargetRpmRTD|getEnvSoundController|getFatigue|getFieldManualStartPage|getForcedFlagTexture|getFriend|getFSMVariable|getFuelCargo|getGroupIcon|getGroupIconParams|getGroupIcons|getHideFrom|getHit|getHitIndex|getHitPointDamage|getItemCargo|getMagazineCargo|getMarkerColor|getMarkerPos|getMarkerSize|getMarkerType|getMass|getMissionConfig|getMissionConfigValue|getMissionDLCs|getMissionLayerEntities|getMissionLayers|getModelInfo|getMousePosition|getMusicPlayedTime|getNumber|getObjectArgument|getObjectChildren|getObjectDLC|getObjectMaterials|getObjectProxy|getObjectTextures|getObjectType|getObjectViewDistance|getOxygenRemaining|getPersonUsedDLCs|getPilotCameraDirection|getPilotCameraPosition|getPilotCameraRotation|getPilotCameraTarget|getPlateNumber|getPlayerChannel|getPlayerScores|getPlayerUID|getPlayerUIDOld|getPos|getPosASL|getPosASLVisual|getPosASLW|getPosATL|getPosATLVisual|getPosVisual|getPosWorld|getPylonMagazines|getRelDir|getRelPos|getRemoteSensorsDisabled|getRepairCargo|getResolution|getRotorBrakeRTD|getShadowDistance|getShotParents|getSlingLoad|getSoundController|getSoundControllerResult|getSpeed|getStamina|getStatValue|getSuppression|getTerrainGrid|getTerrainHeightASL|getText|getTotalDLCUsageTime|getTrimOffsetRTD|getUnitLoadout|getUnitTrait|getUserMFDText|getUserMFDValue|getVariable|getVehicleCargo|getWeaponCargo|getWeaponSway|getWingsOrientationRTD|getWingsPositionRTD|getWPPos|glanceAt|globalChat|globalRadio|goggles|group|groupChat|groupFromNetId|groupIconSelectable|groupIconsVisible|groupId|groupOwner|groupRadio|groupSelectedUnits|groupSelectUnit|grpNull|gunner|gusts|halt|handgunItems|handgunMagazine|handgunWeapon|handsHit|hasInterface|hasPilotCamera|hasWeapon|hcAllGroups|hcGroupParams|hcLeader|hcRemoveAllGroups|hcRemoveGroup|hcSelected|hcSelectGroup|hcSetGroup|hcShowBar|hcShownBar|headgear|hideBody|hideObject|hideObjectGlobal|hideSelection|hint|hintC|hintCadet|hintSilent|hmd|hostMission|htmlLoad|HUDMovementLevels|humidity|image|importAllGroups|importance|in|inArea|inAreaArray|incapacitatedState|independent|inflame|inflamed|infoPanel|infoPanelComponentEnabled|infoPanelComponents|infoPanels|inGameUISetEventHandler|inheritsFrom|initAmbientLife|inPolygon|inputAction|inRangeOfArtillery|insertEditorObject|intersect|is3DEN|is3DENMultiplayer|isAbleToBreathe|isAgent|isAimPrecisionEnabled|isArray|isAutoHoverOn|isAutonomous|isAutoStartUpEnabledRTD|isAutotest|isAutoTrimOnRTD|isBleeding|isBurning|isClass|isCollisionLightOn|isCopilotEnabled|isDamageAllowed|isDedicated|isDLCAvailable|isEngineOn|isEqualTo|isEqualType|isEqualTypeAll|isEqualTypeAny|isEqualTypeArray|isEqualTypeParams|isFilePatchingEnabled|isFlashlightOn|isFlatEmpty|isForcedWalk|isFormationLeader|isGroupDeletedWhenEmpty|isHidden|isInRemainsCollector|isInstructorFigureEnabled|isIRLaserOn|isKeyActive|isKindOf|isLaserOn|isLightOn|isLocalized|isManualFire|isMarkedForCollection|isMultiplayer|isMultiplayerSolo|isNil|isNull|isNumber|isObjectHidden|isObjectRTD|isOnRoad|isPipEnabled|isPlayer|isRealTime|isRemoteExecuted|isRemoteExecutedJIP|isServer|isShowing3DIcons|isSimpleObject|isSprintAllowed|isStaminaEnabled|isSteamMission|isStreamFriendlyUIEnabled|isStressDamageEnabled|isText|isTouchingGround|isTurnedOut|isTutHintsEnabled|isUAVConnectable|isUAVConnected|isUIContext|isUniformAllowed|isVehicleCargo|isVehicleRadarOn|isVehicleSensorEnabled|isWalking|isWeaponDeployed|isWeaponRested|itemCargo|items|itemsWithMagazines|join|joinAs|joinAsSilent|joinSilent|joinString|kbAddDatabase|kbAddDatabaseTargets|kbAddTopic|kbHasTopic|kbReact|kbRemoveTopic|kbTell|kbWasSaid|keyImage|keyName|knowsAbout|land|landAt|landResult|language|laserTarget|lbAdd|lbClear|lbColor|lbColorRight|lbCurSel|lbData|lbDelete|lbIsSelected|lbPicture|lbPictureRight|lbSelection|lbSetColor|lbSetColorRight|lbSetCurSel|lbSetData|lbSetPicture|lbSetPictureColor|lbSetPictureColorDisabled|lbSetPictureColorSelected|lbSetPictureRight|lbSetPictureRightColor|lbSetPictureRightColorDisabled|lbSetPictureRightColorSelected|lbSetSelectColor|lbSetSelectColorRight|lbSetSelected|lbSetText|lbSetTextRight|lbSetTooltip|lbSetValue|lbSize|lbSort|lbSortByValue|lbText|lbTextRight|lbValue|leader|leaderboardDeInit|leaderboardGetRows|leaderboardInit|leaderboardRequestRowsFriends|leaderboardRequestRowsGlobal|leaderboardRequestRowsGlobalAroundUser|leaderboardsRequestUploadScore|leaderboardsRequestUploadScoreKeepBest|leaderboardState|leaveVehicle|libraryCredits|libraryDisclaimers|lifeState|lightAttachObject|lightDetachObject|lightIsOn|lightnings|limitSpeed|linearConversion|lineBreak|lineIntersects|lineIntersectsObjs|lineIntersectsSurfaces|lineIntersectsWith|linkItem|list|listObjects|listRemoteTargets|listVehicleSensors|ln|lnbAddArray|lnbAddColumn|lnbAddRow|lnbClear|lnbColor|lnbColorRight|lnbCurSelRow|lnbData|lnbDeleteColumn|lnbDeleteRow|lnbGetColumnsPosition|lnbPicture|lnbPictureRight|lnbSetColor|lnbSetColorRight|lnbSetColumnsPos|lnbSetCurSelRow|lnbSetData|lnbSetPicture|lnbSetPictureColor|lnbSetPictureColorRight|lnbSetPictureColorSelected|lnbSetPictureColorSelectedRight|lnbSetPictureRight|lnbSetText|lnbSetTextRight|lnbSetValue|lnbSize|lnbSort|lnbSortByValue|lnbText|lnbTextRight|lnbValue|load|loadAbs|loadBackpack|loadFile|loadGame|loadIdentity|loadMagazine|loadOverlay|loadStatus|loadUniform|loadVest|local|localize|locationNull|locationPosition|lock|lockCameraTo|lockCargo|lockDriver|locked|lockedCargo|lockedDriver|lockedTurret|lockIdentity|lockTurret|lockWP|log|logEntities|logNetwork|logNetworkTerminate|lookAt|lookAtPos|magazineCargo|magazines|magazinesAllTurrets|magazinesAmmo|magazinesAmmoCargo|magazinesAmmoFull|magazinesDetail|magazinesDetailBackpack|magazinesDetailUniform|magazinesDetailVest|magazinesTurret|magazineTurretAmmo|mapAnimAdd|mapAnimClear|mapAnimCommit|mapAnimDone|mapCenterOnCamera|mapGridPosition|markAsFinishedOnSteam|markerAlpha|markerBrush|markerColor|markerDir|markerPos|markerShape|markerSize|markerText|markerType|max|members|menuAction|menuAdd|menuChecked|menuClear|menuCollapse|menuData|menuDelete|menuEnable|menuEnabled|menuExpand|menuHover|menuPicture|menuSetAction|menuSetCheck|menuSetData|menuSetPicture|menuSetValue|menuShortcut|menuShortcutText|menuSize|menuSort|menuText|menuURL|menuValue|min|mineActive|mineDetectedBy|missionConfigFile|missionDifficulty|missionName|missionNamespace|missionStart|missionVersion|modelToWorld|modelToWorldVisual|modelToWorldVisualWorld|modelToWorldWorld|modParams|moonIntensity|moonPhase|morale|move|move3DENCamera|moveInAny|moveInCargo|moveInCommander|moveInDriver|moveInGunner|moveInTurret|moveObjectToEnd|moveOut|moveTime|moveTo|moveToCompleted|moveToFailed|musicVolume|name|nameSound|nearEntities|nearestBuilding|nearestLocation|nearestLocations|nearestLocationWithDubbing|nearestObject|nearestObjects|nearestTerrainObjects|nearObjects|nearObjectsReady|nearRoads|nearSupplies|nearTargets|needReload|netId|netObjNull|newOverlay|nextMenuItemIndex|nextWeatherChange|nMenuItems|numberOfEnginesRTD|numberToDate|objectCurators|objectFromNetId|objectParent|objNull|objStatus|onBriefingGear|onBriefingGroup|onBriefingNotes|onBriefingPlan|onBriefingTeamSwitch|onCommandModeChanged|onDoubleClick|onEachFrame|onGroupIconClick|onGroupIconOverEnter|onGroupIconOverLeave|onHCGroupSelectionChanged|onMapSingleClick|onPlayerConnected|onPlayerDisconnected|onPreloadFinished|onPreloadStarted|onShowNewObject|onTeamSwitch|openCuratorInterface|openDLCPage|openDSInterface|openMap|openSteamApp|openYoutubeVideo|opfor|orderGetIn|overcast|overcastForecast|owner|param|params|parseNumber|parseSimpleArray|parseText|parsingNamespace|particlesQuality|pi|pickWeaponPool|pitch|pixelGrid|pixelGridBase|pixelGridNoUIScale|pixelH|pixelW|playableSlotsNumber|playableUnits|playAction|playActionNow|player|playerRespawnTime|playerSide|playersNumber|playGesture|playMission|playMove|playMoveNow|playMusic|playScriptedMission|playSound|playSound3D|position|positionCameraToWorld|posScreenToWorld|posWorldToScreen|ppEffectAdjust|ppEffectCommit|ppEffectCommitted|ppEffectCreate|ppEffectDestroy|ppEffectEnable|ppEffectEnabled|ppEffectForceInNVG|precision|preloadCamera|preloadObject|preloadSound|preloadTitleObj|preloadTitleRsc|primaryWeapon|primaryWeaponItems|primaryWeaponMagazine|priority|processDiaryLink|processInitCommands|productVersion|profileName|profileNamespace|profileNameSteam|progressLoadingScreen|progressPosition|progressSetPosition|publicVariable|publicVariableClient|publicVariableServer|pushBack|pushBackUnique|putWeaponPool|queryItemsPool|queryMagazinePool|queryWeaponPool|rad|radioChannelAdd|radioChannelCreate|radioChannelRemove|radioChannelSetCallSign|radioChannelSetLabel|radioVolume|rain|rainbow|random|rank|rankId|rating|rectangular|registeredTasks|registerTask|reload|reloadEnabled|remoteControl|remoteExec|remoteExecCall|remoteExecutedOwner|remove3DENConnection|remove3DENEventHandler|remove3DENLayer|removeAction|removeAll3DENEventHandlers|removeAllActions|removeAllAssignedItems|removeAllContainers|removeAllCuratorAddons|removeAllCuratorCameraAreas|removeAllCuratorEditingAreas|removeAllEventHandlers|removeAllHandgunItems|removeAllItems|removeAllItemsWithMagazines|removeAllMissionEventHandlers|removeAllMPEventHandlers|removeAllMusicEventHandlers|removeAllOwnedMines|removeAllPrimaryWeaponItems|removeAllWeapons|removeBackpack|removeBackpackGlobal|removeCuratorAddons|removeCuratorCameraArea|removeCuratorEditableObjects|removeCuratorEditingArea|removeDrawIcon|removeDrawLinks|removeEventHandler|removeFromRemainsCollector|removeGoggles|removeGroupIcon|removeHandgunItem|removeHeadgear|removeItem|removeItemFromBackpack|removeItemFromUniform|removeItemFromVest|removeItems|removeMagazine|removeMagazineGlobal|removeMagazines|removeMagazinesTurret|removeMagazineTurret|removeMenuItem|removeMissionEventHandler|removeMPEventHandler|removeMusicEventHandler|removeOwnedMine|removePrimaryWeaponItem|removeSecondaryWeaponItem|removeSimpleTask|removeSwitchableUnit|removeTeamMember|removeUniform|removeVest|removeWeapon|removeWeaponAttachmentCargo|removeWeaponCargo|removeWeaponGlobal|removeWeaponTurret|reportRemoteTarget|requiredVersion|resetCamShake|resetSubgroupDirection|resistance|resize|resources|respawnVehicle|restartEditorCamera|reveal|revealMine|reverse|reversedMouseY|roadAt|roadsConnectedTo|roleDescription|ropeAttachedObjects|ropeAttachedTo|ropeAttachEnabled|ropeAttachTo|ropeCreate|ropeCut|ropeDestroy|ropeDetach|ropeEndPosition|ropeLength|ropes|ropeUnwind|ropeUnwound|rotorsForcesRTD|rotorsRpmRTD|round|runInitScript|safeZoneH|safeZoneW|safeZoneWAbs|safeZoneX|safeZoneXAbs|safeZoneY|save3DENInventory|saveGame|saveIdentity|saveJoysticks|saveOverlay|saveProfileNamespace|saveStatus|saveVar|savingEnabled|say|say2D|say3D|score|scoreSide|screenshot|screenToWorld|scriptDone|scriptName|scriptNull|scudState|secondaryWeapon|secondaryWeaponItems|secondaryWeaponMagazine|select|selectBestPlaces|selectDiarySubject|selectedEditorObjects|selectEditorObject|selectionNames|selectionPosition|selectLeader|selectMax|selectMin|selectNoPlayer|selectPlayer|selectRandom|selectRandomWeighted|selectWeapon|selectWeaponTurret|sendAUMessage|sendSimpleCommand|sendTask|sendTaskResult|sendUDPMessage|serverCommand|serverCommandAvailable|serverCommandExecutable|serverName|serverTime|set|set3DENAttribute|set3DENAttributes|set3DENGrid|set3DENIconsVisible|set3DENLayer|set3DENLinesVisible|set3DENLogicType|set3DENMissionAttribute|set3DENMissionAttributes|set3DENModelsVisible|set3DENObjectType|set3DENSelected|setAccTime|setActualCollectiveRTD|setAirplaneThrottle|setAirportSide|setAmmo|setAmmoCargo|setAmmoOnPylon|setAnimSpeedCoef|setAperture|setApertureNew|setArmoryPoints|setAttributes|setAutonomous|setBehaviour|setBleedingRemaining|setBrakesRTD|setCameraInterest|setCamShakeDefParams|setCamShakeParams|setCamUseTI|setCaptive|setCenterOfMass|setCollisionLight|setCombatMode|setCompassOscillation|setConvoySeparation|setCuratorCameraAreaCeiling|setCuratorCoef|setCuratorEditingAreaType|setCuratorWaypointCost|setCurrentChannel|setCurrentTask|setCurrentWaypoint|setCustomAimCoef|setCustomWeightRTD|setDamage|setDammage|setDate|setDebriefingText|setDefaultCamera|setDestination|setDetailMapBlendPars|setDir|setDirection|setDrawIcon|setDriveOnPath|setDropInterval|setDynamicSimulationDistance|setDynamicSimulationDistanceCoef|setEditorMode|setEditorObjectScope|setEffectCondition|setEngineRpmRTD|setFace|setFaceAnimation|setFatigue|setFeatureType|setFlagAnimationPhase|setFlagOwner|setFlagSide|setFlagTexture|setFog|setForceGeneratorRTD|setFormation|setFormationTask|setFormDir|setFriend|setFromEditor|setFSMVariable|setFuel|setFuelCargo|setGroupIcon|setGroupIconParams|setGroupIconsSelectable|setGroupIconsVisible|setGroupId|setGroupIdGlobal|setGroupOwner|setGusts|setHideBehind|setHit|setHitIndex|setHitPointDamage|setHorizonParallaxCoef|setHUDMovementLevels|setIdentity|setImportance|setInfoPanel|setLeader|setLightAmbient|setLightAttenuation|setLightBrightness|setLightColor|setLightDayLight|setLightFlareMaxDistance|setLightFlareSize|setLightIntensity|setLightnings|setLightUseFlare|setLocalWindParams|setMagazineTurretAmmo|setMarkerAlpha|setMarkerAlphaLocal|setMarkerBrush|setMarkerBrushLocal|setMarkerColor|setMarkerColorLocal|setMarkerDir|setMarkerDirLocal|setMarkerPos|setMarkerPosLocal|setMarkerShape|setMarkerShapeLocal|setMarkerSize|setMarkerSizeLocal|setMarkerText|setMarkerTextLocal|setMarkerType|setMarkerTypeLocal|setMass|setMimic|setMousePosition|setMusicEffect|setMusicEventHandler|setName|setNameSound|setObjectArguments|setObjectMaterial|setObjectMaterialGlobal|setObjectProxy|setObjectTexture|setObjectTextureGlobal|setObjectViewDistance|setOvercast|setOwner|setOxygenRemaining|setParticleCircle|setParticleClass|setParticleFire|setParticleParams|setParticleRandom|setPilotCameraDirection|setPilotCameraRotation|setPilotCameraTarget|setPilotLight|setPiPEffect|setPitch|setPlateNumber|setPlayable|setPlayerRespawnTime|setPos|setPosASL|setPosASL2|setPosASLW|setPosATL|setPosition|setPosWorld|setPylonLoadOut|setPylonsPriority|setRadioMsg|setRain|setRainbow|setRandomLip|setRank|setRectangular|setRepairCargo|setRotorBrakeRTD|setShadowDistance|setShotParents|setSide|setSimpleTaskAlwaysVisible|setSimpleTaskCustomData|setSimpleTaskDescription|setSimpleTaskDestination|setSimpleTaskTarget|setSimpleTaskType|setSimulWeatherLayers|setSize|setSkill|setSlingLoad|setSoundEffect|setSpeaker|setSpeech|setSpeedMode|setStamina|setStaminaScheme|setStatValue|setSuppression|setSystemOfUnits|setTargetAge|setTaskMarkerOffset|setTaskResult|setTaskState|setTerrainGrid|setText|setTimeMultiplier|setTitleEffect|setToneMapping|setToneMappingParams|setTrafficDensity|setTrafficDistance|setTrafficGap|setTrafficSpeed|setTriggerActivation|setTriggerArea|setTriggerStatements|setTriggerText|setTriggerTimeout|setTriggerType|setType|setUnconscious|setUnitAbility|setUnitLoadout|setUnitPos|setUnitPosWeak|setUnitRank|setUnitRecoilCoefficient|setUnitTrait|setUnloadInCombat|setUserActionText|setUserMFDText|setUserMFDValue|setVariable|setVectorDir|setVectorDirAndUp|setVectorUp|setVehicleAmmo|setVehicleAmmoDef|setVehicleArmor|setVehicleCargo|setVehicleId|setVehicleInit|setVehicleLock|setVehiclePosition|setVehicleRadar|setVehicleReceiveRemoteTargets|setVehicleReportOwnPosition|setVehicleReportRemoteTargets|setVehicleTIPars|setVehicleVarName|setVelocity|setVelocityModelSpace|setVelocityTransformation|setViewDistance|setVisibleIfTreeCollapsed|setWantedRpmRTD|setWaves|setWaypointBehaviour|setWaypointCombatMode|setWaypointCompletionRadius|setWaypointDescription|setWaypointForceBehaviour|setWaypointFormation|setWaypointHousePosition|setWaypointLoiterRadius|setWaypointLoiterType|setWaypointName|setWaypointPosition|setWaypointScript|setWaypointSpeed|setWaypointStatements|setWaypointTimeout|setWaypointType|setWaypointVisible|setWeaponReloadingTime|setWind|setWindDir|setWindForce|setWindStr|setWingForceScaleRTD|setWPPos|show3DIcons|showChat|showCinemaBorder|showCommandingMenu|showCompass|showCuratorCompass|showGPS|showHUD|showLegend|showMap|shownArtilleryComputer|shownChat|shownCompass|shownCuratorCompass|showNewEditorObject|shownGPS|shownHUD|shownMap|shownPad|shownRadio|shownScoretable|shownUAVFeed|shownWarrant|shownWatch|showPad|showRadio|showScoretable|showSubtitles|showUAVFeed|showWarrant|showWatch|showWaypoint|showWaypoints|side|sideAmbientLife|sideChat|sideEmpty|sideEnemy|sideFriendly|sideLogic|sideRadio|sideUnknown|simpleTasks|simulationEnabled|simulCloudDensity|simulCloudOcclusion|simulInClouds|simulWeatherSync|sin|size|sizeOf|skill|skillFinal|skipTime|sleep|sliderPosition|sliderRange|sliderSetPosition|sliderSetRange|sliderSetSpeed|sliderSpeed|slingLoadAssistantShown|soldierMagazines|someAmmo|sort|soundVolume|speaker|speed|speedMode|splitString|sqrt|squadParams|stance|startLoadingScreen|stop|stopEngineRTD|stopped|str|sunOrMoon|supportInfo|suppressFor|surfaceIsWater|surfaceNormal|surfaceType|swimInDepth|switchableUnits|switchAction|switchCamera|switchGesture|switchLight|switchMove|synchronizedObjects|synchronizedTriggers|synchronizedWaypoints|synchronizeObjectsAdd|synchronizeObjectsRemove|synchronizeTrigger|synchronizeWaypoint|systemChat|systemOfUnits|tan|targetKnowledge|targets|targetsAggregate|targetsQuery|taskAlwaysVisible|taskChildren|taskCompleted|taskCustomData|taskDescription|taskDestination|taskHint|taskMarkerOffset|taskNull|taskParent|taskResult|taskState|taskType|teamMember|teamMemberNull|teamName|teams|teamSwitch|teamSwitchEnabled|teamType|terminate|terrainIntersect|terrainIntersectASL|terrainIntersectAtASL|text|textLog|textLogFormat|tg|time|timeMultiplier|titleCut|titleFadeOut|titleObj|titleRsc|titleText|toArray|toFixed|toLower|toString|toUpper|triggerActivated|triggerActivation|triggerArea|triggerAttachedVehicle|triggerAttachObject|triggerAttachVehicle|triggerDynamicSimulation|triggerStatements|triggerText|triggerTimeout|triggerTimeoutCurrent|triggerType|turretLocal|turretOwner|turretUnit|tvAdd|tvClear|tvCollapse|tvCollapseAll|tvCount|tvCurSel|tvData|tvDelete|tvExpand|tvExpandAll|tvPicture|tvPictureRight|tvSetColor|tvSetCurSel|tvSetData|tvSetPicture|tvSetPictureColor|tvSetPictureColorDisabled|tvSetPictureColorSelected|tvSetPictureRight|tvSetPictureRightColor|tvSetPictureRightColorDisabled|tvSetPictureRightColorSelected|tvSetSelectColor|tvSetText|tvSetTooltip|tvSetValue|tvSort|tvSortByValue|tvText|tvTooltip|tvValue|type|typeName|typeOf|UAVControl|uiNamespace|uiSleep|unassignCurator|unassignItem|unassignTeam|unassignVehicle|underwater|uniform|uniformContainer|uniformItems|uniformMagazines|unitAddons|unitAimPosition|unitAimPositionVisual|unitBackpack|unitIsUAV|unitPos|unitReady|unitRecoilCoefficient|units|unitsBelowHeight|unlinkItem|unlockAchievement|unregisterTask|updateDrawIcon|updateMenuItem|updateObjectTree|useAIOperMapObstructionTest|useAISteeringComponent|useAudioTimeForMoves|userInputDisabled|vectorAdd|vectorCos|vectorCrossProduct|vectorDiff|vectorDir|vectorDirVisual|vectorDistance|vectorDistanceSqr|vectorDotProduct|vectorFromTo|vectorMagnitude|vectorMagnitudeSqr|vectorModelToWorld|vectorModelToWorldVisual|vectorMultiply|vectorNormalized|vectorUp|vectorUpVisual|vectorWorldToModel|vectorWorldToModelVisual|vehicle|vehicleCargoEnabled|vehicleChat|vehicleRadio|vehicleReceiveRemoteTargets|vehicleReportOwnPosition|vehicleReportRemoteTargets|vehicles|vehicleVarName|velocity|velocityModelSpace|verifySignature|vest|vestContainer|vestItems|vestMagazines|viewDistance|visibleCompass|visibleGPS|visibleMap|visiblePosition|visiblePositionASL|visibleScoretable|visibleWatch|waitUntil|waves|waypointAttachedObject|waypointAttachedVehicle|waypointAttachObject|waypointAttachVehicle|waypointBehaviour|waypointCombatMode|waypointCompletionRadius|waypointDescription|waypointForceBehaviour|waypointFormation|waypointHousePosition|waypointLoiterRadius|waypointLoiterType|waypointName|waypointPosition|waypoints|waypointScript|waypointsEnabledUAV|waypointShow|waypointSpeed|waypointStatements|waypointTimeout|waypointTimeoutCurrent|waypointType|waypointVisible|weaponAccessories|weaponAccessoriesCargo|weaponCargo|weaponDirection|weaponInertia|weaponLowered|weapons|weaponsItems|weaponsItemsCargo|weaponState|weaponsTurret|weightRTD|west|WFSideText|wind|windDir|windRTD|windStr|wingsForcesRTD|worldName|worldSize|worldToModel|worldToModelVisual|worldToScreen)\b/i,number:/(?:\$|\b0x)[\da-f]+\b|(?:\B\.\d+|\b\d+(?:\.\d+)?)(?:e[+-]?\d+)?\b/i,operator:/##|>>|&&|\|\||[!=<>]=?|[-+*/%#^]|\b(?:and|mod|not|or)\b/i,"magic-variable":{pattern:/\b(?:this|thisList|thisTrigger|_exception|_fnc_scriptName|_fnc_scriptNameParent|_forEachIndex|_this|_thisEventHandler|_thisFSM|_thisScript|_x)\b/i,alias:"keyword"},constant:/\bDIK(?:_[a-z\d]+)+\b/i}),e.languages.insertBefore("sqf","string",{macro:{pattern:/(^[ \t]*)#[a-z](?:[^\r\n\\]|\\(?:\r\n|[\s\S]))*/im,lookbehind:!0,greedy:!0,alias:"property",inside:{directive:{pattern:/#[a-z]+\b/i,alias:"keyword"},comment:e.languages.sqf.comment}}}),delete e.languages.sqf["class-name"]}e.exports=t,t.displayName="sqf",t.aliases=[]},11114:function(e){"use strict";function t(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:/[;[\]()`,.]/}}e.exports=t,t.displayName="sql",t.aliases=[]},67386:function(e){"use strict";function t(e){e.languages.squirrel=e.languages.extend("clike",{comment:[e.languages.clike.comment[0],{pattern:/(^|[^\\:])(?:\/\/|#).*/,lookbehind:!0,greedy:!0}],string:{pattern:/(^|[^\\"'@])(?:@"(?:[^"]|"")*"(?!")|"(?:[^\\\r\n"]|\\.)*")/,lookbehind:!0,greedy:!0},"class-name":{pattern:/(\b(?:class|enum|extends|instanceof)\s+)\w+(?:\.\w+)*/,lookbehind:!0,inside:{punctuation:/\./}},keyword:/\b(?:__FILE__|__LINE__|base|break|case|catch|class|clone|const|constructor|continue|default|delete|else|enum|extends|for|foreach|function|if|in|instanceof|local|null|resume|return|static|switch|this|throw|try|typeof|while|yield)\b/,number:/\b(?:0x[0-9a-fA-F]+|\d+(?:\.(?:\d+|[eE][+-]?\d+))?)\b/,operator:/\+\+|--|<=>|<[-<]|>>>?|&&?|\|\|?|[-+*/%!=<>]=?|[~^]|::?/,punctuation:/[(){}\[\],;.]/}),e.languages.insertBefore("squirrel","string",{char:{pattern:/(^|[^\\"'])'(?:[^\\']|\\(?:[xuU][0-9a-fA-F]{0,8}|[\s\S]))'/,lookbehind:!0,greedy:!0}}),e.languages.insertBefore("squirrel","operator",{"attribute-punctuation":{pattern:/<\/|\/>/,alias:"important"},lambda:{pattern:/@(?=\()/,alias:"operator"}})}e.exports=t,t.displayName="squirrel",t.aliases=[]},28067:function(e){"use strict";function t(e){var t;t=/\b(?:algebra_solver|algebra_solver_newton|integrate_1d|integrate_ode|integrate_ode_bdf|integrate_ode_rk45|map_rect|ode_(?:adams|bdf|ckrk|rk45)(?:_tol)?|ode_adjoint_tol_ctl|reduce_sum|reduce_sum_static)\b/,e.languages.stan={comment:/\/\/.*|\/\*[\s\S]*?\*\/|#(?!include).*/,string:{pattern:/"[\x20\x21\x23-\x5B\x5D-\x7E]*"/,greedy:!0},directive:{pattern:/^([ \t]*)#include\b.*/m,lookbehind:!0,alias:"property"},"function-arg":{pattern:RegExp("("+t.source+/\s*\(\s*/.source+")"+/[a-zA-Z]\w*/.source),lookbehind:!0,alias:"function"},constraint:{pattern:/(\b(?:int|matrix|real|row_vector|vector)\s*)<[^<>]*>/,lookbehind:!0,inside:{expression:{pattern:/(=\s*)\S(?:\S|\s+(?!\s))*?(?=\s*(?:>$|,\s*\w+\s*=))/,lookbehind:!0,inside:null},property:/\b[a-z]\w*(?=\s*=)/i,operator:/=/,punctuation:/^<|>$|,/}},keyword:[{pattern:/\bdata(?=\s*\{)|\b(?:functions|generated|model|parameters|quantities|transformed)\b/,alias:"program-block"},/\b(?:array|break|cholesky_factor_corr|cholesky_factor_cov|complex|continue|corr_matrix|cov_matrix|data|else|for|if|in|increment_log_prob|int|matrix|ordered|positive_ordered|print|real|reject|return|row_vector|simplex|target|unit_vector|vector|void|while)\b/,t],function:/\b[a-z]\w*(?=\s*\()/i,number:/(?:\b\d+(?:_\d+)*(?:\.(?:\d+(?:_\d+)*)?)?|\B\.\d+(?:_\d+)*)(?:E[+-]?\d+(?:_\d+)*)?i?(?!\w)/i,boolean:/\b(?:false|true)\b/,operator:/<-|\.[*/]=?|\|\|?|&&|[!=<>+\-*/]=?|['^%~?:]/,punctuation:/[()\[\]{},;]/},e.languages.stan.constraint.inside.expression.inside=e.languages.stan}e.exports=t,t.displayName="stan",t.aliases=[]},49168:function(e){"use strict";function t(e){var t,n,r;(r={comment:{pattern:/(^|[^\\])(?:\/\*[\s\S]*?\*\/|\/\/.*)/,lookbehind:!0},url:{pattern:/\burl\((["']?).*?\1\)/i,greedy:!0},string:{pattern:/("|')(?:(?!\1)[^\\\r\n]|\\(?:\r\n|[\s\S]))*\1/,greedy:!0},interpolation:null,func:null,important:/\B!(?:important|optional)\b/i,keyword:{pattern:/(^|\s+)(?:(?:else|for|if|return|unless)(?=\s|$)|@[\w-]+)/,lookbehind:!0},hexcode:/#[\da-f]{3,6}/i,color:[/\b(?:AliceBlue|AntiqueWhite|Aqua|Aquamarine|Azure|Beige|Bisque|Black|BlanchedAlmond|Blue|BlueViolet|Brown|BurlyWood|CadetBlue|Chartreuse|Chocolate|Coral|CornflowerBlue|Cornsilk|Crimson|Cyan|DarkBlue|DarkCyan|DarkGoldenRod|DarkGr[ae]y|DarkGreen|DarkKhaki|DarkMagenta|DarkOliveGreen|DarkOrange|DarkOrchid|DarkRed|DarkSalmon|DarkSeaGreen|DarkSlateBlue|DarkSlateGr[ae]y|DarkTurquoise|DarkViolet|DeepPink|DeepSkyBlue|DimGr[ae]y|DodgerBlue|FireBrick|FloralWhite|ForestGreen|Fuchsia|Gainsboro|GhostWhite|Gold|GoldenRod|Gr[ae]y|Green|GreenYellow|HoneyDew|HotPink|IndianRed|Indigo|Ivory|Khaki|Lavender|LavenderBlush|LawnGreen|LemonChiffon|LightBlue|LightCoral|LightCyan|LightGoldenRodYellow|LightGr[ae]y|LightGreen|LightPink|LightSalmon|LightSeaGreen|LightSkyBlue|LightSlateGr[ae]y|LightSteelBlue|LightYellow|Lime|LimeGreen|Linen|Magenta|Maroon|MediumAquaMarine|MediumBlue|MediumOrchid|MediumPurple|MediumSeaGreen|MediumSlateBlue|MediumSpringGreen|MediumTurquoise|MediumVioletRed|MidnightBlue|MintCream|MistyRose|Moccasin|NavajoWhite|Navy|OldLace|Olive|OliveDrab|Orange|OrangeRed|Orchid|PaleGoldenRod|PaleGreen|PaleTurquoise|PaleVioletRed|PapayaWhip|PeachPuff|Peru|Pink|Plum|PowderBlue|Purple|Red|RosyBrown|RoyalBlue|SaddleBrown|Salmon|SandyBrown|SeaGreen|SeaShell|Sienna|Silver|SkyBlue|SlateBlue|SlateGr[ae]y|Snow|SpringGreen|SteelBlue|Tan|Teal|Thistle|Tomato|Transparent|Turquoise|Violet|Wheat|White|WhiteSmoke|Yellow|YellowGreen)\b/i,{pattern:/\b(?:hsl|rgb)\(\s*\d{1,3}\s*,\s*\d{1,3}%?\s*,\s*\d{1,3}%?\s*\)\B|\b(?:hsl|rgb)a\(\s*\d{1,3}\s*,\s*\d{1,3}%?\s*,\s*\d{1,3}%?\s*,\s*(?:0|0?\.\d+|1)\s*\)\B/i,inside:{unit:t={pattern:/(\b\d+)(?:%|[a-z]+)/,lookbehind:!0},number:n={pattern:/(^|[^\w.-])-?(?:\d+(?:\.\d+)?|\.\d+)/,lookbehind:!0},function:/[\w-]+(?=\()/,punctuation:/[(),]/}}],entity:/\\[\da-f]{1,8}/i,unit:t,boolean:/\b(?:false|true)\b/,operator:[/~|[+!\/%<>?=]=?|[-:]=|\*[*=]?|\.{2,3}|&&|\|\||\B-\B|\b(?:and|in|is(?: a| defined| not|nt)?|not|or)\b/],number:n,punctuation:/[{}()\[\];:,]/}).interpolation={pattern:/\{[^\r\n}:]+\}/,alias:"variable",inside:{delimiter:{pattern:/^\{|\}$/,alias:"punctuation"},rest:r}},r.func={pattern:/[\w-]+\([^)]*\).*/,inside:{function:/^[^(]+/,rest:r}},e.languages.stylus={"atrule-declaration":{pattern:/(^[ \t]*)@.+/m,lookbehind:!0,inside:{atrule:/^@[\w-]+/,rest:r}},"variable-declaration":{pattern:/(^[ \t]*)[\w$-]+\s*.?=[ \t]*(?:\{[^{}]*\}|\S.*|$)/m,lookbehind:!0,inside:{variable:/^\S+/,rest:r}},statement:{pattern:/(^[ \t]*)(?:else|for|if|return|unless)[ \t].+/m,lookbehind:!0,inside:{keyword:/^\S+/,rest:r}},"property-declaration":{pattern:/((?:^|\{)([ \t]*))(?:[\w-]|\{[^}\r\n]+\})+(?:\s*:\s*|[ \t]+)(?!\s)[^{\r\n]*(?:;|[^{\r\n,]$(?!(?:\r?\n|\r)(?:\{|\2[ \t])))/m,lookbehind:!0,inside:{property:{pattern:/^[^\s:]+/,inside:{interpolation:r.interpolation}},rest:r}},selector:{pattern:/(^[ \t]*)(?:(?=\S)(?:[^{}\r\n:()]|::?[\w-]+(?:\([^)\r\n]*\)|(?![\w-]))|\{[^}\r\n]+\})+)(?:(?:\r?\n|\r)(?:\1(?:(?=\S)(?:[^{}\r\n:()]|::?[\w-]+(?:\([^)\r\n]*\)|(?![\w-]))|\{[^}\r\n]+\})+)))*(?:,$|\{|(?=(?:\r?\n|\r)(?:\{|\1[ \t])))/m,lookbehind:!0,inside:{interpolation:r.interpolation,comment:r.comment,punctuation:/[{},]/}},func:r.func,string:r.string,comment:{pattern:/(^|[^\\])(?:\/\*[\s\S]*?\*\/|\/\/.*)/,lookbehind:!0,greedy:!0},interpolation:r.interpolation,punctuation:/[{}()\[\];:.]/}}e.exports=t,t.displayName="stylus",t.aliases=[]},23651:function(e){"use strict";function t(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})}e.exports=t,t.displayName="swift",t.aliases=[]},21483:function(e){"use strict";function t(e){var t,n;t={pattern:/^[;#].*/m,greedy:!0},n=/"(?:[^\r\n"\\]|\\(?:[^\r]|\r\n?))*"(?!\S)/.source,e.languages.systemd={comment:t,section:{pattern:/^\[[^\n\r\[\]]*\](?=[ \t]*$)/m,greedy:!0,inside:{punctuation:/^\[|\]$/,"section-name":{pattern:/[\s\S]+/,alias:"selector"}}},key:{pattern:/^[^\s=]+(?=[ \t]*=)/m,greedy:!0,alias:"attr-name"},value:{pattern:RegExp(/(=[ \t]*(?!\s))/.source+"(?:"+n+'|(?=[^"\r\n]))(?:'+(/[^\s\\]/.source+'|[ ]+(?:(?![ "])|')+n+")|"+/\\[\r\n]+(?:[#;].*[\r\n]+)*(?![#;])/.source+")*"),lookbehind:!0,greedy:!0,alias:"attr-value",inside:{comment:t,quoted:{pattern:RegExp(/(^|\s)/.source+n),lookbehind:!0,greedy:!0},punctuation:/\\$/m,boolean:{pattern:/^(?:false|no|off|on|true|yes)$/,greedy:!0}}},punctuation:/=/}}e.exports=t,t.displayName="systemd",t.aliases=[]},32268:function(e,t,n){"use strict";var r=n(2329),a=n(61958);function i(e){e.register(r),e.register(a),e.languages.t4=e.languages["t4-cs"]=e.languages["t4-templating"].createT4("csharp")}e.exports=i,i.displayName="t4Cs",i.aliases=[]},2329:function(e){"use strict";function t(e){!function(e){function t(e,t,n){return{pattern:RegExp("<#"+e+"[\\s\\S]*?#>"),alias:"block",inside:{delimiter:{pattern:RegExp("^<#"+e+"|#>$"),alias:"important"},content:{pattern:/[\s\S]+/,inside:t,alias:n}}}}e.languages["t4-templating"]=Object.defineProperty({},"createT4",{value:function(n){var r=e.languages[n],a="language-"+n;return{block:{pattern:/<#[\s\S]+?#>/,inside:{directive:t("@",{"attr-value":{pattern:/=(?:("|')(?:\\[\s\S]|(?!\1)[^\\])*\1|[^\s'">=]+)/,inside:{punctuation:/^=|^["']|["']$/}},keyword:/\b\w+(?=\s)/,"attr-name":/\b\w+/}),expression:t("=",r,a),"class-feature":t("\\+",r,a),standard:t("",r,a)}}}}})}(e)}e.exports=t,t.displayName="t4Templating",t.aliases=[]},82996:function(e,t,n){"use strict";var r=n(2329),a=n(53813);function i(e){e.register(r),e.register(a),e.languages["t4-vb"]=e.languages["t4-templating"].createT4("vbnet")}e.exports=i,i.displayName="t4Vb",i.aliases=[]},17290:function(e,t,n){"use strict";var r=n(65039);function a(e){e.register(r),e.languages.tap={fail:/not ok[^#{\n\r]*/,pass:/ok[^#{\n\r]*/,pragma:/pragma [+-][a-z]+/,bailout:/bail out!.*/i,version:/TAP version \d+/i,plan:/\b\d+\.\.\d+(?: +#.*)?/,subtest:{pattern:/# Subtest(?:: .*)?/,greedy:!0},punctuation:/[{}]/,directive:/#.*/,yamlish:{pattern:/(^[ \t]*)---[\s\S]*?[\r\n][ \t]*\.\.\.$/m,lookbehind:!0,inside:e.languages.yaml,alias:"language-yaml"}}}e.exports=a,a.displayName="tap",a.aliases=[]},67989:function(e){"use strict";function t(e){e.languages.tcl={comment:{pattern:/(^|[^\\])#.*/,lookbehind:!0},string:{pattern:/"(?:[^"\\\r\n]|\\(?:\r\n|[\s\S]))*"/,greedy:!0},variable:[{pattern:/(\$)(?:::)?(?:[a-zA-Z0-9]+::)*\w+/,lookbehind:!0},{pattern:/(\$)\{[^}]+\}/,lookbehind:!0},{pattern:/(^[\t ]*set[ \t]+)(?:::)?(?:[a-zA-Z0-9]+::)*\w+/m,lookbehind:!0}],function:{pattern:/(^[\t ]*proc[ \t]+)\S+/m,lookbehind:!0},builtin:[{pattern:/(^[\t ]*)(?:break|class|continue|error|eval|exit|for|foreach|if|proc|return|switch|while)\b/m,lookbehind:!0},/\b(?:else|elseif)\b/],scope:{pattern:/(^[\t ]*)(?:global|upvar|variable)\b/m,lookbehind:!0,alias:"constant"},keyword:{pattern:/(^[\t ]*|\[)(?:Safe_Base|Tcl|after|append|apply|array|auto_(?:execok|import|load|mkindex|qualify|reset)|automkindex_old|bgerror|binary|catch|cd|chan|clock|close|concat|dde|dict|encoding|eof|exec|expr|fblocked|fconfigure|fcopy|file(?:event|name)?|flush|gets|glob|history|http|incr|info|interp|join|lappend|lassign|lindex|linsert|list|llength|load|lrange|lrepeat|lreplace|lreverse|lsearch|lset|lsort|math(?:func|op)|memory|msgcat|namespace|open|package|parray|pid|pkg_mkIndex|platform|puts|pwd|re_syntax|read|refchan|regexp|registry|regsub|rename|scan|seek|set|socket|source|split|string|subst|tcl(?:_endOfWord|_findLibrary|startOf(?:Next|Previous)Word|test|vars|wordBreak(?:After|Before))|tell|time|tm|trace|unknown|unload|unset|update|uplevel|vwait)\b/m,lookbehind:!0},operator:/!=?|\*\*?|==|&&?|\|\|?|<[=<]?|>[=>]?|[-+~\/%?^]|\b(?:eq|in|ne|ni)\b/,punctuation:/[{}()\[\]]/}}e.exports=t,t.displayName="tcl",t.aliases=[]},31065:function(e){"use strict";function t(e){!function(e){var t=/\([^|()\n]+\)|\[[^\]\n]+\]|\{[^}\n]+\}/.source,n=/\)|\((?![^|()\n]+\))/.source;function r(e,r){return RegExp(e.replace(//g,function(){return"(?:"+t+")"}).replace(//g,function(){return"(?:"+n+")"}),r||"")}var a={css:{pattern:/\{[^{}]+\}/,inside:{rest:e.languages.css}},"class-id":{pattern:/(\()[^()]+(?=\))/,lookbehind:!0,alias:"attr-value"},lang:{pattern:/(\[)[^\[\]]+(?=\])/,lookbehind:!0,alias:"attr-value"},punctuation:/[\\\/]\d+|\S/},i=e.languages.textile=e.languages.extend("markup",{phrase:{pattern:/(^|\r|\n)\S[\s\S]*?(?=$|\r?\n\r?\n|\r\r)/,lookbehind:!0,inside:{"block-tag":{pattern:r(/^[a-z]\w*(?:||[<>=])*\./.source),inside:{modifier:{pattern:r(/(^[a-z]\w*)(?:||[<>=])+(?=\.)/.source),lookbehind:!0,inside:a},tag:/^[a-z]\w*/,punctuation:/\.$/}},list:{pattern:r(/^[*#]+*\s+\S.*/.source,"m"),inside:{modifier:{pattern:r(/(^[*#]+)+/.source),lookbehind:!0,inside:a},punctuation:/^[*#]+/}},table:{pattern:r(/^(?:(?:||[<>=^~])+\.\s*)?(?:\|(?:(?:||[<>=^~_]|[\\/]\d+)+\.|(?!(?:||[<>=^~_]|[\\/]\d+)+\.))[^|]*)+\|/.source,"m"),inside:{modifier:{pattern:r(/(^|\|(?:\r?\n|\r)?)(?:||[<>=^~_]|[\\/]\d+)+(?=\.)/.source),lookbehind:!0,inside:a},punctuation:/\||^\./}},inline:{pattern:r(/(^|[^a-zA-Z\d])(\*\*|__|\?\?|[*_%@+\-^~])*.+?\2(?![a-zA-Z\d])/.source),lookbehind:!0,inside:{bold:{pattern:r(/(^(\*\*?)*).+?(?=\2)/.source),lookbehind:!0},italic:{pattern:r(/(^(__?)*).+?(?=\2)/.source),lookbehind:!0},cite:{pattern:r(/(^\?\?*).+?(?=\?\?)/.source),lookbehind:!0,alias:"string"},code:{pattern:r(/(^@*).+?(?=@)/.source),lookbehind:!0,alias:"keyword"},inserted:{pattern:r(/(^\+*).+?(?=\+)/.source),lookbehind:!0},deleted:{pattern:r(/(^-*).+?(?=-)/.source),lookbehind:!0},span:{pattern:r(/(^%*).+?(?=%)/.source),lookbehind:!0},modifier:{pattern:r(/(^\*\*|__|\?\?|[*_%@+\-^~])+/.source),lookbehind:!0,inside:a},punctuation:/[*_%?@+\-^~]+/}},"link-ref":{pattern:/^\[[^\]]+\]\S+$/m,inside:{string:{pattern:/(^\[)[^\]]+(?=\])/,lookbehind:!0},url:{pattern:/(^\])\S+$/,lookbehind:!0},punctuation:/[\[\]]/}},link:{pattern:r(/"*[^"]+":.+?(?=[^\w/]?(?:\s|$))/.source),inside:{text:{pattern:r(/(^"*)[^"]+(?=")/.source),lookbehind:!0},modifier:{pattern:r(/(^")+/.source),lookbehind:!0,inside:a},url:{pattern:/(:).+/,lookbehind:!0},punctuation:/[":]/}},image:{pattern:r(/!(?:||[<>=])*(?![<>=])[^!\s()]+(?:\([^)]+\))?!(?::.+?(?=[^\w/]?(?:\s|$)))?/.source),inside:{source:{pattern:r(/(^!(?:||[<>=])*)(?![<>=])[^!\s()]+(?:\([^)]+\))?(?=!)/.source),lookbehind:!0,alias:"url"},modifier:{pattern:r(/(^!)(?:||[<>=])+/.source),lookbehind:!0,inside:a},url:{pattern:/(:).+/,lookbehind:!0},punctuation:/[!:]/}},footnote:{pattern:/\b\[\d+\]/,alias:"comment",inside:{punctuation:/\[|\]/}},acronym:{pattern:/\b[A-Z\d]+\([^)]+\)/,inside:{comment:{pattern:/(\()[^()]+(?=\))/,lookbehind:!0},punctuation:/[()]/}},mark:{pattern:/\b\((?:C|R|TM)\)/,alias:"comment",inside:{punctuation:/[()]/}}}}}),o=i.phrase.inside,s={inline:o.inline,link:o.link,image:o.image,footnote:o.footnote,acronym:o.acronym,mark:o.mark};i.tag.pattern=/<\/?(?!\d)[a-z0-9]+(?:\s+[^\s>\/=]+(?:=(?:("|')(?:\\[\s\S]|(?!\1)[^\\])*\1|[^\s'">=]+))?)*\s*\/?>/i;var l=o.inline.inside;l.bold.inside=s,l.italic.inside=s,l.inserted.inside=s,l.deleted.inside=s,l.span.inside=s;var c=o.table.inside;c.inline=s.inline,c.link=s.link,c.image=s.image,c.footnote=s.footnote,c.acronym=s.acronym,c.mark=s.mark}(e)}e.exports=t,t.displayName="textile",t.aliases=[]},85572:function(e){"use strict";function t(e){!function(e){var t=/(?:[\w-]+|'[^'\n\r]*'|"(?:\\.|[^\\"\r\n])*")/.source;function n(e){return e.replace(/__/g,function(){return t})}e.languages.toml={comment:{pattern:/#.*/,greedy:!0},table:{pattern:RegExp(n(/(^[\t ]*\[\s*(?:\[\s*)?)__(?:\s*\.\s*__)*(?=\s*\])/.source),"m"),lookbehind:!0,greedy:!0,alias:"class-name"},key:{pattern:RegExp(n(/(^[\t ]*|[{,]\s*)__(?:\s*\.\s*__)*(?=\s*=)/.source),"m"),lookbehind:!0,greedy:!0,alias:"property"},string:{pattern:/"""(?:\\[\s\S]|[^\\])*?"""|'''[\s\S]*?'''|'[^'\n\r]*'|"(?:\\.|[^\\"\r\n])*"/,greedy:!0},date:[{pattern:/\b\d{4}-\d{2}-\d{2}(?:[T\s]\d{2}:\d{2}:\d{2}(?:\.\d+)?(?:Z|[+-]\d{2}:\d{2})?)?\b/i,alias:"number"},{pattern:/\b\d{2}:\d{2}:\d{2}(?:\.\d+)?\b/,alias:"number"}],number:/(?:\b0(?:x[\da-zA-Z]+(?:_[\da-zA-Z]+)*|o[0-7]+(?:_[0-7]+)*|b[10]+(?:_[10]+)*))\b|[-+]?\b\d+(?:_\d+)*(?:\.\d+(?:_\d+)*)?(?:[eE][+-]?\d+(?:_\d+)*)?\b|[-+]?\b(?:inf|nan)\b/,boolean:/\b(?:false|true)\b/,punctuation:/[.,=[\]{}]/}}(e)}e.exports=t,t.displayName="toml",t.aliases=[]},27536:function(e){"use strict";function t(e){var t;e.languages.tremor={comment:{pattern:/(^|[^\\])(?:\/\*[\s\S]*?\*\/|(?:--|\/\/|#).*)/,lookbehind:!0},"interpolated-string":null,extractor:{pattern:/\b[a-z_]\w*\|(?:[^\r\n\\|]|\\(?:\r\n|[\s\S]))*\|/i,greedy:!0,inside:{regex:{pattern:/(^re)\|[\s\S]+/,lookbehind:!0},function:/^\w+/,value:/\|[\s\S]+/}},identifier:{pattern:/`[^`]*`/,greedy:!0},function:/\b[a-z_]\w*(?=\s*(?:::\s*<|\())\b/,keyword:/\b(?:args|as|by|case|config|connect|connector|const|copy|create|default|define|deploy|drop|each|emit|end|erase|event|flow|fn|for|from|group|having|insert|into|intrinsic|let|links|match|merge|mod|move|of|operator|patch|pipeline|recur|script|select|set|sliding|state|stream|to|tumbling|update|use|when|where|window|with)\b/,boolean:/\b(?:false|null|true)\b/i,number:/\b(?:0b[01_]*|0x[0-9a-fA-F_]*|\d[\d_]*(?:\.\d[\d_]*)?(?:[Ee][+-]?[\d_]+)?)\b/,"pattern-punctuation":{pattern:/%(?=[({[])/,alias:"punctuation"},operator:/[-+*\/%~!^]=?|=[=>]?|&[&=]?|\|[|=]?|<>?>?=?|(?:absent|and|not|or|present|xor)\b/,punctuation:/::|[;\[\]()\{\},.:]/},t=/#\{(?:[^"{}]|\{[^{}]*\}|"(?:[^"\\\r\n]|\\(?:\r\n|[\s\S]))*")*\}/.source,e.languages.tremor["interpolated-string"]={pattern:RegExp(/(^|[^\\])/.source+'(?:"""(?:'+/[^"\\#]|\\[\s\S]|"(?!"")|#(?!\{)/.source+"|"+t+')*"""|"(?:'+/[^"\\\r\n#]|\\(?:\r\n|[\s\S])|#(?!\{)/.source+"|"+t+')*")'),lookbehind:!0,greedy:!0,inside:{interpolation:{pattern:RegExp(t),inside:{punctuation:/^#\{|\}$/,expression:{pattern:/[\s\S]+/,inside:e.languages.tremor}}},string:/[\s\S]+/}},e.languages.troy=e.languages.tremor,e.languages.trickle=e.languages.tremor}e.exports=t,t.displayName="tremor",t.aliases=[]},87041:function(e,t,n){"use strict";var r=n(96412),a=n(4979);function i(e){var t,n;e.register(r),e.register(a),t=e.util.clone(e.languages.typescript),e.languages.tsx=e.languages.extend("jsx",t),delete e.languages.tsx.parameter,delete e.languages.tsx["literal-property"],(n=e.languages.tsx.tag).pattern=RegExp(/(^|[^\w$]|(?=<\/))/.source+"(?:"+n.pattern.source+")",n.pattern.flags),n.lookbehind=!0}e.exports=i,i.displayName="tsx",i.aliases=[]},61028:function(e,t,n){"use strict";var r=n(93205);function a(e){e.register(r),e.languages.tt2=e.languages.extend("clike",{comment:/#.*|\[%#[\s\S]*?%\]/,keyword:/\b(?:BLOCK|CALL|CASE|CATCH|CLEAR|DEBUG|DEFAULT|ELSE|ELSIF|END|FILTER|FINAL|FOREACH|GET|IF|IN|INCLUDE|INSERT|LAST|MACRO|META|NEXT|PERL|PROCESS|RAWPERL|RETURN|SET|STOP|SWITCH|TAGS|THROW|TRY|UNLESS|USE|WHILE|WRAPPER)\b/,punctuation:/[[\]{},()]/}),e.languages.insertBefore("tt2","number",{operator:/=[>=]?|!=?|<=?|>=?|&&|\|\|?|\b(?:and|not|or)\b/,variable:{pattern:/\b[a-z]\w*(?:\s*\.\s*(?:\d+|\$?[a-z]\w*))*\b/i}}),e.languages.insertBefore("tt2","keyword",{delimiter:{pattern:/^(?:\[%|%%)-?|-?%\]$/,alias:"punctuation"}}),e.languages.insertBefore("tt2","string",{"single-quoted-string":{pattern:/'[^\\']*(?:\\[\s\S][^\\']*)*'/,greedy:!0,alias:"string"},"double-quoted-string":{pattern:/"[^\\"]*(?:\\[\s\S][^\\"]*)*"/,greedy:!0,alias:"string",inside:{variable:{pattern:/\$(?:[a-z]\w*(?:\.(?:\d+|\$?[a-z]\w*))*)/i}}}}),delete e.languages.tt2.string,e.hooks.add("before-tokenize",function(t){e.languages["markup-templating"].buildPlaceholders(t,"tt2",/\[%[\s\S]+?%\]/g)}),e.hooks.add("after-tokenize",function(t){e.languages["markup-templating"].tokenizePlaceholders(t,"tt2")})}e.exports=a,a.displayName="tt2",a.aliases=[]},24691:function(e){"use strict";function t(e){e.languages.turtle={comment:{pattern:/#.*/,greedy:!0},"multiline-string":{pattern:/"""(?:(?:""?)?(?:[^"\\]|\\.))*"""|'''(?:(?:''?)?(?:[^'\\]|\\.))*'''/,greedy:!0,alias:"string",inside:{comment:/#.*/}},string:{pattern:/"(?:[^\\"\r\n]|\\.)*"|'(?:[^\\'\r\n]|\\.)*'/,greedy:!0},url:{pattern:/<(?:[^\x00-\x20<>"{}|^`\\]|\\(?:u[\da-fA-F]{4}|U[\da-fA-F]{8}))*>/,greedy:!0,inside:{punctuation:/[<>]/}},function:{pattern:/(?:(?![-.\d\xB7])[-.\w\xB7\xC0-\uFFFD]+)?:(?:(?![-.])(?:[-.:\w\xC0-\uFFFD]|%[\da-f]{2}|\\.)+)?/i,inside:{"local-name":{pattern:/([^:]*:)[\s\S]+/,lookbehind:!0},prefix:{pattern:/[\s\S]+/,inside:{punctuation:/:/}}}},number:/[+-]?\b\d+(?:\.\d*)?(?:e[+-]?\d+)?/i,punctuation:/[{}.,;()[\]]|\^\^/,boolean:/\b(?:false|true)\b/,keyword:[/(?:\ba|@prefix|@base)\b|=/,/\b(?:base|graph|prefix)\b/i],tag:{pattern:/@[a-z]+(?:-[a-z\d]+)*/i,inside:{punctuation:/@/}}},e.languages.trig=e.languages.turtle}e.exports=t,t.displayName="turtle",t.aliases=[]},19892:function(e,t,n){"use strict";var r=n(93205);function a(e){e.register(r),e.languages.twig={comment:/^\{#[\s\S]*?#\}$/,"tag-name":{pattern:/(^\{%-?\s*)\w+/,lookbehind:!0,alias:"keyword"},delimiter:{pattern:/^\{[{%]-?|-?[%}]\}$/,alias:"punctuation"},string:{pattern:/("|')(?:\\.|(?!\1)[^\\\r\n])*\1/,inside:{punctuation:/^['"]|['"]$/}},keyword:/\b(?:even|if|odd)\b/,boolean:/\b(?:false|null|true)\b/,number:/\b0x[\dA-Fa-f]+|(?:\b\d+(?:\.\d*)?|\B\.\d+)(?:[Ee][-+]?\d+)?/,operator:[{pattern:/(\s)(?:and|b-and|b-or|b-xor|ends with|in|is|matches|not|or|same as|starts with)(?=\s)/,lookbehind:!0},/[=<>]=?|!=|\*\*?|\/\/?|\?:?|[-+~%|]/],punctuation:/[()\[\]{}:.,]/},e.hooks.add("before-tokenize",function(t){"twig"===t.language&&e.languages["markup-templating"].buildPlaceholders(t,"twig",/\{(?:#[\s\S]*?#|%[\s\S]*?%|\{[\s\S]*?\})\}/g)}),e.hooks.add("after-tokenize",function(t){e.languages["markup-templating"].tokenizePlaceholders(t,"twig")})}e.exports=a,a.displayName="twig",a.aliases=[]},4979:function(e){"use strict";function t(e){var t;e.languages.typescript=e.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/}),e.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 e.languages.typescript.parameter,delete e.languages.typescript["literal-property"],t=e.languages.extend("typescript",{}),delete t["class-name"],e.languages.typescript["class-name"].inside=t,e.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:t}}}}),e.languages.ts=e.languages.typescript}e.exports=t,t.displayName="typescript",t.aliases=["ts"]},23159:function(e){"use strict";function t(e){var t;t=/\b(?:ACT|ACTIFSUB|CARRAY|CASE|CLEARGIF|COA|COA_INT|CONSTANTS|CONTENT|CUR|EDITPANEL|EFFECT|EXT|FILE|FLUIDTEMPLATE|FORM|FRAME|FRAMESET|GIFBUILDER|GMENU|GMENU_FOLDOUT|GMENU_LAYERS|GP|HMENU|HRULER|HTML|IENV|IFSUB|IMAGE|IMGMENU|IMGMENUITEM|IMGTEXT|IMG_RESOURCE|INCLUDE_TYPOSCRIPT|JSMENU|JSMENUITEM|LLL|LOAD_REGISTER|NO|PAGE|RECORDS|RESTORE_REGISTER|TEMPLATE|TEXT|TMENU|TMENUITEM|TMENU_LAYERS|USER|USER_INT|_GIFBUILDER|global|globalString|globalVar)\b/,e.languages.typoscript={comment:[{pattern:/(^|[^\\])\/\*[\s\S]*?(?:\*\/|$)/,lookbehind:!0},{pattern:/(^|[^\\:= \t]|(?:^|[^= \t])[ \t]+)\/\/.*/,lookbehind:!0,greedy:!0},{pattern:/(^|[^"'])#.*/,lookbehind:!0,greedy:!0}],function:[{pattern://,inside:{string:{pattern:/"[^"\r\n]*"|'[^'\r\n]*'/,inside:{keyword:t}},keyword:{pattern:/INCLUDE_TYPOSCRIPT/}}},{pattern:/@import\s*(?:"[^"\r\n]*"|'[^'\r\n]*')/,inside:{string:/"[^"\r\n]*"|'[^'\r\n]*'/}}],string:{pattern:/^([^=]*=[< ]?)(?:(?!\]\n).)*/,lookbehind:!0,inside:{function:/\{\$.*\}/,keyword:t,number:/^\d+$/,punctuation:/[,|:]/}},keyword:t,number:{pattern:/\b\d+\s*[.{=]/,inside:{operator:/[.{=]/}},tag:{pattern:/\.?[-\w\\]+\.?/,inside:{punctuation:/\./}},punctuation:/[{}[\];(),.:|]/,operator:/[<>]=?|[!=]=?=?|--?|\+\+?|&&?|\|\|?|[?*/~^%]/},e.languages.tsconfig=e.languages.typoscript}e.exports=t,t.displayName="typoscript",t.aliases=["tsconfig"]},34966:function(e){"use strict";function t(e){e.languages.unrealscript={comment:/\/\/.*|\/\*[\s\S]*?\*\//,string:{pattern:/(["'])(?:\\(?:\r\n|[\s\S])|(?!\1)[^\\\r\n])*\1/,greedy:!0},category:{pattern:/(\b(?:(?:autoexpand|hide|show)categories|var)\s*\()[^()]+(?=\))/,lookbehind:!0,greedy:!0,alias:"property"},metadata:{pattern:/(\w\s*)<\s*\w+\s*=[^<>|=\r\n]+(?:\|\s*\w+\s*=[^<>|=\r\n]+)*>/,lookbehind:!0,greedy:!0,inside:{property:/\b\w+(?=\s*=)/,operator:/=/,punctuation:/[<>|]/}},macro:{pattern:/`\w+/,alias:"property"},"class-name":{pattern:/(\b(?:class|enum|extends|interface|state(?:\(\))?|struct|within)\s+)\w+/,lookbehind:!0},keyword:/\b(?:abstract|actor|array|auto|autoexpandcategories|bool|break|byte|case|class|classgroup|client|coerce|collapsecategories|config|const|continue|default|defaultproperties|delegate|dependson|deprecated|do|dontcollapsecategories|editconst|editinlinenew|else|enum|event|exec|export|extends|final|float|for|forcescriptorder|foreach|function|goto|guid|hidecategories|hidedropdown|if|ignores|implements|inherits|input|int|interface|iterator|latent|local|material|name|native|nativereplication|noexport|nontransient|noteditinlinenew|notplaceable|operator|optional|out|pawn|perobjectconfig|perobjectlocalized|placeable|postoperator|preoperator|private|protected|reliable|replication|return|server|showcategories|simulated|singular|state|static|string|struct|structdefault|structdefaultproperties|switch|texture|transient|travel|unreliable|until|var|vector|while|within)\b/,function:/\b[a-z_]\w*(?=\s*\()/i,boolean:/\b(?:false|true)\b/,number:/\b0x[\da-f]+\b|(?:\b\d+(?:\.\d*)?|\B\.\d+)(?:e[+-]?\d+)?/i,operator:/>>|<<|--|\+\+|\*\*|[-+*/~!=<>$@]=?|&&?|\|\|?|\^\^?|[?:%]|\b(?:ClockwiseFrom|Cross|Dot)\b/,punctuation:/[()[\]{};,.]/},e.languages.uc=e.languages.uscript=e.languages.unrealscript}e.exports=t,t.displayName="unrealscript",t.aliases=["uc","uscript"]},44623:function(e){"use strict";function t(e){e.languages.uorazor={"comment-hash":{pattern:/#.*/,alias:"comment",greedy:!0},"comment-slash":{pattern:/\/\/.*/,alias:"comment",greedy:!0},string:{pattern:/("|')(?:\\.|(?!\1)[^\\\r\n])*\1/,inside:{punctuation:/^['"]|['"]$/},greedy:!0},"source-layers":{pattern:/\b(?:arms|backpack|blue|bracelet|cancel|clear|cloak|criminal|earrings|enemy|facialhair|friend|friendly|gloves|gray|grey|ground|hair|head|innerlegs|innertorso|innocent|lefthand|middletorso|murderer|neck|nonfriendly|onehandedsecondary|outerlegs|outertorso|pants|red|righthand|ring|self|shirt|shoes|talisman|waist)\b/i,alias:"function"},"source-commands":{pattern:/\b(?:alliance|attack|cast|clearall|clearignore|clearjournal|clearlist|clearsysmsg|createlist|createtimer|dclick|dclicktype|dclickvar|dress|dressconfig|drop|droprelloc|emote|getlabel|guild|gumpclose|gumpresponse|hotkey|ignore|lasttarget|lift|lifttype|menu|menuresponse|msg|org|organize|organizer|overhead|pause|poplist|potion|promptresponse|pushlist|removelist|removetimer|rename|restock|say|scav|scavenger|script|setability|setlasttarget|setskill|settimer|setvar|sysmsg|target|targetloc|targetrelloc|targettype|undress|unignore|unsetvar|useobject|useonce|useskill|usetype|virtue|wait|waitforgump|waitformenu|waitforprompt|waitforstat|waitforsysmsg|waitfortarget|walk|wfsysmsg|wft|whisper|yell)\b/,alias:"function"},"tag-name":{pattern:/(^\{%-?\s*)\w+/,lookbehind:!0,alias:"keyword"},delimiter:{pattern:/^\{[{%]-?|-?[%}]\}$/,alias:"punctuation"},function:/\b(?:atlist|close|closest|count|counter|counttype|dead|dex|diffhits|diffmana|diffstam|diffweight|find|findbuff|finddebuff|findlayer|findtype|findtypelist|followers|gumpexists|hidden|hits|hp|hue|human|humanoid|ingump|inlist|insysmessage|insysmsg|int|invul|lhandempty|list|listexists|mana|maxhits|maxhp|maxmana|maxstam|maxweight|monster|mounted|name|next|noto|paralyzed|poisoned|position|prev|previous|queued|rand|random|rhandempty|skill|stam|str|targetexists|timer|timerexists|varexist|warmode|weight)\b/,keyword:/\b(?:and|as|break|continue|else|elseif|endfor|endif|endwhile|for|if|loop|not|or|replay|stop|while)\b/,boolean:/\b(?:false|null|true)\b/,number:/\b0x[\dA-Fa-f]+|(?:\b\d+(?:\.\d*)?|\B\.\d+)(?:[Ee][-+]?\d+)?/,operator:[{pattern:/(\s)(?:and|b-and|b-or|b-xor|ends with|in|is|matches|not|or|same as|starts with)(?=\s)/,lookbehind:!0},/[=<>]=?|!=|\*\*?|\/\/?|\?:?|[-+~%|]/],punctuation:/[()\[\]{}:.,]/}}e.exports=t,t.displayName="uorazor",t.aliases=[]},38521:function(e){"use strict";function t(e){e.languages.uri={scheme:{pattern:/^[a-z][a-z0-9+.-]*:/im,greedy:!0,inside:{"scheme-delimiter":/:$/}},fragment:{pattern:/#[\w\-.~!$&'()*+,;=%:@/?]*/,inside:{"fragment-delimiter":/^#/}},query:{pattern:/\?[\w\-.~!$&'()*+,;=%:@/?]*/,inside:{"query-delimiter":{pattern:/^\?/,greedy:!0},"pair-delimiter":/[&;]/,pair:{pattern:/^[^=][\s\S]*/,inside:{key:/^[^=]+/,value:{pattern:/(^=)[\s\S]+/,lookbehind:!0}}}}},authority:{pattern:RegExp(/^\/\//.source+/(?:[\w\-.~!$&'()*+,;=%:]*@)?/.source+("(?:"+/\[(?:[0-9a-fA-F:.]{2,48}|v[0-9a-fA-F]+\.[\w\-.~!$&'()*+,;=]+)\]/.source)+"|"+/[\w\-.~!$&'()*+,;=%]*/.source+")"+/(?::\d*)?/.source,"m"),inside:{"authority-delimiter":/^\/\//,"user-info-segment":{pattern:/^[\w\-.~!$&'()*+,;=%:]*@/,inside:{"user-info-delimiter":/@$/,"user-info":/^[\w\-.~!$&'()*+,;=%:]+/}},"port-segment":{pattern:/:\d*$/,inside:{"port-delimiter":/^:/,port:/^\d+/}},host:{pattern:/[\s\S]+/,inside:{"ip-literal":{pattern:/^\[[\s\S]+\]$/,inside:{"ip-literal-delimiter":/^\[|\]$/,"ipv-future":/^v[\s\S]+/,"ipv6-address":/^[\s\S]+/}},"ipv4-address":/^(?:(?:[03-9]\d?|[12]\d{0,2})\.){3}(?:[03-9]\d?|[12]\d{0,2})$/}}}},path:{pattern:/^[\w\-.~!$&'()*+,;=%:@/]+/m,inside:{"path-separator":/\//}}},e.languages.url=e.languages.uri}e.exports=t,t.displayName="uri",t.aliases=["url"]},7255:function(e){"use strict";function t(e){var t;t={pattern:/[\s\S]+/,inside:null},e.languages.v=e.languages.extend("clike",{string:{pattern:/r?(["'])(?:\\(?:\r\n|[\s\S])|(?!\1)[^\\\r\n])*\1/,alias:"quoted-string",greedy:!0,inside:{interpolation:{pattern:/((?:^|[^\\])(?:\\{2})*)\$(?:\{[^{}]*\}|\w+(?:\.\w+(?:\([^\(\)]*\))?|\[[^\[\]]+\])*)/,lookbehind:!0,inside:{"interpolation-variable":{pattern:/^\$\w[\s\S]*$/,alias:"variable"},"interpolation-punctuation":{pattern:/^\$\{|\}$/,alias:"punctuation"},"interpolation-expression":t}}}},"class-name":{pattern:/(\b(?:enum|interface|struct|type)\s+)(?:C\.)?\w+/,lookbehind:!0},keyword:/(?:\b(?:__global|as|asm|assert|atomic|break|chan|const|continue|defer|else|embed|enum|fn|for|go(?:to)?|if|import|in|interface|is|lock|match|module|mut|none|or|pub|return|rlock|select|shared|sizeof|static|struct|type(?:of)?|union|unsafe)|\$(?:else|for|if)|#(?:flag|include))\b/,number:/\b(?:0x[a-f\d]+(?:_[a-f\d]+)*|0b[01]+(?:_[01]+)*|0o[0-7]+(?:_[0-7]+)*|\d+(?:_\d+)*(?:\.\d+(?:_\d+)*)?)\b/i,operator:/~|\?|[*\/%^!=]=?|\+[=+]?|-[=-]?|\|[=|]?|&(?:=|&|\^=?)?|>(?:>=?|=)?|<(?:<=?|=|-)?|:=|\.\.\.?/,builtin:/\b(?:any(?:_float|_int)?|bool|byte(?:ptr)?|charptr|f(?:32|64)|i(?:8|16|64|128|nt)|rune|size_t|string|u(?:16|32|64|128)|voidptr)\b/}),t.inside=e.languages.v,e.languages.insertBefore("v","string",{char:{pattern:/`(?:\\`|\\?[^`]{1,2})`/,alias:"rune"}}),e.languages.insertBefore("v","operator",{attribute:{pattern:/(^[\t ]*)\[(?:deprecated|direct_array_access|flag|inline|live|ref_only|typedef|unsafe_fn|windows_stdcall)\]/m,lookbehind:!0,alias:"annotation",inside:{punctuation:/[\[\]]/,keyword:/\w+/}},generic:{pattern:/<\w+>(?=\s*[\)\{])/,inside:{punctuation:/[<>]/,"class-name":/\w+/}}}),e.languages.insertBefore("v","function",{"generic-function":{pattern:/\b\w+\s*<\w+>(?=\()/,inside:{function:/^\w+/,generic:{pattern:/<\w+>/,inside:e.languages.v.generic.inside}}}})}e.exports=t,t.displayName="v",t.aliases=[]},28173:function(e){"use strict";function t(e){e.languages.vala=e.languages.extend("clike",{"class-name":[{pattern:/\b[A-Z]\w*(?:\.\w+)*\b(?=(?:\?\s+|\*?\s+\*?)\w)/,inside:{punctuation:/\./}},{pattern:/(\[)[A-Z]\w*(?:\.\w+)*\b/,lookbehind:!0,inside:{punctuation:/\./}},{pattern:/(\b(?:class|interface)\s+[A-Z]\w*(?:\.\w+)*\s*:\s*)[A-Z]\w*(?:\.\w+)*\b/,lookbehind:!0,inside:{punctuation:/\./}},{pattern:/((?:\b(?:class|enum|interface|new|struct)\s+)|(?:catch\s+\())[A-Z]\w*(?:\.\w+)*\b/,lookbehind:!0,inside:{punctuation:/\./}}],keyword:/\b(?:abstract|as|assert|async|base|bool|break|case|catch|char|class|const|construct|continue|default|delegate|delete|do|double|dynamic|else|ensures|enum|errordomain|extern|finally|float|for|foreach|get|if|in|inline|int|int16|int32|int64|int8|interface|internal|is|lock|long|namespace|new|null|out|override|owned|params|private|protected|public|ref|requires|return|set|short|signal|sizeof|size_t|ssize_t|static|string|struct|switch|this|throw|throws|try|typeof|uchar|uint|uint16|uint32|uint64|uint8|ulong|unichar|unowned|ushort|using|value|var|virtual|void|volatile|weak|while|yield)\b/i,function:/\b\w+(?=\s*\()/,number:/(?:\b0x[\da-f]+\b|(?:\b\d+(?:\.\d*)?|\B\.\d+)(?:e[+-]?\d+)?)(?:f|u?l?)?/i,operator:/\+\+|--|&&|\|\||<<=?|>>=?|=>|->|~|[+\-*\/%&^|=!<>]=?|\?\??|\.\.\./,punctuation:/[{}[\];(),.:]/,constant:/\b[A-Z0-9_]+\b/}),e.languages.insertBefore("vala","string",{"raw-string":{pattern:/"""[\s\S]*?"""/,greedy:!0,alias:"string"},"template-string":{pattern:/@"[\s\S]*?"/,greedy:!0,inside:{interpolation:{pattern:/\$(?:\([^)]*\)|[a-zA-Z]\w*)/,inside:{delimiter:{pattern:/^\$\(?|\)$/,alias:"punctuation"},rest:e.languages.vala}},string:/[\s\S]+/}}}),e.languages.insertBefore("vala","keyword",{regex:{pattern:/\/(?:\[(?:[^\]\\\r\n]|\\.)*\]|\\.|[^/\\\[\r\n])+\/[imsx]{0,4}(?=\s*(?:$|[\r\n,.;})\]]))/,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]+$/}}})}e.exports=t,t.displayName="vala",t.aliases=[]},53813:function(e,t,n){"use strict";var r=n(46241);function a(e){e.register(r),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:/[,;:(){}]/})}e.exports=a,a.displayName="vbnet",a.aliases=[]},46891:function(e){"use strict";function t(e){var t;e.languages.velocity=e.languages.extend("markup",{}),(t={variable:{pattern:/(^|[^\\](?:\\\\)*)\$!?(?:[a-z][\w-]*(?:\([^)]*\))?(?:\.[a-z][\w-]*(?:\([^)]*\))?|\[[^\]]+\])*|\{[^}]+\})/i,lookbehind:!0,inside:{}},string:{pattern:/"[^"]*"|'[^']*'/,greedy:!0},number:/\b\d+\b/,boolean:/\b(?:false|true)\b/,operator:/[=!<>]=?|[+*/%-]|&&|\|\||\.\.|\b(?:eq|g[et]|l[et]|n(?:e|ot))\b/,punctuation:/[(){}[\]:,.]/}).variable.inside={string:t.string,function:{pattern:/([^\w-])[a-z][\w-]*(?=\()/,lookbehind:!0},number:t.number,boolean:t.boolean,punctuation:t.punctuation},e.languages.insertBefore("velocity","comment",{unparsed:{pattern:/(^|[^\\])#\[\[[\s\S]*?\]\]#/,lookbehind:!0,greedy:!0,inside:{punctuation:/^#\[\[|\]\]#$/}},"velocity-comment":[{pattern:/(^|[^\\])#\*[\s\S]*?\*#/,lookbehind:!0,greedy:!0,alias:"comment"},{pattern:/(^|[^\\])##.*/,lookbehind:!0,greedy:!0,alias:"comment"}],directive:{pattern:/(^|[^\\](?:\\\\)*)#@?(?:[a-z][\w-]*|\{[a-z][\w-]*\})(?:\s*\((?:[^()]|\([^()]*\))*\))?/i,lookbehind:!0,inside:{keyword:{pattern:/^#@?(?:[a-z][\w-]*|\{[a-z][\w-]*\})|\bin\b/,inside:{punctuation:/[{}]/}},rest:t}},variable:t.variable}),e.languages.velocity.tag.inside["attr-value"].inside.rest=e.languages.velocity}e.exports=t,t.displayName="velocity",t.aliases=[]},91824:function(e){"use strict";function t(e){e.languages.verilog={comment:{pattern:/\/\/.*|\/\*[\s\S]*?\*\//,greedy:!0},string:{pattern:/"(?:\\(?:\r\n|[\s\S])|[^"\\\r\n])*"/,greedy:!0},"kernel-function":{pattern:/\B\$\w+\b/,alias:"property"},constant:/\B`\w+\b/,function:/\b\w+(?=\()/,keyword:/\b(?:alias|and|assert|assign|assume|automatic|before|begin|bind|bins|binsof|bit|break|buf|bufif0|bufif1|byte|case|casex|casez|cell|chandle|class|clocking|cmos|config|const|constraint|context|continue|cover|covergroup|coverpoint|cross|deassign|default|defparam|design|disable|dist|do|edge|else|end|endcase|endclass|endclocking|endconfig|endfunction|endgenerate|endgroup|endinterface|endmodule|endpackage|endprimitive|endprogram|endproperty|endsequence|endspecify|endtable|endtask|enum|event|expect|export|extends|extern|final|first_match|for|force|foreach|forever|fork|forkjoin|function|generate|genvar|highz0|highz1|if|iff|ifnone|ignore_bins|illegal_bins|import|incdir|include|initial|inout|input|inside|instance|int|integer|interface|intersect|join|join_any|join_none|large|liblist|library|local|localparam|logic|longint|macromodule|matches|medium|modport|module|nand|negedge|new|nmos|nor|noshowcancelled|not|notif0|notif1|null|or|output|package|packed|parameter|pmos|posedge|primitive|priority|program|property|protected|pull0|pull1|pulldown|pullup|pulsestyle_ondetect|pulsestyle_onevent|pure|rand|randc|randcase|randsequence|rcmos|real|realtime|ref|reg|release|repeat|return|rnmos|rpmos|rtran|rtranif0|rtranif1|scalared|sequence|shortint|shortreal|showcancelled|signed|small|solve|specify|specparam|static|string|strong0|strong1|struct|super|supply0|supply1|table|tagged|task|this|throughout|time|timeprecision|timeunit|tran|tranif0|tranif1|tri|tri0|tri1|triand|trior|trireg|type|typedef|union|unique|unsigned|use|uwire|var|vectored|virtual|void|wait|wait_order|wand|weak0|weak1|while|wildcard|wire|with|within|wor|xnor|xor)\b/,important:/\b(?:always|always_comb|always_ff|always_latch)\b(?: *@)?/,number:/\B##?\d+|(?:\b\d+)?'[odbh] ?[\da-fzx_?]+|\b(?:\d*[._])?\d+(?:e[-+]?\d+)?/i,operator:/[-+{}^~%*\/?=!<>&|]+/,punctuation:/[[\];(),.:]/}}e.exports=t,t.displayName="verilog",t.aliases=[]},9447:function(e){"use strict";function t(e){e.languages.vhdl={comment:/--.+/,"vhdl-vectors":{pattern:/\b[oxb]"[\da-f_]+"|"[01uxzwlh-]+"/i,alias:"number"},"quoted-function":{pattern:/"\S+?"(?=\()/,alias:"function"},string:/"(?:[^\\"\r\n]|\\(?:\r\n|[\s\S]))*"/,constant:/\b(?:library|use)\b/i,keyword:/\b(?:'active|'ascending|'base|'delayed|'driving|'driving_value|'event|'high|'image|'instance_name|'last_active|'last_event|'last_value|'left|'leftof|'length|'low|'path_name|'pos|'pred|'quiet|'range|'reverse_range|'right|'rightof|'simple_name|'stable|'succ|'transaction|'val|'value|access|after|alias|all|architecture|array|assert|attribute|begin|block|body|buffer|bus|case|component|configuration|constant|disconnect|downto|else|elsif|end|entity|exit|file|for|function|generate|generic|group|guarded|if|impure|in|inertial|inout|is|label|library|linkage|literal|loop|map|new|next|null|of|on|open|others|out|package|port|postponed|procedure|process|pure|range|record|register|reject|report|return|select|severity|shared|signal|subtype|then|to|transport|type|unaffected|units|until|use|variable|wait|when|while|with)\b/i,boolean:/\b(?:false|true)\b/i,function:/\w+(?=\()/,number:/'[01uxzwlh-]'|\b(?:\d+#[\da-f_.]+#|\d[\d_.]*)(?:e[-+]?\d+)?/i,operator:/[<>]=?|:=|[-+*/&=]|\b(?:abs|and|mod|nand|nor|not|or|rem|rol|ror|sla|sll|sra|srl|xnor|xor)\b/i,punctuation:/[{}[\];(),.:]/}}e.exports=t,t.displayName="vhdl",t.aliases=[]},53062:function(e){"use strict";function t(e){e.languages.vim={string:/"(?:[^"\\\r\n]|\\.)*"|'(?:[^'\r\n]|'')*'/,comment:/".*/,function:/\b\w+(?=\()/,keyword:/\b(?:N|Next|P|Print|X|XMLent|XMLns|ab|abbreviate|abc|abclear|abo|aboveleft|al|all|ar|arga|argadd|argd|argdelete|argdo|arge|argedit|argg|argglobal|argl|arglocal|args|argu|argument|as|ascii|b|bN|bNext|ba|bad|badd|ball|bd|bdelete|be|bel|belowright|bf|bfirst|bl|blast|bm|bmodified|bn|bnext|bo|botright|bp|bprevious|br|brea|break|breaka|breakadd|breakd|breakdel|breakl|breaklist|brewind|bro|browse|bufdo|buffer|buffers|bun|bunload|bw|bwipeout|c|cN|cNext|cNfcNfile|ca|cabbrev|cabc|cabclear|cad|caddb|caddbuffer|caddexpr|caddf|caddfile|cal|call|cat|catch|cb|cbuffer|cc|ccl|cclose|cd|ce|center|cex|cexpr|cf|cfile|cfir|cfirst|cg|cgetb|cgetbuffer|cgete|cgetexpr|cgetfile|change|changes|chd|chdir|che|checkpath|checkt|checktime|cl|cla|clast|clist|clo|close|cmapc|cmapclear|cn|cnew|cnewer|cnext|cnf|cnfile|cnorea|cnoreabbrev|co|col|colder|colo|colorscheme|comc|comclear|comp|compiler|con|conf|confirm|continue|cope|copen|copy|cp|cpf|cpfile|cprevious|cq|cquit|cr|crewind|cu|cuna|cunabbrev|cunmap|cw|cwindow|d|debugg|debuggreedy|delc|delcommand|delete|delf|delfunction|delm|delmarks|di|diffg|diffget|diffoff|diffpatch|diffpu|diffput|diffsplit|diffthis|diffu|diffupdate|dig|digraphs|display|dj|djump|dl|dlist|dr|drop|ds|dsearch|dsp|dsplit|e|earlier|echoe|echoerr|echom|echomsg|echon|edit|el|else|elsei|elseif|em|emenu|en|endf|endfo|endfor|endfun|endfunction|endif|endt|endtry|endw|endwhile|ene|enew|ex|exi|exit|exu|exusage|f|file|files|filetype|fin|fina|finally|find|fini|finish|fir|first|fix|fixdel|fo|fold|foldc|foldclose|foldd|folddoc|folddoclosed|folddoopen|foldo|foldopen|for|fu|fun|function|go|goto|gr|grep|grepa|grepadd|h|ha|hardcopy|help|helpf|helpfind|helpg|helpgrep|helpt|helptags|hid|hide|his|history|ia|iabbrev|iabc|iabclear|if|ij|ijump|il|ilist|imapc|imapclear|in|inorea|inoreabbrev|isearch|isp|isplit|iu|iuna|iunabbrev|iunmap|j|join|ju|jumps|k|kee|keepalt|keepj|keepjumps|keepmarks|l|lN|lNext|lNf|lNfile|la|lad|laddb|laddbuffer|laddexpr|laddf|laddfile|lan|language|last|later|lb|lbuffer|lc|lcd|lch|lchdir|lcl|lclose|left|lefta|leftabove|let|lex|lexpr|lf|lfile|lfir|lfirst|lg|lgetb|lgetbuffer|lgete|lgetexpr|lgetfile|lgr|lgrep|lgrepa|lgrepadd|lh|lhelpgrep|list|ll|lla|llast|lli|llist|lm|lmak|lmake|lmap|lmapc|lmapclear|ln|lne|lnew|lnewer|lnext|lnf|lnfile|lnoremap|lo|loadview|loc|lockmarks|lockv|lockvar|lol|lolder|lop|lopen|lp|lpf|lpfile|lprevious|lr|lrewind|ls|lt|ltag|lu|lunmap|lv|lvimgrep|lvimgrepa|lvimgrepadd|lw|lwindow|m|ma|mak|make|mark|marks|mat|match|menut|menutranslate|mk|mkexrc|mks|mksession|mksp|mkspell|mkv|mkvie|mkview|mkvimrc|mod|mode|move|mz|mzf|mzfile|mzscheme|n|nbkey|new|next|nmapc|nmapclear|noh|nohlsearch|norea|noreabbrev|nu|number|nun|nunmap|o|omapc|omapclear|on|only|open|opt|options|ou|ounmap|p|pc|pclose|pe|ped|pedit|perl|perld|perldo|po|pop|popu|popup|pp|ppop|pre|preserve|prev|previous|print|prof|profd|profdel|profile|promptf|promptfind|promptr|promptrepl|ps|psearch|ptN|ptNext|pta|ptag|ptf|ptfirst|ptj|ptjump|ptl|ptlast|ptn|ptnext|ptp|ptprevious|ptr|ptrewind|pts|ptselect|pu|put|pw|pwd|py|pyf|pyfile|python|q|qa|qall|quit|quita|quitall|r|read|rec|recover|red|redi|redir|redo|redr|redraw|redraws|redrawstatus|reg|registers|res|resize|ret|retab|retu|return|rew|rewind|ri|right|rightb|rightbelow|ru|rub|ruby|rubyd|rubydo|rubyf|rubyfile|runtime|rv|rviminfo|sN|sNext|sa|sal|sall|san|sandbox|sargument|sav|saveas|sb|sbN|sbNext|sba|sball|sbf|sbfirst|sbl|sblast|sbm|sbmodified|sbn|sbnext|sbp|sbprevious|sbr|sbrewind|sbuffer|scrip|scripte|scriptencoding|scriptnames|se|set|setf|setfiletype|setg|setglobal|setl|setlocal|sf|sfind|sfir|sfirst|sh|shell|sign|sil|silent|sim|simalt|sl|sla|slast|sleep|sm|smagic|smap|smapc|smapclear|sme|smenu|sn|snext|sni|sniff|sno|snomagic|snor|snoremap|snoreme|snoremenu|so|sor|sort|source|sp|spe|spelld|spelldump|spellgood|spelli|spellinfo|spellr|spellrepall|spellu|spellundo|spellw|spellwrong|split|spr|sprevious|sre|srewind|st|sta|stag|star|startg|startgreplace|startinsert|startr|startreplace|stj|stjump|stop|stopi|stopinsert|sts|stselect|sun|sunhide|sunm|sunmap|sus|suspend|sv|sview|syncbind|t|tN|tNext|ta|tab|tabN|tabNext|tabc|tabclose|tabd|tabdo|tabe|tabedit|tabf|tabfind|tabfir|tabfirst|tabl|tablast|tabm|tabmove|tabn|tabnew|tabnext|tabo|tabonly|tabp|tabprevious|tabr|tabrewind|tabs|tag|tags|tc|tcl|tcld|tcldo|tclf|tclfile|te|tearoff|tf|tfirst|th|throw|tj|tjump|tl|tlast|tm|tmenu|tn|tnext|to|topleft|tp|tprevious|tr|trewind|try|ts|tselect|tu|tunmenu|u|una|unabbreviate|undo|undoj|undojoin|undol|undolist|unh|unhide|unlet|unlo|unlockvar|unm|unmap|up|update|ve|verb|verbose|version|vert|vertical|vi|vie|view|vim|vimgrep|vimgrepa|vimgrepadd|visual|viu|viusage|vmapc|vmapclear|vne|vnew|vs|vsplit|vu|vunmap|w|wN|wNext|wa|wall|wh|while|win|winc|wincmd|windo|winp|winpos|winsize|wn|wnext|wp|wprevious|wq|wqa|wqall|write|ws|wsverb|wv|wviminfo|x|xa|xall|xit|xm|xmap|xmapc|xmapclear|xme|xmenu|xn|xnoremap|xnoreme|xnoremenu|xu|xunmap|y|yank)\b/,builtin:/\b(?:acd|ai|akm|aleph|allowrevins|altkeymap|ambiwidth|ambw|anti|antialias|arab|arabic|arabicshape|ari|arshape|autochdir|autocmd|autoindent|autoread|autowrite|autowriteall|aw|awa|background|backspace|backup|backupcopy|backupdir|backupext|backupskip|balloondelay|ballooneval|balloonexpr|bdir|bdlay|beval|bex|bexpr|bg|bh|bin|binary|biosk|bioskey|bk|bkc|bomb|breakat|brk|browsedir|bs|bsdir|bsk|bt|bufhidden|buflisted|buftype|casemap|ccv|cdpath|cedit|cfu|ch|charconvert|ci|cin|cindent|cink|cinkeys|cino|cinoptions|cinw|cinwords|clipboard|cmdheight|cmdwinheight|cmp|cms|columns|com|comments|commentstring|compatible|complete|completefunc|completeopt|consk|conskey|copyindent|cot|cpo|cpoptions|cpt|cscopepathcomp|cscopeprg|cscopequickfix|cscopetag|cscopetagorder|cscopeverbose|cspc|csprg|csqf|cst|csto|csverb|cuc|cul|cursorcolumn|cursorline|cwh|debug|deco|def|define|delcombine|dex|dg|dict|dictionary|diff|diffexpr|diffopt|digraph|dip|dir|directory|dy|ea|ead|eadirection|eb|ed|edcompatible|ef|efm|ei|ek|enc|encoding|endofline|eol|ep|equalalways|equalprg|errorbells|errorfile|errorformat|esckeys|et|eventignore|expandtab|exrc|fcl|fcs|fdc|fde|fdi|fdl|fdls|fdm|fdn|fdo|fdt|fen|fenc|fencs|fex|ff|ffs|fileencoding|fileencodings|fileformat|fileformats|fillchars|fk|fkmap|flp|fml|fmr|foldcolumn|foldenable|foldexpr|foldignore|foldlevel|foldlevelstart|foldmarker|foldmethod|foldminlines|foldnestmax|foldtext|formatexpr|formatlistpat|formatoptions|formatprg|fp|fs|fsync|ft|gcr|gd|gdefault|gfm|gfn|gfs|gfw|ghr|gp|grepformat|grepprg|gtl|gtt|guicursor|guifont|guifontset|guifontwide|guiheadroom|guioptions|guipty|guitablabel|guitabtooltip|helpfile|helpheight|helplang|hf|hh|hi|hidden|highlight|hk|hkmap|hkmapp|hkp|hl|hlg|hls|hlsearch|ic|icon|iconstring|ignorecase|im|imactivatekey|imak|imc|imcmdline|imd|imdisable|imi|iminsert|ims|imsearch|inc|include|includeexpr|incsearch|inde|indentexpr|indentkeys|indk|inex|inf|infercase|insertmode|invacd|invai|invakm|invallowrevins|invaltkeymap|invanti|invantialias|invar|invarab|invarabic|invarabicshape|invari|invarshape|invautochdir|invautoindent|invautoread|invautowrite|invautowriteall|invaw|invawa|invbackup|invballooneval|invbeval|invbin|invbinary|invbiosk|invbioskey|invbk|invbl|invbomb|invbuflisted|invcf|invci|invcin|invcindent|invcompatible|invconfirm|invconsk|invconskey|invcopyindent|invcp|invcscopetag|invcscopeverbose|invcst|invcsverb|invcuc|invcul|invcursorcolumn|invcursorline|invdeco|invdelcombine|invdg|invdiff|invdigraph|invdisable|invea|inveb|inved|invedcompatible|invek|invendofline|inveol|invequalalways|inverrorbells|invesckeys|invet|invex|invexpandtab|invexrc|invfen|invfk|invfkmap|invfoldenable|invgd|invgdefault|invguipty|invhid|invhidden|invhk|invhkmap|invhkmapp|invhkp|invhls|invhlsearch|invic|invicon|invignorecase|invim|invimc|invimcmdline|invimd|invincsearch|invinf|invinfercase|invinsertmode|invis|invjoinspaces|invjs|invlazyredraw|invlbr|invlinebreak|invlisp|invlist|invloadplugins|invlpl|invlz|invma|invmacatsui|invmagic|invmh|invml|invmod|invmodeline|invmodifiable|invmodified|invmore|invmousef|invmousefocus|invmousehide|invnu|invnumber|invodev|invopendevice|invpaste|invpi|invpreserveindent|invpreviewwindow|invprompt|invpvw|invreadonly|invremap|invrestorescreen|invrevins|invri|invrightleft|invrightleftcmd|invrl|invrlc|invro|invrs|invru|invruler|invsb|invsc|invscb|invscrollbind|invscs|invsecure|invsft|invshellslash|invshelltemp|invshiftround|invshortname|invshowcmd|invshowfulltag|invshowmatch|invshowmode|invsi|invsm|invsmartcase|invsmartindent|invsmarttab|invsmd|invsn|invsol|invspell|invsplitbelow|invsplitright|invspr|invsr|invssl|invsta|invstartofline|invstmp|invswapfile|invswf|invta|invtagbsearch|invtagrelative|invtagstack|invtbi|invtbidi|invtbs|invtermbidi|invterse|invtextauto|invtextmode|invtf|invtgst|invtildeop|invtimeout|invtitle|invto|invtop|invtr|invttimeout|invttybuiltin|invttyfast|invtx|invvb|invvisualbell|invwa|invwarn|invwb|invweirdinvert|invwfh|invwfw|invwildmenu|invwinfixheight|invwinfixwidth|invwiv|invwmnu|invwrap|invwrapscan|invwrite|invwriteany|invwritebackup|invws|isf|isfname|isi|isident|isk|iskeyword|isprint|joinspaces|js|key|keymap|keymodel|keywordprg|km|kmp|kp|langmap|langmenu|laststatus|lazyredraw|lbr|lcs|linebreak|lines|linespace|lisp|lispwords|listchars|loadplugins|lpl|lsp|lz|macatsui|magic|makeef|makeprg|matchpairs|matchtime|maxcombine|maxfuncdepth|maxmapdepth|maxmem|maxmempattern|maxmemtot|mco|mef|menuitems|mfd|mh|mis|mkspellmem|ml|mls|mm|mmd|mmp|mmt|modeline|modelines|modifiable|modified|more|mouse|mousef|mousefocus|mousehide|mousem|mousemodel|mouses|mouseshape|mouset|mousetime|mp|mps|msm|mzq|mzquantum|nf|noacd|noai|noakm|noallowrevins|noaltkeymap|noanti|noantialias|noar|noarab|noarabic|noarabicshape|noari|noarshape|noautochdir|noautoindent|noautoread|noautowrite|noautowriteall|noaw|noawa|nobackup|noballooneval|nobeval|nobin|nobinary|nobiosk|nobioskey|nobk|nobl|nobomb|nobuflisted|nocf|noci|nocin|nocindent|nocompatible|noconfirm|noconsk|noconskey|nocopyindent|nocp|nocscopetag|nocscopeverbose|nocst|nocsverb|nocuc|nocul|nocursorcolumn|nocursorline|nodeco|nodelcombine|nodg|nodiff|nodigraph|nodisable|noea|noeb|noed|noedcompatible|noek|noendofline|noeol|noequalalways|noerrorbells|noesckeys|noet|noex|noexpandtab|noexrc|nofen|nofk|nofkmap|nofoldenable|nogd|nogdefault|noguipty|nohid|nohidden|nohk|nohkmap|nohkmapp|nohkp|nohls|noic|noicon|noignorecase|noim|noimc|noimcmdline|noimd|noincsearch|noinf|noinfercase|noinsertmode|nois|nojoinspaces|nojs|nolazyredraw|nolbr|nolinebreak|nolisp|nolist|noloadplugins|nolpl|nolz|noma|nomacatsui|nomagic|nomh|noml|nomod|nomodeline|nomodifiable|nomodified|nomore|nomousef|nomousefocus|nomousehide|nonu|nonumber|noodev|noopendevice|nopaste|nopi|nopreserveindent|nopreviewwindow|noprompt|nopvw|noreadonly|noremap|norestorescreen|norevins|nori|norightleft|norightleftcmd|norl|norlc|noro|nors|noru|noruler|nosb|nosc|noscb|noscrollbind|noscs|nosecure|nosft|noshellslash|noshelltemp|noshiftround|noshortname|noshowcmd|noshowfulltag|noshowmatch|noshowmode|nosi|nosm|nosmartcase|nosmartindent|nosmarttab|nosmd|nosn|nosol|nospell|nosplitbelow|nosplitright|nospr|nosr|nossl|nosta|nostartofline|nostmp|noswapfile|noswf|nota|notagbsearch|notagrelative|notagstack|notbi|notbidi|notbs|notermbidi|noterse|notextauto|notextmode|notf|notgst|notildeop|notimeout|notitle|noto|notop|notr|nottimeout|nottybuiltin|nottyfast|notx|novb|novisualbell|nowa|nowarn|nowb|noweirdinvert|nowfh|nowfw|nowildmenu|nowinfixheight|nowinfixwidth|nowiv|nowmnu|nowrap|nowrapscan|nowrite|nowriteany|nowritebackup|nows|nrformats|numberwidth|nuw|odev|oft|ofu|omnifunc|opendevice|operatorfunc|opfunc|osfiletype|pa|para|paragraphs|paste|pastetoggle|patchexpr|patchmode|path|pdev|penc|pex|pexpr|pfn|ph|pheader|pi|pm|pmbcs|pmbfn|popt|preserveindent|previewheight|previewwindow|printdevice|printencoding|printexpr|printfont|printheader|printmbcharset|printmbfont|printoptions|prompt|pt|pumheight|pvh|pvw|qe|quoteescape|readonly|remap|report|restorescreen|revins|rightleft|rightleftcmd|rl|rlc|ro|rs|rtp|ruf|ruler|rulerformat|runtimepath|sbo|sc|scb|scr|scroll|scrollbind|scrolljump|scrolloff|scrollopt|scs|sect|sections|secure|sel|selection|selectmode|sessionoptions|sft|shcf|shellcmdflag|shellpipe|shellquote|shellredir|shellslash|shelltemp|shelltype|shellxquote|shiftround|shiftwidth|shm|shortmess|shortname|showbreak|showcmd|showfulltag|showmatch|showmode|showtabline|shq|si|sidescroll|sidescrolloff|siso|sj|slm|smartcase|smartindent|smarttab|smc|smd|softtabstop|sol|spc|spell|spellcapcheck|spellfile|spelllang|spellsuggest|spf|spl|splitbelow|splitright|sps|sr|srr|ss|ssl|ssop|stal|startofline|statusline|stl|stmp|su|sua|suffixes|suffixesadd|sw|swapfile|swapsync|swb|swf|switchbuf|sws|sxq|syn|synmaxcol|syntax|t_AB|t_AF|t_AL|t_CS|t_CV|t_Ce|t_Co|t_Cs|t_DL|t_EI|t_F1|t_F2|t_F3|t_F4|t_F5|t_F6|t_F7|t_F8|t_F9|t_IE|t_IS|t_K1|t_K3|t_K4|t_K5|t_K6|t_K7|t_K8|t_K9|t_KA|t_KB|t_KC|t_KD|t_KE|t_KF|t_KG|t_KH|t_KI|t_KJ|t_KK|t_KL|t_RI|t_RV|t_SI|t_Sb|t_Sf|t_WP|t_WS|t_ZH|t_ZR|t_al|t_bc|t_cd|t_ce|t_cl|t_cm|t_cs|t_da|t_db|t_dl|t_fs|t_k1|t_k2|t_k3|t_k4|t_k5|t_k6|t_k7|t_k8|t_k9|t_kB|t_kD|t_kI|t_kN|t_kP|t_kb|t_kd|t_ke|t_kh|t_kl|t_kr|t_ks|t_ku|t_le|t_mb|t_md|t_me|t_mr|t_ms|t_nd|t_op|t_se|t_so|t_sr|t_te|t_ti|t_ts|t_ue|t_us|t_ut|t_vb|t_ve|t_vi|t_vs|t_xs|tabline|tabpagemax|tabstop|tagbsearch|taglength|tagrelative|tagstack|tal|tb|tbi|tbidi|tbis|tbs|tenc|term|termbidi|termencoding|terse|textauto|textmode|textwidth|tgst|thesaurus|tildeop|timeout|timeoutlen|title|titlelen|titleold|titlestring|toolbar|toolbariconsize|top|tpm|tsl|tsr|ttimeout|ttimeoutlen|ttm|tty|ttybuiltin|ttyfast|ttym|ttymouse|ttyscroll|ttytype|tw|tx|uc|ul|undolevels|updatecount|updatetime|ut|vb|vbs|vdir|verbosefile|vfile|viewdir|viewoptions|viminfo|virtualedit|visualbell|vop|wak|warn|wb|wc|wcm|wd|weirdinvert|wfh|wfw|whichwrap|wi|wig|wildchar|wildcharm|wildignore|wildmenu|wildmode|wildoptions|wim|winaltkeys|window|winfixheight|winfixwidth|winheight|winminheight|winminwidth|winwidth|wiv|wiw|wm|wmh|wmnu|wmw|wop|wrap|wrapmargin|wrapscan|writeany|writebackup|writedelay|ww)\b/,number:/\b(?:0x[\da-f]+|\d+(?:\.\d+)?)\b/i,operator:/\|\||&&|[-+.]=?|[=!](?:[=~][#?]?)?|[<>]=?[#?]?|[*\/%?]|\b(?:is(?:not)?)\b/,punctuation:/[{}[\](),;:]/}}e.exports=t,t.displayName="vim",t.aliases=[]},46215:function(e){"use strict";function t(e){e.languages["visual-basic"]={comment:{pattern:/(?:['‘’]|REM\b)(?:[^\r\n_]|_(?:\r\n?|\n)?)*/i,inside:{keyword:/^REM/i}},directive:{pattern:/#(?:Const|Else|ElseIf|End|ExternalChecksum|ExternalSource|If|Region)(?:\b_[ \t]*(?:\r\n?|\n)|.)+/i,alias:"property",greedy:!0},string:{pattern:/\$?["“”](?:["“”]{2}|[^"“”])*["“”]C?/i,greedy:!0},date:{pattern:/#[ \t]*(?:\d+([/-])\d+\1\d+(?:[ \t]+(?:\d+[ \t]*(?:AM|PM)|\d+:\d+(?::\d+)?(?:[ \t]*(?:AM|PM))?))?|\d+[ \t]*(?:AM|PM)|\d+:\d+(?::\d+)?(?:[ \t]*(?:AM|PM))?)[ \t]*#/i,alias:"number"},number:/(?:(?:\b\d+(?:\.\d+)?|\.\d+)(?:E[+-]?\d+)?|&[HO][\dA-F]+)(?:[FRD]|U?[ILS])?/i,boolean:/\b(?:False|Nothing|True)\b/i,keyword:/\b(?:AddHandler|AddressOf|Alias|And(?:Also)?|As|Boolean|ByRef|Byte|ByVal|Call|Case|Catch|C(?:Bool|Byte|Char|Date|Dbl|Dec|Int|Lng|Obj|SByte|Short|Sng|Str|Type|UInt|ULng|UShort)|Char|Class|Const|Continue|Currency|Date|Decimal|Declare|Default|Delegate|Dim|DirectCast|Do|Double|Each|Else(?:If)?|End(?:If)?|Enum|Erase|Error|Event|Exit|Finally|For|Friend|Function|Get(?:Type|XMLNamespace)?|Global|GoSub|GoTo|Handles|If|Implements|Imports|In|Inherits|Integer|Interface|Is|IsNot|Let|Lib|Like|Long|Loop|Me|Mod|Module|Must(?:Inherit|Override)|My(?:Base|Class)|Namespace|Narrowing|New|Next|Not(?:Inheritable|Overridable)?|Object|Of|On|Operator|Option(?:al)?|Or(?:Else)?|Out|Overloads|Overridable|Overrides|ParamArray|Partial|Private|Property|Protected|Public|RaiseEvent|ReadOnly|ReDim|RemoveHandler|Resume|Return|SByte|Select|Set|Shadows|Shared|short|Single|Static|Step|Stop|String|Structure|Sub|SyncLock|Then|Throw|To|Try|TryCast|Type|TypeOf|U(?:Integer|Long|Short)|Until|Using|Variant|Wend|When|While|Widening|With(?:Events)?|WriteOnly|Xor)\b/i,operator:/[+\-*/\\^<=>&#@$%!]|\b_(?=[ \t]*[\r\n])/,punctuation:/[{}().,:?]/},e.languages.vb=e.languages["visual-basic"],e.languages.vba=e.languages["visual-basic"]}e.exports=t,t.displayName="visualBasic",t.aliases=[]},10784:function(e){"use strict";function t(e){e.languages.warpscript={comment:/#.*|\/\/.*|\/\*[\s\S]*?\*\//,string:{pattern:/"(?:[^"\\\r\n]|\\.)*"|'(?:[^'\\\r\n]|\\.)*'|<'(?:[^\\']|'(?!>)|\\.)*'>/,greedy:!0},variable:/\$\S+/,macro:{pattern:/@\S+/,alias:"property"},keyword:/\b(?:BREAK|CHECKMACRO|CONTINUE|CUDF|DEFINED|DEFINEDMACRO|EVAL|FAIL|FOR|FOREACH|FORSTEP|IFT|IFTE|MSGFAIL|NRETURN|RETHROW|RETURN|SWITCH|TRY|UDF|UNTIL|WHILE)\b/,number:/[+-]?\b(?:NaN|Infinity|\d+(?:\.\d*)?(?:[Ee][+-]?\d+)?|0x[\da-fA-F]+|0b[01]+)\b/,boolean:/\b(?:F|T|false|true)\b/,punctuation:/<%|%>|[{}[\]()]/,operator:/==|&&?|\|\|?|\*\*?|>>>?|<<|[<>!~]=?|[-/%^]|\+!?|\b(?:AND|NOT|OR)\b/}}e.exports=t,t.displayName="warpscript",t.aliases=[]},17684:function(e){"use strict";function t(e){e.languages.wasm={comment:[/\(;[\s\S]*?;\)/,{pattern:/;;.*/,greedy:!0}],string:{pattern:/"(?:\\[\s\S]|[^"\\])*"/,greedy:!0},keyword:[{pattern:/\b(?:align|offset)=/,inside:{operator:/=/}},{pattern:/\b(?:(?:f32|f64|i32|i64)(?:\.(?:abs|add|and|ceil|clz|const|convert_[su]\/i(?:32|64)|copysign|ctz|demote\/f64|div(?:_[su])?|eqz?|extend_[su]\/i32|floor|ge(?:_[su])?|gt(?:_[su])?|le(?:_[su])?|load(?:(?:8|16|32)_[su])?|lt(?:_[su])?|max|min|mul|neg?|nearest|or|popcnt|promote\/f32|reinterpret\/[fi](?:32|64)|rem_[su]|rot[lr]|shl|shr_[su]|sqrt|store(?:8|16|32)?|sub|trunc(?:_[su]\/f(?:32|64))?|wrap\/i64|xor))?|memory\.(?:grow|size))\b/,inside:{punctuation:/\./}},/\b(?:anyfunc|block|br(?:_if|_table)?|call(?:_indirect)?|data|drop|elem|else|end|export|func|get_(?:global|local)|global|if|import|local|loop|memory|module|mut|nop|offset|param|result|return|select|set_(?:global|local)|start|table|tee_local|then|type|unreachable)\b/],variable:/\$[\w!#$%&'*+\-./:<=>?@\\^`|~]+/,number:/[+-]?\b(?:\d(?:_?\d)*(?:\.\d(?:_?\d)*)?(?:[eE][+-]?\d(?:_?\d)*)?|0x[\da-fA-F](?:_?[\da-fA-F])*(?:\.[\da-fA-F](?:_?[\da-fA-D])*)?(?:[pP][+-]?\d(?:_?\d)*)?)\b|\binf\b|\bnan(?::0x[\da-fA-F](?:_?[\da-fA-D])*)?\b/,punctuation:/[()]/}}e.exports=t,t.displayName="wasm",t.aliases=[]},64851:function(e){"use strict";function t(e){!function(e){var t=/(?:\B-|\b_|\b)[A-Za-z][\w-]*(?![\w-])/.source,n="(?:"+/\b(?:unsigned\s+)?long\s+long(?![\w-])/.source+"|"+/\b(?:unrestricted|unsigned)\s+[a-z]+(?![\w-])/.source+"|"+/(?!(?:unrestricted|unsigned)\b)/.source+t+/(?:\s*<(?:[^<>]|<[^<>]*>)*>)?/.source+")"+/(?:\s*\?)?/.source,r={};for(var a in e.languages["web-idl"]={comment:{pattern:/\/\/.*|\/\*[\s\S]*?\*\//,greedy:!0},string:{pattern:/"[^"]*"/,greedy:!0},namespace:{pattern:RegExp(/(\bnamespace\s+)/.source+t),lookbehind:!0},"class-name":[{pattern:/(^|[^\w-])(?:iterable|maplike|setlike)\s*<(?:[^<>]|<[^<>]*>)*>/,lookbehind:!0,inside:r},{pattern:RegExp(/(\b(?:attribute|const|deleter|getter|optional|setter)\s+)/.source+n),lookbehind:!0,inside:r},{pattern:RegExp("("+/\bcallback\s+/.source+t+/\s*=\s*/.source+")"+n),lookbehind:!0,inside:r},{pattern:RegExp(/(\btypedef\b\s*)/.source+n),lookbehind:!0,inside:r},{pattern:RegExp(/(\b(?:callback|dictionary|enum|interface(?:\s+mixin)?)\s+)(?!(?:interface|mixin)\b)/.source+t),lookbehind:!0},{pattern:RegExp(/(:\s*)/.source+t),lookbehind:!0},RegExp(t+/(?=\s+(?:implements|includes)\b)/.source),{pattern:RegExp(/(\b(?:implements|includes)\s+)/.source+t),lookbehind:!0},{pattern:RegExp(n+"(?="+/\s*(?:\.{3}\s*)?/.source+t+/\s*[(),;=]/.source+")"),inside:r}],builtin:/\b(?:ArrayBuffer|BigInt64Array|BigUint64Array|ByteString|DOMString|DataView|Float32Array|Float64Array|FrozenArray|Int16Array|Int32Array|Int8Array|ObservableArray|Promise|USVString|Uint16Array|Uint32Array|Uint8Array|Uint8ClampedArray)\b/,keyword:[/\b(?:async|attribute|callback|const|constructor|deleter|dictionary|enum|getter|implements|includes|inherit|interface|mixin|namespace|null|optional|or|partial|readonly|required|setter|static|stringifier|typedef|unrestricted)\b/,/\b(?:any|bigint|boolean|byte|double|float|iterable|long|maplike|object|octet|record|sequence|setlike|short|symbol|undefined|unsigned|void)\b/],boolean:/\b(?:false|true)\b/,number:{pattern:/(^|[^\w-])-?(?:0x[0-9a-f]+|(?:\d+(?:\.\d*)?|\.\d+)(?:e[+-]?\d+)?|NaN|Infinity)(?![\w-])/i,lookbehind:!0},operator:/\.{3}|[=:?<>-]/,punctuation:/[(){}[\].,;]/},e.languages["web-idl"])"class-name"!==a&&(r[a]=e.languages["web-idl"][a]);e.languages.webidl=e.languages["web-idl"]}(e)}e.exports=t,t.displayName="webIdl",t.aliases=[]},18191:function(e){"use strict";function t(e){e.languages.wiki=e.languages.extend("markup",{"block-comment":{pattern:/(^|[^\\])\/\*[\s\S]*?\*\//,lookbehind:!0,alias:"comment"},heading:{pattern:/^(=+)[^=\r\n].*?\1/m,inside:{punctuation:/^=+|=+$/,important:/.+/}},emphasis:{pattern:/('{2,5}).+?\1/,inside:{"bold-italic":{pattern:/(''''').+?(?=\1)/,lookbehind:!0,alias:["bold","italic"]},bold:{pattern:/(''')[^'](?:.*?[^'])?(?=\1)/,lookbehind:!0},italic:{pattern:/('')[^'](?:.*?[^'])?(?=\1)/,lookbehind:!0},punctuation:/^''+|''+$/}},hr:{pattern:/^-{4,}/m,alias:"punctuation"},url:[/ISBN +(?:97[89][ -]?)?(?:\d[ -]?){9}[\dx]\b|(?:PMID|RFC) +\d+/i,/\[\[.+?\]\]|\[.+?\]/],variable:[/__[A-Z]+__/,/\{{3}.+?\}{3}/,/\{\{.+?\}\}/],symbol:[/^#redirect/im,/~{3,5}/],"table-tag":{pattern:/((?:^|[|!])[|!])[^|\r\n]+\|(?!\|)/m,lookbehind:!0,inside:{"table-bar":{pattern:/\|$/,alias:"punctuation"},rest:e.languages.markup.tag.inside}},punctuation:/^(?:\{\||\|\}|\|-|[*#:;!|])|\|\||!!/m}),e.languages.insertBefore("wiki","tag",{nowiki:{pattern:/<(nowiki|pre|source)\b[^>]*>[\s\S]*?<\/\1>/i,inside:{tag:{pattern:/<(?:nowiki|pre|source)\b[^>]*>|<\/(?:nowiki|pre|source)>/i,inside:e.languages.markup.tag.inside}}}})}e.exports=t,t.displayName="wiki",t.aliases=[]},75242:function(e){"use strict";function t(e){e.languages.wolfram={comment:/\(\*(?:\(\*(?:[^*]|\*(?!\)))*\*\)|(?!\(\*)[\s\S])*?\*\)/,string:{pattern:/"(?:\\.|[^"\\\r\n])*"/,greedy:!0},keyword:/\b(?:Abs|AbsArg|Accuracy|Block|Do|For|Function|If|Manipulate|Module|Nest|NestList|None|Return|Switch|Table|Which|While)\b/,context:{pattern:/\b\w+`+\w*/,alias:"class-name"},blank:{pattern:/\b\w+_\b/,alias:"regex"},"global-variable":{pattern:/\$\w+/,alias:"variable"},boolean:/\b(?:False|True)\b/,number:/(?:\b(?=\d)|\B(?=\.))(?:0[bo])?(?:(?:\d|0x[\da-f])[\da-f]*(?:\.\d*)?|\.\d+)(?:e[+-]?\d+)?j?\b/i,operator:/\/\.|;|=\.|\^=|\^:=|:=|<<|>>|<\||\|>|:>|\|->|->|<-|@@@|@@|@|\/@|=!=|===|==|=|\+|-|\^|\[\/-+%=\]=?|!=|\*\*?=?|\/\/?=?|<[<=>]?|>[=>]?|[&|^~]/,punctuation:/[{}[\];(),.:]/},e.languages.mathematica=e.languages.wolfram,e.languages.wl=e.languages.wolfram,e.languages.nb=e.languages.wolfram}e.exports=t,t.displayName="wolfram",t.aliases=["mathematica","wl","nb"]},93639:function(e){"use strict";function t(e){e.languages.wren={comment:[{pattern:/\/\*(?:[^*/]|\*(?!\/)|\/(?!\*)|\/\*(?:[^*/]|\*(?!\/)|\/(?!\*)|\/\*(?:[^*/]|\*(?!\/)|\/(?!\*))*\*\/)*\*\/)*\*\//,greedy:!0},{pattern:/(^|[^\\:])\/\/.*/,lookbehind:!0,greedy:!0}],"triple-quoted-string":{pattern:/"""[\s\S]*?"""/,greedy:!0,alias:"string"},"string-literal":null,hashbang:{pattern:/^#!\/.+/,greedy:!0,alias:"comment"},attribute:{pattern:/#!?[ \t\u3000]*\w+/,alias:"keyword"},"class-name":[{pattern:/(\bclass\s+)\w+/,lookbehind:!0},/\b[A-Z][a-z\d_]*\b/],constant:/\b[A-Z][A-Z\d_]*\b/,null:{pattern:/\bnull\b/,alias:"keyword"},keyword:/\b(?:as|break|class|construct|continue|else|for|foreign|if|import|in|is|return|static|super|this|var|while)\b/,boolean:/\b(?:false|true)\b/,number:/\b(?:0x[\da-f]+|\d+(?:\.\d+)?(?:e[+-]?\d+)?)\b/i,function:/\b[a-z_]\w*(?=\s*[({])/i,operator:/<<|>>|[=!<>]=?|&&|\|\||[-+*/%~^&|?:]|\.{2,3}/,punctuation:/[\[\](){}.,;]/},e.languages.wren["string-literal"]={pattern:/(^|[^\\"])"(?:[^\\"%]|\\[\s\S]|%(?!\()|%\((?:[^()]|\((?:[^()]|\([^)]*\))*\))*\))*"/,lookbehind:!0,greedy:!0,inside:{interpolation:{pattern:/((?:^|[^\\])(?:\\{2})*)%\((?:[^()]|\((?:[^()]|\([^)]*\))*\))*\)/,lookbehind:!0,inside:{expression:{pattern:/^(%\()[\s\S]+(?=\)$)/,lookbehind:!0,inside:e.languages.wren},"interpolation-punctuation":{pattern:/^%\(|\)$/,alias:"punctuation"}}},string:/[\s\S]+/}}}e.exports=t,t.displayName="wren",t.aliases=[]},97202:function(e){"use strict";function t(e){e.languages.xeora=e.languages.extend("markup",{constant:{pattern:/\$(?:DomainContents|PageRenderDuration)\$/,inside:{punctuation:{pattern:/\$/}}},variable:{pattern:/\$@?(?:#+|[-+*~=^])?[\w.]+\$/,inside:{punctuation:{pattern:/[$.]/},operator:{pattern:/#+|[-+*~=^@]/}}},"function-inline":{pattern:/\$F:[-\w.]+\?[-\w.]+(?:,(?:(?:@[-#]*\w+\.[\w+.]\.*)*\|)*(?:(?:[\w+]|[-#*.~^]+[\w+]|=\S)(?:[^$=]|=+[^=])*=*|(?:@[-#]*\w+\.[\w+.]\.*)+(?:(?:[\w+]|[-#*~^][-#*.~^]*[\w+]|=\S)(?:[^$=]|=+[^=])*=*)?)?)?\$/,inside:{variable:{pattern:/(?:[,|])@?(?:#+|[-+*~=^])?[\w.]+/,inside:{punctuation:{pattern:/[,.|]/},operator:{pattern:/#+|[-+*~=^@]/}}},punctuation:{pattern:/\$\w:|[$:?.,|]/}},alias:"function"},"function-block":{pattern:/\$XF:\{[-\w.]+\?[-\w.]+(?:,(?:(?:@[-#]*\w+\.[\w+.]\.*)*\|)*(?:(?:[\w+]|[-#*.~^]+[\w+]|=\S)(?:[^$=]|=+[^=])*=*|(?:@[-#]*\w+\.[\w+.]\.*)+(?:(?:[\w+]|[-#*~^][-#*.~^]*[\w+]|=\S)(?:[^$=]|=+[^=])*=*)?)?)?\}:XF\$/,inside:{punctuation:{pattern:/[$:{}?.,|]/}},alias:"function"},"directive-inline":{pattern:/\$\w(?:#\d+\+?)?(?:\[[-\w.]+\])?:[-\/\w.]+\$/,inside:{punctuation:{pattern:/\$(?:\w:|C(?:\[|#\d))?|[:{[\]]/,inside:{tag:{pattern:/#\d/}}}},alias:"function"},"directive-block-open":{pattern:/\$\w+:\{|\$\w(?:#\d+\+?)?(?:\[[-\w.]+\])?:[-\w.]+:\{(?:![A-Z]+)?/,inside:{punctuation:{pattern:/\$(?:\w:|C(?:\[|#\d))?|[:{[\]]/,inside:{tag:{pattern:/#\d/}}},attribute:{pattern:/![A-Z]+$/,inside:{punctuation:{pattern:/!/}},alias:"keyword"}},alias:"function"},"directive-block-separator":{pattern:/\}:[-\w.]+:\{/,inside:{punctuation:{pattern:/[:{}]/}},alias:"function"},"directive-block-close":{pattern:/\}:[-\w.]+\$/,inside:{punctuation:{pattern:/[:{}$]/}},alias:"function"}}),e.languages.insertBefore("inside","punctuation",{variable:e.languages.xeora["function-inline"].inside.variable},e.languages.xeora["function-block"]),e.languages.xeoracube=e.languages.xeora}e.exports=t,t.displayName="xeora",t.aliases=["xeoracube"]},13808:function(e){"use strict";function t(e){!function(e){function t(t,n){e.languages[t]&&e.languages.insertBefore(t,"comment",{"doc-comment":n})}var n=e.languages.markup.tag,r={pattern:/\/\/\/.*/,greedy:!0,alias:"comment",inside:{tag:n}};t("csharp",r),t("fsharp",r),t("vbnet",{pattern:/'''.*/,greedy:!0,alias:"comment",inside:{tag:n}})}(e)}e.exports=t,t.displayName="xmlDoc",t.aliases=[]},21301:function(e){"use strict";function t(e){e.languages.xojo={comment:{pattern:/(?:'|\/\/|Rem\b).+/i,greedy:!0},string:{pattern:/"(?:""|[^"])*"/,greedy:!0},number:[/(?:\b\d+(?:\.\d*)?|\B\.\d+)(?:E[+-]?\d+)?/i,/&[bchou][a-z\d]+/i],directive:{pattern:/#(?:Else|ElseIf|Endif|If|Pragma)\b/i,alias:"property"},keyword:/\b(?:AddHandler|App|Array|As(?:signs)?|Auto|Boolean|Break|By(?:Ref|Val)|Byte|Call|Case|Catch|CFStringRef|CGFloat|Class|Color|Const|Continue|CString|Currency|CurrentMethodName|Declare|Delegate|Dim|Do(?:uble|wnTo)?|Each|Else(?:If)?|End|Enumeration|Event|Exception|Exit|Extends|False|Finally|For|Function|Get|GetTypeInfo|Global|GOTO|If|Implements|In|Inherits|Int(?:8|16|32|64|eger|erface)?|Lib|Loop|Me|Module|Next|Nil|Object|Optional|OSType|ParamArray|Private|Property|Protected|PString|Ptr|Raise(?:Event)?|ReDim|RemoveHandler|Return|Select(?:or)?|Self|Set|Shared|Short|Single|Soft|Static|Step|String|Sub|Super|Text|Then|To|True|Try|Ubound|UInt(?:8|16|32|64|eger)?|Until|Using|Var(?:iant)?|Wend|While|WindowPtr|WString)\b/i,operator:/<[=>]?|>=?|[+\-*\/\\^=]|\b(?:AddressOf|And|Ctype|IsA?|Mod|New|Not|Or|WeakAddressOf|Xor)\b/i,punctuation:/[.,;:()]/}}e.exports=t,t.displayName="xojo",t.aliases=[]},20349:function(e){"use strict";function t(e){!function(e){e.languages.xquery=e.languages.extend("markup",{"xquery-comment":{pattern:/\(:[\s\S]*?:\)/,greedy:!0,alias:"comment"},string:{pattern:/(["'])(?:\1\1|(?!\1)[\s\S])*\1/,greedy:!0},extension:{pattern:/\(#.+?#\)/,alias:"symbol"},variable:/\$[-\w:]+/,axis:{pattern:/(^|[^-])(?:ancestor(?:-or-self)?|attribute|child|descendant(?:-or-self)?|following(?:-sibling)?|parent|preceding(?:-sibling)?|self)(?=::)/,lookbehind:!0,alias:"operator"},"keyword-operator":{pattern:/(^|[^:-])\b(?:and|castable as|div|eq|except|ge|gt|idiv|instance of|intersect|is|le|lt|mod|ne|or|union)\b(?=$|[^:-])/,lookbehind:!0,alias:"operator"},keyword:{pattern:/(^|[^:-])\b(?:as|ascending|at|base-uri|boundary-space|case|cast as|collation|construction|copy-namespaces|declare|default|descending|else|empty (?:greatest|least)|encoding|every|external|for|function|if|import|in|inherit|lax|let|map|module|namespace|no-inherit|no-preserve|option|order(?: by|ed|ing)?|preserve|return|satisfies|schema|some|stable|strict|strip|then|to|treat as|typeswitch|unordered|validate|variable|version|where|xquery)\b(?=$|[^:-])/,lookbehind:!0},function:/[\w-]+(?::[\w-]+)*(?=\s*\()/,"xquery-element":{pattern:/(element\s+)[\w-]+(?::[\w-]+)*/,lookbehind:!0,alias:"tag"},"xquery-attribute":{pattern:/(attribute\s+)[\w-]+(?::[\w-]+)*/,lookbehind:!0,alias:"attr-name"},builtin:{pattern:/(^|[^:-])\b(?:attribute|comment|document|element|processing-instruction|text|xs:(?:ENTITIES|ENTITY|ID|IDREFS?|NCName|NMTOKENS?|NOTATION|Name|QName|anyAtomicType|anyType|anyURI|base64Binary|boolean|byte|date|dateTime|dayTimeDuration|decimal|double|duration|float|gDay|gMonth|gMonthDay|gYear|gYearMonth|hexBinary|int|integer|language|long|negativeInteger|nonNegativeInteger|nonPositiveInteger|normalizedString|positiveInteger|short|string|time|token|unsigned(?:Byte|Int|Long|Short)|untyped(?:Atomic)?|yearMonthDuration))\b(?=$|[^:-])/,lookbehind:!0},number:/\b\d+(?:\.\d+)?(?:E[+-]?\d+)?/,operator:[/[+*=?|@]|\.\.?|:=|!=|<[=<]?|>[=>]?/,{pattern:/(\s)-(?=\s)/,lookbehind:!0}],punctuation:/[[\](){},;:/]/}),e.languages.xquery.tag.pattern=/<\/?(?!\d)[^\s>\/=$<%]+(?:\s+[^\s>\/=]+(?:=(?:("|')(?:\\[\s\S]|\{(?!\{)(?:\{(?:\{[^{}]*\}|[^{}])*\}|[^{}])+\}|(?!\1)[^\\])*\1|[^\s'">=]+))?)*\s*\/?>/,e.languages.xquery.tag.inside["attr-value"].pattern=/=(?:("|')(?:\\[\s\S]|\{(?!\{)(?:\{(?:\{[^{}]*\}|[^{}])*\}|[^{}])+\}|(?!\1)[^\\])*\1|[^\s'">=]+)/,e.languages.xquery.tag.inside["attr-value"].inside.punctuation=/^="|"$/,e.languages.xquery.tag.inside["attr-value"].inside.expression={pattern:/\{(?!\{)(?:\{(?:\{[^{}]*\}|[^{}])*\}|[^{}])+\}/,inside:e.languages.xquery,alias:"language-xquery"};var t=function(e){return"string"==typeof e?e:"string"==typeof e.content?e.content:e.content.map(t).join("")},n=function(r){for(var a=[],i=0;i0&&a[a.length-1].tagName===t(o.content[0].content[1])&&a.pop():"/>"===o.content[o.content.length-1].content||a.push({tagName:t(o.content[0].content[1]),openedBraces:0}):!(a.length>0)||"punctuation"!==o.type||"{"!==o.content||r[i+1]&&"punctuation"===r[i+1].type&&"{"===r[i+1].content||r[i-1]&&"plain-text"===r[i-1].type&&"{"===r[i-1].content?a.length>0&&a[a.length-1].openedBraces>0&&"punctuation"===o.type&&"}"===o.content?a[a.length-1].openedBraces--:"comment"!==o.type&&(s=!0):a[a.length-1].openedBraces++),(s||"string"==typeof o)&&a.length>0&&0===a[a.length-1].openedBraces){var l=t(o);i0&&("string"==typeof r[i-1]||"plain-text"===r[i-1].type)&&(l=t(r[i-1])+l,r.splice(i-1,1),i--),/^\s+$/.test(l)?r[i]=l:r[i]=new e.Token("plain-text",l,null,l)}o.content&&"string"!=typeof o.content&&n(o.content)}};e.hooks.add("after-tokenize",function(e){"xquery"===e.language&&n(e.tokens)})}(e)}e.exports=t,t.displayName="xquery",t.aliases=[]},65039:function(e){"use strict";function t(e){!function(e){var t=/[*&][^\s[\]{},]+/,n=/!(?:<[\w\-%#;/?:@&=+$,.!~*'()[\]]+>|(?:[a-zA-Z\d-]*!)?[\w\-%#;/?:@&=+$.~*'()]+)?/,r="(?:"+n.source+"(?:[ ]+"+t.source+")?|"+t.source+"(?:[ ]+"+n.source+")?)",a=/(?:[^\s\x00-\x08\x0e-\x1f!"#%&'*,\-:>?@[\]`{|}\x7f-\x84\x86-\x9f\ud800-\udfff\ufffe\uffff]|[?:-])(?:[ \t]*(?:(?![#:])|:))*/.source.replace(//g,function(){return/[^\s\x00-\x08\x0e-\x1f,[\]{}\x7f-\x84\x86-\x9f\ud800-\udfff\ufffe\uffff]/.source}),i=/"(?:[^"\\\r\n]|\\.)*"|'(?:[^'\\\r\n]|\\.)*'/.source;function o(e,t){return t=(t||"").replace(/m/g,"")+"m",RegExp(/([:\-,[{]\s*(?:\s<>[ \t]+)?)(?:<>)(?=[ \t]*(?:$|,|\]|\}|(?:[\r\n]\s*)?#))/.source.replace(/<>/g,function(){return r}).replace(/<>/g,function(){return e}),t)}e.languages.yaml={scalar:{pattern:RegExp(/([\-:]\s*(?:\s<>[ \t]+)?[|>])[ \t]*(?:((?:\r?\n|\r)[ \t]+)\S[^\r\n]*(?:\2[^\r\n]+)*)/.source.replace(/<>/g,function(){return r})),lookbehind:!0,alias:"string"},comment:/#.*/,key:{pattern:RegExp(/((?:^|[:\-,[{\r\n?])[ \t]*(?:<>[ \t]+)?)<>(?=\s*:\s)/.source.replace(/<>/g,function(){return r}).replace(/<>/g,function(){return"(?:"+a+"|"+i+")"})),lookbehind:!0,greedy:!0,alias:"atrule"},directive:{pattern:/(^[ \t]*)%.+/m,lookbehind:!0,alias:"important"},datetime:{pattern:o(/\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:o(/false|true/.source,"i"),lookbehind:!0,alias:"important"},null:{pattern:o(/null|~/.source,"i"),lookbehind:!0,alias:"important"},string:{pattern:o(i),lookbehind:!0,greedy:!0},number:{pattern:o(/[+-]?(?:0x[\da-f]+|0o[0-7]+|(?:\d+(?:\.\d*)?|\.\d+)(?:e[+-]?\d+)?|\.inf|\.nan)/.source,"i"),lookbehind:!0},tag:n,important:t,punctuation:/---|[:[\]{}\-,|>?]|\.\.\./},e.languages.yml=e.languages.yaml}(e)}e.exports=t,t.displayName="yaml",t.aliases=["yml"]},96319:function(e){"use strict";function t(e){e.languages.yang={comment:/\/\*[\s\S]*?\*\/|\/\/.*/,string:{pattern:/"(?:[^\\"]|\\.)*"|'[^']*'/,greedy:!0},keyword:{pattern:/(^|[{};\r\n][ \t]*)[a-z_][\w.-]*/i,lookbehind:!0},namespace:{pattern:/(\s)[a-z_][\w.-]*(?=:)/i,lookbehind:!0},boolean:/\b(?:false|true)\b/,operator:/\+/,punctuation:/[{};:]/}}e.exports=t,t.displayName="yang",t.aliases=[]},31501:function(e){"use strict";function t(e){!function(e){function t(e){return function(){return e}}var n=/\b(?:align|allowzero|and|anyframe|anytype|asm|async|await|break|cancel|catch|comptime|const|continue|defer|else|enum|errdefer|error|export|extern|fn|for|if|inline|linksection|nakedcc|noalias|nosuspend|null|or|orelse|packed|promise|pub|resume|return|stdcallcc|struct|suspend|switch|test|threadlocal|try|undefined|union|unreachable|usingnamespace|var|volatile|while)\b/,r="\\b(?!"+n.source+")(?!\\d)\\w+\\b",a=/align\s*\((?:[^()]|\([^()]*\))*\)/.source,i="(?!\\s)(?:!?\\s*(?:"+/(?:\?|\bpromise->|(?:\[[^[\]]*\]|\*(?!\*)|\*\*)(?:\s*|\s*const\b|\s*volatile\b|\s*allowzero\b)*)/.source.replace(//g,t(a))+"\\s*)*"+/(?:\bpromise\b|(?:\berror\.)?(?:\.)*(?!\s+))/.source.replace(//g,t(r))+")+";e.languages.zig={comment:[{pattern:/\/\/[/!].*/,alias:"doc-comment"},/\/{2}.*/],string:[{pattern:/(^|[^\\@])c?"(?:[^"\\\r\n]|\\.)*"/,lookbehind:!0,greedy:!0},{pattern:/([\r\n])([ \t]+c?\\{2}).*(?:(?:\r\n?|\n)\2.*)*/,lookbehind:!0,greedy:!0}],char:{pattern:/(^|[^\\])'(?:[^'\\\r\n]|[\uD800-\uDFFF]{2}|\\(?:.|x[a-fA-F\d]{2}|u\{[a-fA-F\d]{1,6}\}))'/,lookbehind:!0,greedy:!0},builtin:/\B@(?!\d)\w+(?=\s*\()/,label:{pattern:/(\b(?:break|continue)\s*:\s*)\w+\b|\b(?!\d)\w+\b(?=\s*:\s*(?:\{|while\b))/,lookbehind:!0},"class-name":[/\b(?!\d)\w+(?=\s*=\s*(?:(?:extern|packed)\s+)?(?:enum|struct|union)\s*[({])/,{pattern:RegExp(/(:\s*)(?=\s*(?:\s*)?[=;,)])|(?=\s*(?:\s*)?\{)/.source.replace(//g,t(i)).replace(//g,t(a))),lookbehind:!0,inside:null},{pattern:RegExp(/(\)\s*)(?=\s*(?:\s*)?;)/.source.replace(//g,t(i)).replace(//g,t(a))),lookbehind:!0,inside:null}],"builtin-type":{pattern:/\b(?:anyerror|bool|c_u?(?:int|long|longlong|short)|c_longdouble|c_void|comptime_(?:float|int)|f(?:16|32|64|128)|[iu](?:8|16|32|64|128|size)|noreturn|type|void)\b/,alias:"keyword"},keyword:n,function:/\b(?!\d)\w+(?=\s*\()/,number:/\b(?:0b[01]+|0o[0-7]+|0x[a-fA-F\d]+(?:\.[a-fA-F\d]*)?(?:[pP][+-]?[a-fA-F\d]+)?|\d+(?:\.\d*)?(?:[eE][+-]?\d+)?)\b/,boolean:/\b(?:false|true)\b/,operator:/\.[*?]|\.{2,3}|[-=]>|\*\*|\+\+|\|\||(?:<<|>>|[-+*]%|[-+*/%^&|<>!=])=?|[?~]/,punctuation:/[.:,;(){}[\]]/},e.languages.zig["class-name"].forEach(function(t){null===t.inside&&(t.inside=e.languages.zig)})}(e)}e.exports=t,t.displayName="zig",t.aliases=[]},59216:function(e,t,n){/** + */var n,r=Symbol.for("react.element"),a=Symbol.for("react.portal"),i=Symbol.for("react.fragment"),o=Symbol.for("react.strict_mode"),s=Symbol.for("react.profiler"),l=Symbol.for("react.provider"),c=Symbol.for("react.context"),u=Symbol.for("react.server_context"),d=Symbol.for("react.forward_ref"),p=Symbol.for("react.suspense"),m=Symbol.for("react.suspense_list"),g=Symbol.for("react.memo"),f=Symbol.for("react.lazy"),h=Symbol.for("react.offscreen");function b(e){if("object"==typeof e&&null!==e){var t=e.$$typeof;switch(t){case r:switch(e=e.type){case i:case s:case o:case p:case m:return e;default:switch(e=e&&e.$$typeof){case u:case c:case d:case f:case g:case l:return e;default:return t}}case a:return t}}}n=Symbol.for("react.module.reference"),t.ContextConsumer=c,t.ContextProvider=l,t.Element=r,t.ForwardRef=d,t.Fragment=i,t.Lazy=f,t.Memo=g,t.Portal=a,t.Profiler=s,t.StrictMode=o,t.Suspense=p,t.SuspenseList=m,t.isAsyncMode=function(){return!1},t.isConcurrentMode=function(){return!1},t.isContextConsumer=function(e){return b(e)===c},t.isContextProvider=function(e){return b(e)===l},t.isElement=function(e){return"object"==typeof e&&null!==e&&e.$$typeof===r},t.isForwardRef=function(e){return b(e)===d},t.isFragment=function(e){return b(e)===i},t.isLazy=function(e){return b(e)===f},t.isMemo=function(e){return b(e)===g},t.isPortal=function(e){return b(e)===a},t.isProfiler=function(e){return b(e)===s},t.isStrictMode=function(e){return b(e)===o},t.isSuspense=function(e){return b(e)===p},t.isSuspenseList=function(e){return b(e)===m},t.isValidElementType=function(e){return"string"==typeof e||"function"==typeof e||e===i||e===s||e===o||e===p||e===m||e===h||"object"==typeof e&&null!==e&&(e.$$typeof===f||e.$$typeof===g||e.$$typeof===l||e.$$typeof===c||e.$$typeof===d||e.$$typeof===n||void 0!==e.getModuleId)},t.typeOf=b},59864:function(e,t,n){"use strict";e.exports=n(69921)},93179:function(e,t,n){"use strict";n.d(t,{Z:function(){return v}});var r,a,i=n(45987),o=n(74902),s=n(4942),l=n(67294),c=n(87462);function u(e,t){var n=Object.keys(e);if(Object.getOwnPropertySymbols){var r=Object.getOwnPropertySymbols(e);t&&(r=r.filter(function(t){return Object.getOwnPropertyDescriptor(e,t).enumerable})),n.push.apply(n,r)}return n}function d(e){for(var t=1;t1&&void 0!==arguments[1]?arguments[1]:{},n=arguments.length>2?arguments[2]:void 0;return(function(e){if(0===e.length||1===e.length)return e;var t,n=e.join(".");return p[n]||(p[n]=0===(t=e.length)||1===t?e:2===t?[e[0],e[1],"".concat(e[0],".").concat(e[1]),"".concat(e[1],".").concat(e[0])]:3===t?[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])]:t>=4?[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])]:void 0),p[n]})(e.filter(function(e){return"token"!==e})).reduce(function(e,t){return d(d({},e),n[t])},t)}(s.className,Object.assign({},s.style,void 0===a?{}:a),r)})}else h=d(d({},s),{},{className:s.className.join(" ")});var y=b(n.children);return l.createElement(m,(0,c.Z)({key:o},h),y)}}({node:e,stylesheet:n,useInlineStyles:r,key:"code-segement".concat(t)})})}function A(e){return e&&void 0!==e.highlightAuto}var _=n(98695),k=(r=n.n(_)(),a={'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"}},function(e){var t=e.language,n=e.children,s=e.style,c=void 0===s?a:s,u=e.customStyle,d=void 0===u?{}:u,p=e.codeTagProps,g=void 0===p?{className:t?"language-".concat(t):void 0,style:f(f({},c['code[class*="language-"]']),c['code[class*="language-'.concat(t,'"]')])}:p,_=e.useInlineStyles,k=void 0===_||_,v=e.showLineNumbers,N=void 0!==v&&v,C=e.showInlineLineNumbers,R=void 0===C||C,I=e.startingLineNumber,O=void 0===I?1:I,w=e.lineNumberContainerStyle,x=e.lineNumberStyle,L=void 0===x?{}:x,D=e.wrapLines,P=e.wrapLongLines,M=void 0!==P&&P,F=e.lineProps,U=void 0===F?{}:F,B=e.renderer,H=e.PreTag,G=void 0===H?"pre":H,z=e.CodeTag,$=void 0===z?"code":z,j=e.code,V=void 0===j?(Array.isArray(n)?n[0]:n)||"":j,W=e.astGenerator,K=(0,i.Z)(e,m);W=W||r;var Z=N?l.createElement(b,{containerStyle:w,codeStyle:g.style||{},numberStyle:L,startingLineNumber:O,codeString:V}):null,Y=c.hljs||c['pre[class*="language-"]']||{backgroundColor:"#fff"},q=A(W)?"hljs":"prismjs",X=k?Object.assign({},K,{style:Object.assign({},Y,d)}):Object.assign({},K,{className:K.className?"".concat(q," ").concat(K.className):q,style:Object.assign({},d)});if(M?g.style=f(f({},g.style),{},{whiteSpace:"pre-wrap"}):g.style=f(f({},g.style),{},{whiteSpace:"pre"}),!W)return l.createElement(G,X,Z,l.createElement($,g,V));(void 0===D&&B||M)&&(D=!0),B=B||y;var Q=[{type:"text",value:V}],J=function(e){var t=e.astGenerator,n=e.language,r=e.code,a=e.defaultCodeValue;if(A(t)){var i=-1!==t.listLanguages().indexOf(n);return"text"===n?{value:a,language:"text"}:i?t.highlight(n,r):t.highlightAuto(r)}try{return n&&"text"!==n?{value:t.highlight(r,n)}:{value:a}}catch(e){return{value:a}}}({astGenerator:W,language:t,code:V,defaultCodeValue:Q});null===J.language&&(J.value=Q);var ee=J.value.length+O,et=function(e,t,n,r,a,i,s,l,c){var u,d=function e(t){for(var n=arguments.length>1&&void 0!==arguments[1]?arguments[1]:[],r=arguments.length>2&&void 0!==arguments[2]?arguments[2]:[],a=0;a2&&void 0!==arguments[2]?arguments[2]:[];return t||o.length>0?function(e,t){var i=arguments.length>2&&void 0!==arguments[2]?arguments[2]:[];return S({children:e,lineNumber:t,lineNumberStyle:l,largestLineNumber:s,showInlineLineNumbers:a,lineProps:n,className:i,showLineNumbers:r,wrapLongLines:c})}(e,i,o):function(e,t){if(r&&t&&a){var n=T(l,t,s);e.unshift(E(t,n))}return e}(e,i)}for(;g code[class*="language-"]':{padding:"0.2em 0.3em",borderRadius:"0.3em",whiteSpace:"normal"},comment:{color:"hsl(220, 10%, 40%)",fontStyle:"italic"},prolog:{color:"hsl(220, 10%, 40%)"},cdata:{color:"hsl(220, 10%, 40%)"},doctype:{color:"hsl(220, 14%, 71%)"},punctuation:{color:"hsl(220, 14%, 71%)"},entity:{color:"hsl(220, 14%, 71%)",cursor:"help"},"attr-name":{color:"hsl(29, 54%, 61%)"},"class-name":{color:"hsl(29, 54%, 61%)"},boolean:{color:"hsl(29, 54%, 61%)"},constant:{color:"hsl(29, 54%, 61%)"},number:{color:"hsl(29, 54%, 61%)"},atrule:{color:"hsl(29, 54%, 61%)"},keyword:{color:"hsl(286, 60%, 67%)"},property:{color:"hsl(355, 65%, 65%)"},tag:{color:"hsl(355, 65%, 65%)"},symbol:{color:"hsl(355, 65%, 65%)"},deleted:{color:"hsl(355, 65%, 65%)"},important:{color:"hsl(355, 65%, 65%)"},selector:{color:"hsl(95, 38%, 62%)"},string:{color:"hsl(95, 38%, 62%)"},char:{color:"hsl(95, 38%, 62%)"},builtin:{color:"hsl(95, 38%, 62%)"},inserted:{color:"hsl(95, 38%, 62%)"},regex:{color:"hsl(95, 38%, 62%)"},"attr-value":{color:"hsl(95, 38%, 62%)"},"attr-value > .token.punctuation":{color:"hsl(95, 38%, 62%)"},variable:{color:"hsl(207, 82%, 66%)"},operator:{color:"hsl(207, 82%, 66%)"},function:{color:"hsl(207, 82%, 66%)"},url:{color:"hsl(187, 47%, 55%)"},"attr-value > .token.punctuation.attr-equals":{color:"hsl(220, 14%, 71%)"},"special-attr > .token.attr-value > .token.value.css":{color:"hsl(220, 14%, 71%)"},".language-css .token.selector":{color:"hsl(355, 65%, 65%)"},".language-css .token.property":{color:"hsl(220, 14%, 71%)"},".language-css .token.function":{color:"hsl(187, 47%, 55%)"},".language-css .token.url > .token.function":{color:"hsl(187, 47%, 55%)"},".language-css .token.url > .token.string.url":{color:"hsl(95, 38%, 62%)"},".language-css .token.important":{color:"hsl(286, 60%, 67%)"},".language-css .token.atrule .token.rule":{color:"hsl(286, 60%, 67%)"},".language-javascript .token.operator":{color:"hsl(286, 60%, 67%)"},".language-javascript .token.template-string > .token.interpolation > .token.interpolation-punctuation.punctuation":{color:"hsl(5, 48%, 51%)"},".language-json .token.operator":{color:"hsl(220, 14%, 71%)"},".language-json .token.null.keyword":{color:"hsl(29, 54%, 61%)"},".language-markdown .token.url":{color:"hsl(220, 14%, 71%)"},".language-markdown .token.url > .token.operator":{color:"hsl(220, 14%, 71%)"},".language-markdown .token.url-reference.url > .token.string":{color:"hsl(220, 14%, 71%)"},".language-markdown .token.url > .token.content":{color:"hsl(207, 82%, 66%)"},".language-markdown .token.url > .token.url":{color:"hsl(187, 47%, 55%)"},".language-markdown .token.url-reference.url":{color:"hsl(187, 47%, 55%)"},".language-markdown .token.blockquote.punctuation":{color:"hsl(220, 10%, 40%)",fontStyle:"italic"},".language-markdown .token.hr.punctuation":{color:"hsl(220, 10%, 40%)",fontStyle:"italic"},".language-markdown .token.code-snippet":{color:"hsl(95, 38%, 62%)"},".language-markdown .token.bold .token.content":{color:"hsl(29, 54%, 61%)"},".language-markdown .token.italic .token.content":{color:"hsl(286, 60%, 67%)"},".language-markdown .token.strike .token.content":{color:"hsl(355, 65%, 65%)"},".language-markdown .token.strike .token.punctuation":{color:"hsl(355, 65%, 65%)"},".language-markdown .token.list.punctuation":{color:"hsl(355, 65%, 65%)"},".language-markdown .token.title.important > .token.punctuation":{color:"hsl(355, 65%, 65%)"},bold:{fontWeight:"bold"},italic:{fontStyle:"italic"},namespace:{Opacity:"0.8"},"token.tab:not(:empty):before":{color:"hsla(220, 14%, 71%, 0.15)",textShadow:"none"},"token.cr:before":{color:"hsla(220, 14%, 71%, 0.15)",textShadow:"none"},"token.lf:before":{color:"hsla(220, 14%, 71%, 0.15)",textShadow:"none"},"token.space:before":{color:"hsla(220, 14%, 71%, 0.15)",textShadow:"none"},"div.code-toolbar > .toolbar.toolbar > .toolbar-item":{marginRight:"0.4em"},"div.code-toolbar > .toolbar.toolbar > .toolbar-item > button":{background:"hsl(220, 13%, 26%)",color:"hsl(220, 9%, 55%)",padding:"0.1em 0.4em",borderRadius:"0.3em"},"div.code-toolbar > .toolbar.toolbar > .toolbar-item > a":{background:"hsl(220, 13%, 26%)",color:"hsl(220, 9%, 55%)",padding:"0.1em 0.4em",borderRadius:"0.3em"},"div.code-toolbar > .toolbar.toolbar > .toolbar-item > span":{background:"hsl(220, 13%, 26%)",color:"hsl(220, 9%, 55%)",padding:"0.1em 0.4em",borderRadius:"0.3em"},"div.code-toolbar > .toolbar.toolbar > .toolbar-item > button:hover":{background:"hsl(220, 13%, 28%)",color:"hsl(220, 14%, 71%)"},"div.code-toolbar > .toolbar.toolbar > .toolbar-item > button:focus":{background:"hsl(220, 13%, 28%)",color:"hsl(220, 14%, 71%)"},"div.code-toolbar > .toolbar.toolbar > .toolbar-item > a:hover":{background:"hsl(220, 13%, 28%)",color:"hsl(220, 14%, 71%)"},"div.code-toolbar > .toolbar.toolbar > .toolbar-item > a:focus":{background:"hsl(220, 13%, 28%)",color:"hsl(220, 14%, 71%)"},"div.code-toolbar > .toolbar.toolbar > .toolbar-item > span:hover":{background:"hsl(220, 13%, 28%)",color:"hsl(220, 14%, 71%)"},"div.code-toolbar > .toolbar.toolbar > .toolbar-item > span:focus":{background:"hsl(220, 13%, 28%)",color:"hsl(220, 14%, 71%)"},".line-highlight.line-highlight":{background:"hsla(220, 100%, 80%, 0.04)"},".line-highlight.line-highlight:before":{background:"hsl(220, 13%, 26%)",color:"hsl(220, 14%, 71%)",padding:"0.1em 0.6em",borderRadius:"0.3em",boxShadow:"0 2px 0 0 rgba(0, 0, 0, 0.2)"},".line-highlight.line-highlight[data-end]:after":{background:"hsl(220, 13%, 26%)",color:"hsl(220, 14%, 71%)",padding:"0.1em 0.6em",borderRadius:"0.3em",boxShadow:"0 2px 0 0 rgba(0, 0, 0, 0.2)"},"pre[id].linkable-line-numbers.linkable-line-numbers span.line-numbers-rows > span:hover:before":{backgroundColor:"hsla(220, 100%, 80%, 0.04)"},".line-numbers.line-numbers .line-numbers-rows":{borderRightColor:"hsla(220, 14%, 71%, 0.15)"},".command-line .command-line-prompt":{borderRightColor:"hsla(220, 14%, 71%, 0.15)"},".line-numbers .line-numbers-rows > span:before":{color:"hsl(220, 14%, 45%)"},".command-line .command-line-prompt > span:before":{color:"hsl(220, 14%, 45%)"},".rainbow-braces .token.token.punctuation.brace-level-1":{color:"hsl(355, 65%, 65%)"},".rainbow-braces .token.token.punctuation.brace-level-5":{color:"hsl(355, 65%, 65%)"},".rainbow-braces .token.token.punctuation.brace-level-9":{color:"hsl(355, 65%, 65%)"},".rainbow-braces .token.token.punctuation.brace-level-2":{color:"hsl(95, 38%, 62%)"},".rainbow-braces .token.token.punctuation.brace-level-6":{color:"hsl(95, 38%, 62%)"},".rainbow-braces .token.token.punctuation.brace-level-10":{color:"hsl(95, 38%, 62%)"},".rainbow-braces .token.token.punctuation.brace-level-3":{color:"hsl(207, 82%, 66%)"},".rainbow-braces .token.token.punctuation.brace-level-7":{color:"hsl(207, 82%, 66%)"},".rainbow-braces .token.token.punctuation.brace-level-11":{color:"hsl(207, 82%, 66%)"},".rainbow-braces .token.token.punctuation.brace-level-4":{color:"hsl(286, 60%, 67%)"},".rainbow-braces .token.token.punctuation.brace-level-8":{color:"hsl(286, 60%, 67%)"},".rainbow-braces .token.token.punctuation.brace-level-12":{color:"hsl(286, 60%, 67%)"},"pre.diff-highlight > code .token.token.deleted:not(.prefix)":{backgroundColor:"hsla(353, 100%, 66%, 0.15)"},"pre > code.diff-highlight .token.token.deleted:not(.prefix)":{backgroundColor:"hsla(353, 100%, 66%, 0.15)"},"pre.diff-highlight > code .token.token.deleted:not(.prefix)::-moz-selection":{backgroundColor:"hsla(353, 95%, 66%, 0.25)"},"pre.diff-highlight > code .token.token.deleted:not(.prefix) *::-moz-selection":{backgroundColor:"hsla(353, 95%, 66%, 0.25)"},"pre > code.diff-highlight .token.token.deleted:not(.prefix)::-moz-selection":{backgroundColor:"hsla(353, 95%, 66%, 0.25)"},"pre > code.diff-highlight .token.token.deleted:not(.prefix) *::-moz-selection":{backgroundColor:"hsla(353, 95%, 66%, 0.25)"},"pre.diff-highlight > code .token.token.deleted:not(.prefix)::selection":{backgroundColor:"hsla(353, 95%, 66%, 0.25)"},"pre.diff-highlight > code .token.token.deleted:not(.prefix) *::selection":{backgroundColor:"hsla(353, 95%, 66%, 0.25)"},"pre > code.diff-highlight .token.token.deleted:not(.prefix)::selection":{backgroundColor:"hsla(353, 95%, 66%, 0.25)"},"pre > code.diff-highlight .token.token.deleted:not(.prefix) *::selection":{backgroundColor:"hsla(353, 95%, 66%, 0.25)"},"pre.diff-highlight > code .token.token.inserted:not(.prefix)":{backgroundColor:"hsla(137, 100%, 55%, 0.15)"},"pre > code.diff-highlight .token.token.inserted:not(.prefix)":{backgroundColor:"hsla(137, 100%, 55%, 0.15)"},"pre.diff-highlight > code .token.token.inserted:not(.prefix)::-moz-selection":{backgroundColor:"hsla(135, 73%, 55%, 0.25)"},"pre.diff-highlight > code .token.token.inserted:not(.prefix) *::-moz-selection":{backgroundColor:"hsla(135, 73%, 55%, 0.25)"},"pre > code.diff-highlight .token.token.inserted:not(.prefix)::-moz-selection":{backgroundColor:"hsla(135, 73%, 55%, 0.25)"},"pre > code.diff-highlight .token.token.inserted:not(.prefix) *::-moz-selection":{backgroundColor:"hsla(135, 73%, 55%, 0.25)"},"pre.diff-highlight > code .token.token.inserted:not(.prefix)::selection":{backgroundColor:"hsla(135, 73%, 55%, 0.25)"},"pre.diff-highlight > code .token.token.inserted:not(.prefix) *::selection":{backgroundColor:"hsla(135, 73%, 55%, 0.25)"},"pre > code.diff-highlight .token.token.inserted:not(.prefix)::selection":{backgroundColor:"hsla(135, 73%, 55%, 0.25)"},"pre > code.diff-highlight .token.token.inserted:not(.prefix) *::selection":{backgroundColor:"hsla(135, 73%, 55%, 0.25)"},".prism-previewer.prism-previewer:before":{borderColor:"hsl(224, 13%, 17%)"},".prism-previewer-gradient.prism-previewer-gradient div":{borderColor:"hsl(224, 13%, 17%)",borderRadius:"0.3em"},".prism-previewer-color.prism-previewer-color:before":{borderRadius:"0.3em"},".prism-previewer-easing.prism-previewer-easing:before":{borderRadius:"0.3em"},".prism-previewer.prism-previewer:after":{borderTopColor:"hsl(224, 13%, 17%)"},".prism-previewer-flipped.prism-previewer-flipped.after":{borderBottomColor:"hsl(224, 13%, 17%)"},".prism-previewer-angle.prism-previewer-angle:before":{background:"hsl(219, 13%, 22%)"},".prism-previewer-time.prism-previewer-time:before":{background:"hsl(219, 13%, 22%)"},".prism-previewer-easing.prism-previewer-easing":{background:"hsl(219, 13%, 22%)"},".prism-previewer-angle.prism-previewer-angle circle":{stroke:"hsl(220, 14%, 71%)",strokeOpacity:"1"},".prism-previewer-time.prism-previewer-time circle":{stroke:"hsl(220, 14%, 71%)",strokeOpacity:"1"},".prism-previewer-easing.prism-previewer-easing circle":{stroke:"hsl(220, 14%, 71%)",fill:"transparent"},".prism-previewer-easing.prism-previewer-easing path":{stroke:"hsl(220, 14%, 71%)"},".prism-previewer-easing.prism-previewer-easing line":{stroke:"hsl(220, 14%, 71%)"}}},11215:function(e,t,n){"use strict";var r,a,i="object"==typeof globalThis?globalThis:"object"==typeof self?self:"object"==typeof window?window:"object"==typeof n.g?n.g:{},o=(a=(r="Prism"in i)?i.Prism:void 0,function(){r?i.Prism=a:delete i.Prism,r=void 0,a=void 0});i.Prism={manual:!0,disableWorkerMessageHandler:!0};var s=n(31742),l=n(57574),c=n(59216),u=n(2717),d=n(12049),p=n(29726),m=n(36155);o();var g={}.hasOwnProperty;function f(){}f.prototype=c;var h=new f;function b(e){if("function"!=typeof e||!e.displayName)throw Error("Expected `function` for `grammar`, got `"+e+"`");void 0===h.languages[e.displayName]&&e(h)}e.exports=h,h.highlight=function(e,t){var n,r=c.highlight;if("string"!=typeof e)throw Error("Expected `string` for `value`, got `"+e+"`");if("Object"===h.util.type(t))n=t,t=null;else{if("string"!=typeof t)throw Error("Expected `string` for `name`, got `"+t+"`");if(g.call(h.languages,t))n=h.languages[t];else throw Error("Unknown language: `"+t+"` is not registered")}return r.call(this,e,n,t)},h.register=b,h.alias=function(e,t){var n,r,a,i,o=h.languages,s=e;for(n in t&&((s={})[e]=t),s)for(a=(r="string"==typeof(r=s[n])?[r]:r).length,i=-1;++i]?|>=?|\?=|[-+\/=])(?=\s)/,lookbehind:!0},"string-operator":{pattern:/(\s)&&?(?=\s)/,lookbehind:!0,alias:"keyword"},"token-operator":[{pattern:/(\w)(?:->?|=>|[~|{}])(?=\w)/,lookbehind:!0,alias:"punctuation"},{pattern:/[|{}]/,alias:"punctuation"}],punctuation:/[,.:()]/}}e.exports=t,t.displayName="abap",t.aliases=[]},68313:function(e){"use strict";function t(e){var t;t="(?:ALPHA|BIT|CHAR|CR|CRLF|CTL|DIGIT|DQUOTE|HEXDIG|HTAB|LF|LWSP|OCTET|SP|VCHAR|WSP)",e.languages.abnf={comment:/;.*/,string:{pattern:/(?:%[is])?"[^"\n\r]*"/,greedy:!0,inside:{punctuation:/^%[is]/}},range:{pattern:/%(?:b[01]+-[01]+|d\d+-\d+|x[A-F\d]+-[A-F\d]+)/i,alias:"number"},terminal:{pattern:/%(?:b[01]+(?:\.[01]+)*|d\d+(?:\.\d+)*|x[A-F\d]+(?:\.[A-F\d]+)*)/i,alias:"number"},repetition:{pattern:/(^|[^\w-])(?:\d*\*\d*|\d+)/,lookbehind:!0,alias:"operator"},definition:{pattern:/(^[ \t]*)(?:[a-z][\w-]*|<[^<>\r\n]*>)(?=\s*=)/m,lookbehind:!0,alias:"keyword",inside:{punctuation:/<|>/}},"core-rule":{pattern:RegExp("(?:(^|[^<\\w-])"+t+"|<"+t+">)(?![\\w-])","i"),lookbehind:!0,alias:["rule","constant"],inside:{punctuation:/<|>/}},rule:{pattern:/(^|[^<\w-])[a-z][\w-]*|<[^<>\r\n]*>/i,lookbehind:!0,inside:{punctuation:/<|>/}},operator:/=\/?|\//,punctuation:/[()\[\]]/}}e.exports=t,t.displayName="abnf",t.aliases=[]},5199:function(e){"use strict";function t(e){e.languages.actionscript=e.languages.extend("javascript",{keyword:/\b(?:as|break|case|catch|class|const|default|delete|do|dynamic|each|else|extends|final|finally|for|function|get|if|implements|import|in|include|instanceof|interface|internal|is|namespace|native|new|null|override|package|private|protected|public|return|set|static|super|switch|this|throw|try|typeof|use|var|void|while|with)\b/,operator:/\+\+|--|(?:[+\-*\/%^]|&&?|\|\|?|<>?>?|[!=]=?)=?|[~?@]/}),e.languages.actionscript["class-name"].alias="function",delete e.languages.actionscript.parameter,delete e.languages.actionscript["literal-property"],e.languages.markup&&e.languages.insertBefore("actionscript","string",{xml:{pattern:/(^|[^.])<\/?\w+(?:\s+[^\s>\/=]+=("|')(?:\\[\s\S]|(?!\2)[^\\])*\2)*\s*\/?>/,lookbehind:!0,inside:e.languages.markup}})}e.exports=t,t.displayName="actionscript",t.aliases=[]},89693:function(e){"use strict";function t(e){e.languages.ada={comment:/--.*/,string:/"(?:""|[^"\r\f\n])*"/,number:[{pattern:/\b\d(?:_?\d)*#[\dA-F](?:_?[\dA-F])*(?:\.[\dA-F](?:_?[\dA-F])*)?#(?:E[+-]?\d(?:_?\d)*)?/i},{pattern:/\b\d(?:_?\d)*(?:\.\d(?:_?\d)*)?(?:E[+-]?\d(?:_?\d)*)?\b/i}],"attr-name":/\b'\w+/,keyword:/\b(?:abort|abs|abstract|accept|access|aliased|all|and|array|at|begin|body|case|constant|declare|delay|delta|digits|do|else|elsif|end|entry|exception|exit|for|function|generic|goto|if|in|interface|is|limited|loop|mod|new|not|null|of|others|out|overriding|package|pragma|private|procedure|protected|raise|range|record|rem|renames|requeue|return|reverse|select|separate|some|subtype|synchronized|tagged|task|terminate|then|type|until|use|when|while|with|xor)\b/i,boolean:/\b(?:false|true)\b/i,operator:/<[=>]?|>=?|=>?|:=|\/=?|\*\*?|[&+-]/,punctuation:/\.\.?|[,;():]/,char:/'.'/,variable:/\b[a-z](?:\w)*\b/i}}e.exports=t,t.displayName="ada",t.aliases=[]},24001:function(e){"use strict";function t(e){e.languages.agda={comment:/\{-[\s\S]*?(?:-\}|$)|--.*/,string:{pattern:/"(?:\\(?:\r\n|[\s\S])|[^\\\r\n"])*"/,greedy:!0},punctuation:/[(){}⦃⦄.;@]/,"class-name":{pattern:/((?:data|record) +)\S+/,lookbehind:!0},function:{pattern:/(^[ \t]*)(?!\s)[^:\r\n]+(?=:)/m,lookbehind:!0},operator:{pattern:/(^\s*|\s)(?:[=|:∀→λ\\?_]|->)(?=\s)/,lookbehind:!0},keyword:/\b(?:Set|abstract|constructor|data|eta-equality|field|forall|hiding|import|in|inductive|infix|infixl|infixr|instance|let|macro|module|mutual|no-eta-equality|open|overlap|pattern|postulate|primitive|private|public|quote|quoteContext|quoteGoal|quoteTerm|record|renaming|rewrite|syntax|tactic|unquote|unquoteDecl|unquoteDef|using|variable|where|with)\b/}}e.exports=t,t.displayName="agda",t.aliases=[]},18018:function(e){"use strict";function t(e){e.languages.al={comment:/\/\/.*|\/\*[\s\S]*?\*\//,string:{pattern:/'(?:''|[^'\r\n])*'(?!')|"(?:""|[^"\r\n])*"(?!")/,greedy:!0},function:{pattern:/(\b(?:event|procedure|trigger)\s+|(?:^|[^.])\.\s*)[a-z_]\w*(?=\s*\()/i,lookbehind:!0},keyword:[/\b(?:array|asserterror|begin|break|case|do|downto|else|end|event|exit|for|foreach|function|if|implements|in|indataset|interface|internal|local|of|procedure|program|protected|repeat|runonclient|securityfiltering|suppressdispose|temporary|then|to|trigger|until|var|while|with|withevents)\b/i,/\b(?:action|actions|addafter|addbefore|addfirst|addlast|area|assembly|chartpart|codeunit|column|controladdin|cuegroup|customizes|dataitem|dataset|dotnet|elements|enum|enumextension|extends|field|fieldattribute|fieldelement|fieldgroup|fieldgroups|fields|filter|fixed|grid|group|key|keys|label|labels|layout|modify|moveafter|movebefore|movefirst|movelast|page|pagecustomization|pageextension|part|profile|query|repeater|report|requestpage|schema|separator|systempart|table|tableelement|tableextension|textattribute|textelement|type|usercontrol|value|xmlport)\b/i],number:/\b(?:0x[\da-f]+|(?:\d+(?:\.\d*)?|\.\d+)(?:e[+-]?\d+)?)(?:F|LL?|U(?:LL?)?)?\b/i,boolean:/\b(?:false|true)\b/i,variable:/\b(?:Curr(?:FieldNo|Page|Report)|x?Rec|RequestOptionsPage)\b/,"class-name":/\b(?:automation|biginteger|bigtext|blob|boolean|byte|char|clienttype|code|completiontriggererrorlevel|connectiontype|database|dataclassification|datascope|date|dateformula|datetime|decimal|defaultlayout|dialog|dictionary|dotnetassembly|dotnettypedeclaration|duration|errorinfo|errortype|executioncontext|executionmode|fieldclass|fieldref|fieldtype|file|filterpagebuilder|guid|httpclient|httpcontent|httpheaders|httprequestmessage|httpresponsemessage|instream|integer|joker|jsonarray|jsonobject|jsontoken|jsonvalue|keyref|list|moduledependencyinfo|moduleinfo|none|notification|notificationscope|objecttype|option|outstream|pageresult|record|recordid|recordref|reportformat|securityfilter|sessionsettings|tableconnectiontype|tablefilter|testaction|testfield|testfilterfield|testpage|testpermissions|testrequestpage|text|textbuilder|textconst|textencoding|time|transactionmodel|transactiontype|variant|verbosity|version|view|views|webserviceactioncontext|webserviceactionresultcode|xmlattribute|xmlattributecollection|xmlcdata|xmlcomment|xmldeclaration|xmldocument|xmldocumenttype|xmlelement|xmlnamespacemanager|xmlnametable|xmlnode|xmlnodelist|xmlprocessinginstruction|xmlreadoptions|xmltext|xmlwriteoptions)\b/i,operator:/\.\.|:[=:]|[-+*/]=?|<>|[<>]=?|=|\b(?:and|div|mod|not|or|xor)\b/i,punctuation:/[()\[\]{}:.;,]/}}e.exports=t,t.displayName="al",t.aliases=[]},36363:function(e){"use strict";function t(e){e.languages.antlr4={comment:/\/\/.*|\/\*[\s\S]*?(?:\*\/|$)/,string:{pattern:/'(?:\\.|[^\\'\r\n])*'/,greedy:!0},"character-class":{pattern:/\[(?:\\.|[^\\\]\r\n])*\]/,greedy:!0,alias:"regex",inside:{range:{pattern:/([^[]|(?:^|[^\\])(?:\\\\)*\\\[)-(?!\])/,lookbehind:!0,alias:"punctuation"},escape:/\\(?:u(?:[a-fA-F\d]{4}|\{[a-fA-F\d]+\})|[pP]\{[=\w-]+\}|[^\r\nupP])/,punctuation:/[\[\]]/}},action:{pattern:/\{(?:[^{}]|\{(?:[^{}]|\{(?:[^{}]|\{[^{}]*\})*\})*\})*\}/,greedy:!0,inside:{content:{pattern:/(\{)[\s\S]+(?=\})/,lookbehind:!0},punctuation:/[{}]/}},command:{pattern:/(->\s*(?!\s))(?:\s*(?:,\s*)?\b[a-z]\w*(?:\s*\([^()\r\n]*\))?)+(?=\s*;)/i,lookbehind:!0,inside:{function:/\b\w+(?=\s*(?:[,(]|$))/,punctuation:/[,()]/}},annotation:{pattern:/@\w+(?:::\w+)*/,alias:"keyword"},label:{pattern:/#[ \t]*\w+/,alias:"punctuation"},keyword:/\b(?:catch|channels|finally|fragment|grammar|import|lexer|locals|mode|options|parser|returns|throws|tokens)\b/,definition:[{pattern:/\b[a-z]\w*(?=\s*:)/,alias:["rule","class-name"]},{pattern:/\b[A-Z]\w*(?=\s*:)/,alias:["token","constant"]}],constant:/\b[A-Z][A-Z_]*\b/,operator:/\.\.|->|[|~]|[*+?]\??/,punctuation:/[;:()=]/},e.languages.g4=e.languages.antlr4}e.exports=t,t.displayName="antlr4",t.aliases=["g4"]},35281:function(e){"use strict";function t(e){e.languages.apacheconf={comment:/#.*/,"directive-inline":{pattern:/(^[\t ]*)\b(?:AcceptFilter|AcceptPathInfo|AccessFileName|Action|Add(?:Alt|AltByEncoding|AltByType|Charset|DefaultCharset|Description|Encoding|Handler|Icon|IconByEncoding|IconByType|InputFilter|Language|ModuleInfo|OutputFilter|OutputFilterByType|Type)|Alias|AliasMatch|Allow(?:CONNECT|EncodedSlashes|Methods|Override|OverrideList)?|Anonymous(?:_LogEmail|_MustGiveEmail|_NoUserID|_VerifyEmail)?|AsyncRequestWorkerFactor|Auth(?:BasicAuthoritative|BasicFake|BasicProvider|BasicUseDigestAlgorithm|DBDUserPWQuery|DBDUserRealmQuery|DBMGroupFile|DBMType|DBMUserFile|Digest(?:Algorithm|Domain|NonceLifetime|Provider|Qop|ShmemSize)|Form(?:Authoritative|Body|DisableNoStore|FakeBasicAuth|Location|LoginRequiredLocation|LoginSuccessLocation|LogoutLocation|Method|Mimetype|Password|Provider|SitePassphrase|Size|Username)|GroupFile|LDAP(?:AuthorizePrefix|BindAuthoritative|BindDN|BindPassword|CharsetConfig|CompareAsUser|CompareDNOnServer|DereferenceAliases|GroupAttribute|GroupAttributeIsDN|InitialBindAsUser|InitialBindPattern|MaxSubGroupDepth|RemoteUserAttribute|RemoteUserIsDN|SearchAsUser|SubGroupAttribute|SubGroupClass|Url)|Merging|Name|nCache(?:Context|Enable|ProvideFor|SOCache|Timeout)|nzFcgiCheckAuthnProvider|nzFcgiDefineProvider|Type|UserFile|zDBDLoginToReferer|zDBDQuery|zDBDRedirectQuery|zDBMType|zSendForbiddenOnFailure)|BalancerGrowth|BalancerInherit|BalancerMember|BalancerPersist|BrowserMatch|BrowserMatchNoCase|BufferedLogs|BufferSize|Cache(?:DefaultExpire|DetailHeader|DirLength|DirLevels|Disable|Enable|File|Header|IgnoreCacheControl|IgnoreHeaders|IgnoreNoLastMod|IgnoreQueryString|IgnoreURLSessionIdentifiers|KeyBaseURL|LastModifiedFactor|Lock|LockMaxAge|LockPath|MaxExpire|MaxFileSize|MinExpire|MinFileSize|NegotiatedDocs|QuickHandler|ReadSize|ReadTime|Root|Socache(?:MaxSize|MaxTime|MinTime|ReadSize|ReadTime)?|StaleOnError|StoreExpired|StoreNoStore|StorePrivate)|CGIDScriptTimeout|CGIMapExtension|CharsetDefault|CharsetOptions|CharsetSourceEnc|CheckCaseOnly|CheckSpelling|ChrootDir|ContentDigest|CookieDomain|CookieExpires|CookieName|CookieStyle|CookieTracking|CoreDumpDirectory|CustomLog|Dav|DavDepthInfinity|DavGenericLockDB|DavLockDB|DavMinTimeout|DBDExptime|DBDInitSQL|DBDKeep|DBDMax|DBDMin|DBDParams|DBDPersist|DBDPrepareSQL|DBDriver|DefaultIcon|DefaultLanguage|DefaultRuntimeDir|DefaultType|Define|Deflate(?:BufferSize|CompressionLevel|FilterNote|InflateLimitRequestBody|InflateRatio(?:Burst|Limit)|MemLevel|WindowSize)|Deny|DirectoryCheckHandler|DirectoryIndex|DirectoryIndexRedirect|DirectorySlash|DocumentRoot|DTracePrivileges|DumpIOInput|DumpIOOutput|EnableExceptionHook|EnableMMAP|EnableSendfile|Error|ErrorDocument|ErrorLog|ErrorLogFormat|Example|ExpiresActive|ExpiresByType|ExpiresDefault|ExtendedStatus|ExtFilterDefine|ExtFilterOptions|FallbackResource|FileETag|FilterChain|FilterDeclare|FilterProtocol|FilterProvider|FilterTrace|ForceLanguagePriority|ForceType|ForensicLog|GprofDir|GracefulShutdownTimeout|Group|Header|HeaderName|Heartbeat(?:Address|Listen|MaxServers|Storage)|HostnameLookups|IdentityCheck|IdentityCheckTimeout|ImapBase|ImapDefault|ImapMenu|Include|IncludeOptional|Index(?:HeadInsert|Ignore|IgnoreReset|Options|OrderDefault|StyleSheet)|InputSed|ISAPI(?:AppendLogToErrors|AppendLogToQuery|CacheFile|FakeAsync|LogNotSupported|ReadAheadBuffer)|KeepAlive|KeepAliveTimeout|KeptBodySize|LanguagePriority|LDAP(?:CacheEntries|CacheTTL|ConnectionPoolTTL|ConnectionTimeout|LibraryDebug|OpCacheEntries|OpCacheTTL|ReferralHopLimit|Referrals|Retries|RetryDelay|SharedCacheFile|SharedCacheSize|Timeout|TrustedClientCert|TrustedGlobalCert|TrustedMode|VerifyServerCert)|Limit(?:InternalRecursion|Request(?:Body|Fields|FieldSize|Line)|XMLRequestBody)|Listen|ListenBackLog|LoadFile|LoadModule|LogFormat|LogLevel|LogMessage|LuaAuthzProvider|LuaCodeCache|Lua(?:Hook(?:AccessChecker|AuthChecker|CheckUserID|Fixups|InsertFilter|Log|MapToStorage|TranslateName|TypeChecker)|Inherit|InputFilter|MapHandler|OutputFilter|PackageCPath|PackagePath|QuickHandler|Root|Scope)|Max(?:ConnectionsPerChild|KeepAliveRequests|MemFree|RangeOverlaps|RangeReversals|Ranges|RequestWorkers|SpareServers|SpareThreads|Threads)|MergeTrailers|MetaDir|MetaFiles|MetaSuffix|MimeMagicFile|MinSpareServers|MinSpareThreads|MMapFile|ModemStandard|ModMimeUsePathInfo|MultiviewsMatch|Mutex|NameVirtualHost|NoProxy|NWSSLTrustedCerts|NWSSLUpgradeable|Options|Order|OutputSed|PassEnv|PidFile|PrivilegesMode|Protocol|ProtocolEcho|Proxy(?:AddHeaders|BadHeader|Block|Domain|ErrorOverride|ExpressDBMFile|ExpressDBMType|ExpressEnable|FtpDirCharset|FtpEscapeWildcards|FtpListOnWildcard|HTML(?:BufSize|CharsetOut|DocType|Enable|Events|Extended|Fixups|Interp|Links|Meta|StripComments|URLMap)|IOBufferSize|MaxForwards|Pass(?:Inherit|InterpolateEnv|Match|Reverse|ReverseCookieDomain|ReverseCookiePath)?|PreserveHost|ReceiveBufferSize|Remote|RemoteMatch|Requests|SCGIInternalRedirect|SCGISendfile|Set|SourceAddress|Status|Timeout|Via)|ReadmeName|ReceiveBufferSize|Redirect|RedirectMatch|RedirectPermanent|RedirectTemp|ReflectorHeader|RemoteIP(?:Header|InternalProxy|InternalProxyList|ProxiesHeader|TrustedProxy|TrustedProxyList)|RemoveCharset|RemoveEncoding|RemoveHandler|RemoveInputFilter|RemoveLanguage|RemoveOutputFilter|RemoveType|RequestHeader|RequestReadTimeout|Require|Rewrite(?:Base|Cond|Engine|Map|Options|Rule)|RLimitCPU|RLimitMEM|RLimitNPROC|Satisfy|ScoreBoardFile|Script(?:Alias|AliasMatch|InterpreterSource|Log|LogBuffer|LogLength|Sock)?|SecureListen|SeeRequestTail|SendBufferSize|Server(?:Admin|Alias|Limit|Name|Path|Root|Signature|Tokens)|Session(?:Cookie(?:Name|Name2|Remove)|Crypto(?:Cipher|Driver|Passphrase|PassphraseFile)|DBD(?:CookieName|CookieName2|CookieRemove|DeleteLabel|InsertLabel|PerUser|SelectLabel|UpdateLabel)|Env|Exclude|Header|Include|MaxAge)?|SetEnv|SetEnvIf|SetEnvIfExpr|SetEnvIfNoCase|SetHandler|SetInputFilter|SetOutputFilter|SSIEndTag|SSIErrorMsg|SSIETag|SSILastModified|SSILegacyExprParser|SSIStartTag|SSITimeFormat|SSIUndefinedEcho|SSL(?:CACertificateFile|CACertificatePath|CADNRequestFile|CADNRequestPath|CARevocationCheck|CARevocationFile|CARevocationPath|CertificateChainFile|CertificateFile|CertificateKeyFile|CipherSuite|Compression|CryptoDevice|Engine|FIPS|HonorCipherOrder|InsecureRenegotiation|OCSP(?:DefaultResponder|Enable|OverrideResponder|ResponderTimeout|ResponseMaxAge|ResponseTimeSkew|UseRequestNonce)|OpenSSLConfCmd|Options|PassPhraseDialog|Protocol|Proxy(?:CACertificateFile|CACertificatePath|CARevocation(?:Check|File|Path)|CheckPeer(?:CN|Expire|Name)|CipherSuite|Engine|MachineCertificate(?:ChainFile|File|Path)|Protocol|Verify|VerifyDepth)|RandomSeed|RenegBufferSize|Require|RequireSSL|Session(?:Cache|CacheTimeout|TicketKeyFile|Tickets)|SRPUnknownUserSeed|SRPVerifierFile|Stapling(?:Cache|ErrorCacheTimeout|FakeTryLater|ForceURL|ResponderTimeout|ResponseMaxAge|ResponseTimeSkew|ReturnResponderErrors|StandardCacheTimeout)|StrictSNIVHostCheck|UserName|UseStapling|VerifyClient|VerifyDepth)|StartServers|StartThreads|Substitute|Suexec|SuexecUserGroup|ThreadLimit|ThreadsPerChild|ThreadStackSize|TimeOut|TraceEnable|TransferLog|TypesConfig|UnDefine|UndefMacro|UnsetEnv|Use|UseCanonicalName|UseCanonicalPhysicalPort|User|UserDir|VHostCGIMode|VHostCGIPrivs|VHostGroup|VHostPrivs|VHostSecure|VHostUser|Virtual(?:DocumentRoot|ScriptAlias)(?:IP)?|WatchdogInterval|XBitHack|xml2EncAlias|xml2EncDefault|xml2StartParse)\b/im,lookbehind:!0,alias:"property"},"directive-block":{pattern:/<\/?\b(?:Auth[nz]ProviderAlias|Directory|DirectoryMatch|Else|ElseIf|Files|FilesMatch|If|IfDefine|IfModule|IfVersion|Limit|LimitExcept|Location|LocationMatch|Macro|Proxy|Require(?:All|Any|None)|VirtualHost)\b.*>/i,inside:{"directive-block":{pattern:/^<\/?\w+/,inside:{punctuation:/^<\/?/},alias:"tag"},"directive-block-parameter":{pattern:/.*[^>]/,inside:{punctuation:/:/,string:{pattern:/("|').*\1/,inside:{variable:/[$%]\{?(?:\w\.?[-+:]?)+\}?/}}},alias:"attr-value"},punctuation:/>/},alias:"tag"},"directive-flags":{pattern:/\[(?:[\w=],?)+\]/,alias:"keyword"},string:{pattern:/("|').*\1/,inside:{variable:/[$%]\{?(?:\w\.?[-+:]?)+\}?/}},variable:/[$%]\{?(?:\w\.?[-+:]?)+\}?/,regex:/\^?.*\$|\^.*\$?/}}e.exports=t,t.displayName="apacheconf",t.aliases=[]},10433:function(e,t,n){"use strict";var r=n(11114);function a(e){e.register(r),function(e){var t=/\b(?:(?:after|before)(?=\s+[a-z])|abstract|activate|and|any|array|as|asc|autonomous|begin|bigdecimal|blob|boolean|break|bulk|by|byte|case|cast|catch|char|class|collect|commit|const|continue|currency|date|datetime|decimal|default|delete|desc|do|double|else|end|enum|exception|exit|export|extends|final|finally|float|for|from|get(?=\s*[{};])|global|goto|group|having|hint|if|implements|import|in|inner|insert|instanceof|int|integer|interface|into|join|like|limit|list|long|loop|map|merge|new|not|null|nulls|number|object|of|on|or|outer|override|package|parallel|pragma|private|protected|public|retrieve|return|rollback|select|set|short|sObject|sort|static|string|super|switch|synchronized|system|testmethod|then|this|throw|time|transaction|transient|trigger|try|undelete|update|upsert|using|virtual|void|webservice|when|where|while|(?:inherited|with|without)\s+sharing)\b/i,n=/\b(?:(?=[a-z_]\w*\s*[<\[])|(?!))[A-Z_]\w*(?:\s*\.\s*[A-Z_]\w*)*\b(?:\s*(?:\[\s*\]|<(?:[^<>]|<(?:[^<>]|<[^<>]*>)*>)*>))*/.source.replace(//g,function(){return t.source});function r(e){return RegExp(e.replace(//g,function(){return n}),"i")}var a={keyword:t,punctuation:/[()\[\]{};,:.<>]/};e.languages.apex={comment:e.languages.clike.comment,string:e.languages.clike.string,sql:{pattern:/((?:[=,({:]|\breturn)\s*)\[[^\[\]]*\]/i,lookbehind:!0,greedy:!0,alias:"language-sql",inside:e.languages.sql},annotation:{pattern:/@\w+\b/,alias:"punctuation"},"class-name":[{pattern:r(/(\b(?:class|enum|extends|implements|instanceof|interface|new|trigger\s+\w+\s+on)\s+)/.source),lookbehind:!0,inside:a},{pattern:r(/(\(\s*)(?=\s*\)\s*[\w(])/.source),lookbehind:!0,inside:a},{pattern:r(/(?=\s*\w+\s*[;=,(){:])/.source),inside:a}],trigger:{pattern:/(\btrigger\s+)\w+\b/i,lookbehind:!0,alias:"class-name"},keyword:t,function:/\b[a-z_]\w*(?=\s*\()/i,boolean:/\b(?:false|true)\b/i,number:/(?:\B\.\d+|\b\d+(?:\.\d+|L)?)\b/i,operator:/[!=](?:==?)?|\?\.?|&&|\|\||--|\+\+|[-+*/^&|]=?|:|<{1,3}=?/,punctuation:/[()\[\]{};,.]/}}(e)}e.exports=a,a.displayName="apex",a.aliases=[]},84039:function(e){"use strict";function t(e){e.languages.apl={comment:/(?:⍝|#[! ]).*$/m,string:{pattern:/'(?:[^'\r\n]|'')*'/,greedy:!0},number:/¯?(?:\d*\.?\b\d+(?:e[+¯]?\d+)?|¯|∞)(?:j¯?(?:(?:\d+(?:\.\d+)?|\.\d+)(?:e[+¯]?\d+)?|¯|∞))?/i,statement:/:[A-Z][a-z][A-Za-z]*\b/,"system-function":{pattern:/⎕[A-Z]+/i,alias:"function"},constant:/[⍬⌾#⎕⍞]/,function:/[-+×÷⌈⌊∣|⍳⍸?*⍟○!⌹<≤=>≥≠≡≢∊⍷∪∩~∨∧⍱⍲⍴,⍪⌽⊖⍉↑↓⊂⊃⊆⊇⌷⍋⍒⊤⊥⍕⍎⊣⊢⍁⍂≈⍯↗¤→]/,"monadic-operator":{pattern:/[\\\/⌿⍀¨⍨⌶&∥]/,alias:"operator"},"dyadic-operator":{pattern:/[.⍣⍠⍤∘⌸@⌺⍥]/,alias:"operator"},assignment:{pattern:/←/,alias:"keyword"},punctuation:/[\[;\]()◇⋄]/,dfn:{pattern:/[{}⍺⍵⍶⍹∇⍫:]/,alias:"builtin"}}}e.exports=t,t.displayName="apl",t.aliases=[]},71336:function(e){"use strict";function t(e){e.languages.applescript={comment:[/\(\*(?:\(\*(?:[^*]|\*(?!\)))*\*\)|(?!\(\*)[\s\S])*?\*\)/,/--.+/,/#.+/],string:/"(?:\\.|[^"\\\r\n])*"/,number:/(?:\b\d+(?:\.\d*)?|\B\.\d+)(?:e-?\d+)?\b/i,operator:[/[&=≠≤≥*+\-\/÷^]|[<>]=?/,/\b(?:(?:begin|end|start)s? with|(?:contains?|(?:does not|doesn't) contain)|(?:is|isn't|is not) (?:contained by|in)|(?:(?:is|isn't|is not) )?(?:greater|less) than(?: or equal)?(?: to)?|(?:comes|(?:does not|doesn't) come) (?:after|before)|(?:is|isn't|is not) equal(?: to)?|(?:(?:does not|doesn't) equal|equal to|equals|is not|isn't)|(?:a )?(?:ref(?: to)?|reference to)|(?:and|as|div|mod|not|or))\b/],keyword:/\b(?:about|above|after|against|apart from|around|aside from|at|back|before|beginning|behind|below|beneath|beside|between|but|by|considering|continue|copy|does|eighth|else|end|equal|error|every|exit|false|fifth|first|for|fourth|from|front|get|given|global|if|ignoring|in|instead of|into|is|it|its|last|local|me|middle|my|ninth|of|on|onto|out of|over|prop|property|put|repeat|return|returning|second|set|seventh|since|sixth|some|tell|tenth|that|the|then|third|through|thru|timeout|times|to|transaction|true|try|until|where|while|whose|with|without)\b/,"class-name":/\b(?:POSIX file|RGB color|alias|application|boolean|centimeters|centimetres|class|constant|cubic centimeters|cubic centimetres|cubic feet|cubic inches|cubic meters|cubic metres|cubic yards|date|degrees Celsius|degrees Fahrenheit|degrees Kelvin|feet|file|gallons|grams|inches|integer|kilograms|kilometers|kilometres|list|liters|litres|meters|metres|miles|number|ounces|pounds|quarts|real|record|reference|script|square feet|square kilometers|square kilometres|square meters|square metres|square miles|square yards|text|yards)\b/,punctuation:/[{}():,¬«»《》]/}}e.exports=t,t.displayName="applescript",t.aliases=[]},4481:function(e){"use strict";function t(e){e.languages.aql={comment:/\/\/.*|\/\*[\s\S]*?\*\//,property:{pattern:/([{,]\s*)(?:(?!\d)\w+|(["'´`])(?:(?!\2)[^\\\r\n]|\\.)*\2)(?=\s*:)/,lookbehind:!0,greedy:!0},string:{pattern:/(["'])(?:(?!\1)[^\\\r\n]|\\.)*\1/,greedy:!0},identifier:{pattern:/([´`])(?:(?!\1)[^\\\r\n]|\\.)*\1/,greedy:!0},variable:/@@?\w+/,keyword:[{pattern:/(\bWITH\s+)COUNT(?=\s+INTO\b)/i,lookbehind:!0},/\b(?:AGGREGATE|ALL|AND|ANY|ASC|COLLECT|DESC|DISTINCT|FILTER|FOR|GRAPH|IN|INBOUND|INSERT|INTO|K_PATHS|K_SHORTEST_PATHS|LET|LIKE|LIMIT|NONE|NOT|NULL|OR|OUTBOUND|REMOVE|REPLACE|RETURN|SHORTEST_PATH|SORT|UPDATE|UPSERT|WINDOW|WITH)\b/i,{pattern:/(^|[^\w.[])(?:KEEP|PRUNE|SEARCH|TO)\b/i,lookbehind:!0},{pattern:/(^|[^\w.[])(?:CURRENT|NEW|OLD)\b/,lookbehind:!0},{pattern:/\bOPTIONS(?=\s*\{)/i}],function:/\b(?!\d)\w+(?=\s*\()/,boolean:/\b(?:false|true)\b/i,range:{pattern:/\.\./,alias:"operator"},number:[/\b0b[01]+/i,/\b0x[0-9a-f]+/i,/(?:\B\.\d+|\b(?:0|[1-9]\d*)(?:\.\d+)?)(?:e[+-]?\d+)?/i],operator:/\*{2,}|[=!]~|[!=<>]=?|&&|\|\||[-+*/%]/,punctuation:/::|[?.:,;()[\]{}]/}}e.exports=t,t.displayName="aql",t.aliases=[]},2159:function(e,t,n){"use strict";var r=n(80096);function a(e){e.register(r),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}e.exports=a,a.displayName="arduino",a.aliases=["ino"]},60274:function(e){"use strict";function t(e){e.languages.arff={comment:/%.*/,string:{pattern:/(["'])(?:\\.|(?!\1)[^\\\r\n])*\1/,greedy:!0},keyword:/@(?:attribute|data|end|relation)\b/i,number:/\b\d+(?:\.\d+)?\b/,punctuation:/[{},]/}}e.exports=t,t.displayName="arff",t.aliases=[]},18738:function(e){"use strict";function t(e){!function(e){var t={pattern:/(^[ \t]*)\[(?!\[)(?:(["'$`])(?:(?!\2)[^\\]|\\.)*\2|\[(?:[^\[\]\\]|\\.)*\]|[^\[\]\\"'$`]|\\.)*\]/m,lookbehind:!0,inside:{quoted:{pattern:/([$`])(?:(?!\1)[^\\]|\\.)*\1/,inside:{punctuation:/^[$`]|[$`]$/}},interpreted:{pattern:/'(?:[^'\\]|\\.)*'/,inside:{punctuation:/^'|'$/}},string:/"(?:[^"\\]|\\.)*"/,variable:/\w+(?==)/,punctuation:/^\[|\]$|,/,operator:/=/,"attr-value":/(?!^\s+$).+/}},n=e.languages.asciidoc={"comment-block":{pattern:/^(\/{4,})(?:\r?\n|\r)(?:[\s\S]*(?:\r?\n|\r))??\1/m,alias:"comment"},table:{pattern:/^\|={3,}(?:(?:\r?\n|\r(?!\n)).*)*?(?:\r?\n|\r)\|={3,}$/m,inside:{specifiers:{pattern:/(?:(?:(?:\d+(?:\.\d+)?|\.\d+)[+*](?:[<^>](?:\.[<^>])?|\.[<^>])?|[<^>](?:\.[<^>])?|\.[<^>])[a-z]*|[a-z]+)(?=\|)/,alias:"attr-value"},punctuation:{pattern:/(^|[^\\])[|!]=*/,lookbehind:!0}}},"passthrough-block":{pattern:/^(\+{4,})(?:\r?\n|\r)(?:[\s\S]*(?:\r?\n|\r))??\1$/m,inside:{punctuation:/^\++|\++$/}},"literal-block":{pattern:/^(-{4,}|\.{4,})(?:\r?\n|\r)(?:[\s\S]*(?:\r?\n|\r))??\1$/m,inside:{punctuation:/^(?:-+|\.+)|(?:-+|\.+)$/}},"other-block":{pattern:/^(--|\*{4,}|_{4,}|={4,})(?:\r?\n|\r)(?:[\s\S]*(?:\r?\n|\r))??\1$/m,inside:{punctuation:/^(?:-+|\*+|_+|=+)|(?:-+|\*+|_+|=+)$/}},"list-punctuation":{pattern:/(^[ \t]*)(?:-|\*{1,5}|\.{1,5}|(?:[a-z]|\d+)\.|[xvi]+\))(?= )/im,lookbehind:!0,alias:"punctuation"},"list-label":{pattern:/(^[ \t]*)[a-z\d].+(?::{2,4}|;;)(?=\s)/im,lookbehind:!0,alias:"symbol"},"indented-block":{pattern:/((\r?\n|\r)\2)([ \t]+)\S.*(?:(?:\r?\n|\r)\3.+)*(?=\2{2}|$)/,lookbehind:!0},comment:/^\/\/.*/m,title:{pattern:/^.+(?:\r?\n|\r)(?:={3,}|-{3,}|~{3,}|\^{3,}|\+{3,})$|^={1,5} .+|^\.(?![\s.]).*/m,alias:"important",inside:{punctuation:/^(?:\.|=+)|(?:=+|-+|~+|\^+|\++)$/}},"attribute-entry":{pattern:/^:[^:\r\n]+:(?: .*?(?: \+(?:\r?\n|\r).*?)*)?$/m,alias:"tag"},attributes:t,hr:{pattern:/^'{3,}$/m,alias:"punctuation"},"page-break":{pattern:/^<{3,}$/m,alias:"punctuation"},admonition:{pattern:/^(?:CAUTION|IMPORTANT|NOTE|TIP|WARNING):/m,alias:"keyword"},callout:[{pattern:/(^[ \t]*)/m,lookbehind:!0,alias:"symbol"},{pattern:/<\d+>/,alias:"symbol"}],macro:{pattern:/\b[a-z\d][a-z\d-]*::?(?:[^\s\[\]]*\[(?:[^\]\\"']|(["'])(?:(?!\1)[^\\]|\\.)*\1|\\.)*\])/,inside:{function:/^[a-z\d-]+(?=:)/,punctuation:/^::?/,attributes:{pattern:/(?:\[(?:[^\]\\"']|(["'])(?:(?!\1)[^\\]|\\.)*\1|\\.)*\])/,inside:t.inside}}},inline:{pattern:/(^|[^\\])(?:(?:\B\[(?:[^\]\\"']|(["'])(?:(?!\2)[^\\]|\\.)*\2|\\.)*\])?(?:\b_(?!\s)(?: _|[^_\\\r\n]|\\.)+(?:(?:\r?\n|\r)(?: _|[^_\\\r\n]|\\.)+)*_\b|\B``(?!\s).+?(?:(?:\r?\n|\r).+?)*''\B|\B`(?!\s)(?:[^`'\s]|\s+\S)+['`]\B|\B(['*+#])(?!\s)(?: \3|(?!\3)[^\\\r\n]|\\.)+(?:(?:\r?\n|\r)(?: \3|(?!\3)[^\\\r\n]|\\.)+)*\3\B)|(?:\[(?:[^\]\\"']|(["'])(?:(?!\4)[^\\]|\\.)*\4|\\.)*\])?(?:(__|\*\*|\+\+\+?|##|\$\$|[~^]).+?(?:(?:\r?\n|\r).+?)*\5|\{[^}\r\n]+\}|\[\[\[?.+?(?:(?:\r?\n|\r).+?)*\]?\]\]|<<.+?(?:(?:\r?\n|\r).+?)*>>|\(\(\(?.+?(?:(?:\r?\n|\r).+?)*\)?\)\)))/m,lookbehind:!0,inside:{attributes:t,url:{pattern:/^(?:\[\[\[?.+?\]?\]\]|<<.+?>>)$/,inside:{punctuation:/^(?:\[\[\[?|<<)|(?:\]\]\]?|>>)$/}},"attribute-ref":{pattern:/^\{.+\}$/,inside:{variable:{pattern:/(^\{)[a-z\d,+_-]+/,lookbehind:!0},operator:/^[=?!#%@$]|!(?=[:}])/,punctuation:/^\{|\}$|::?/}},italic:{pattern:/^(['_])[\s\S]+\1$/,inside:{punctuation:/^(?:''?|__?)|(?:''?|__?)$/}},bold:{pattern:/^\*[\s\S]+\*$/,inside:{punctuation:/^\*\*?|\*\*?$/}},punctuation:/^(?:``?|\+{1,3}|##?|\$\$|[~^]|\(\(\(?)|(?:''?|\+{1,3}|##?|\$\$|[~^`]|\)?\)\))$/}},replacement:{pattern:/\((?:C|R|TM)\)/,alias:"builtin"},entity:/&#?[\da-z]{1,8};/i,"line-continuation":{pattern:/(^| )\+$/m,lookbehind:!0,alias:"punctuation"}};function r(e){e=e.split(" ");for(var t={},r=0,a=e.length;r>=?|<<=?|&&?|\|\|?|[-+*/%&|^!=<>?]=?/,punctuation:/[(),:]/}}e.exports=t,t.displayName="asmatmel",t.aliases=[]},78734:function(e,t,n){"use strict";var r=n(61958);function a(e){e.register(r),e.languages.aspnet=e.languages.extend("markup",{"page-directive":{pattern:/<%\s*@.*%>/,alias:"tag",inside:{"page-directive":{pattern:/<%\s*@\s*(?:Assembly|Control|Implements|Import|Master(?:Type)?|OutputCache|Page|PreviousPageType|Reference|Register)?|%>/i,alias:"tag"},rest:e.languages.markup.tag.inside}},directive:{pattern:/<%.*%>/,alias:"tag",inside:{directive:{pattern:/<%\s*?[$=%#:]{0,2}|%>/,alias:"tag"},rest:e.languages.csharp}}}),e.languages.aspnet.tag.pattern=/<(?!%)\/?[^\s>\/]+(?:\s+[^\s>\/=]+(?:=(?:("|')(?:\\[\s\S]|(?!\1)[^\\])*\1|[^\s'">=]+))?)*\s*\/?>/,e.languages.insertBefore("inside","punctuation",{directive:e.languages.aspnet.directive},e.languages.aspnet.tag.inside["attr-value"]),e.languages.insertBefore("aspnet","comment",{"asp-comment":{pattern:/<%--[\s\S]*?--%>/,alias:["asp","comment"]}}),e.languages.insertBefore("aspnet",e.languages.javascript?"script":"tag",{"asp-script":{pattern:/(]*>)[\s\S]*?(?=<\/script>)/i,lookbehind:!0,alias:["asp","script"],inside:e.languages.csharp||{}}})}e.exports=a,a.displayName="aspnet",a.aliases=[]},6681:function(e){"use strict";function t(e){e.languages.autohotkey={comment:[{pattern:/(^|\s);.*/,lookbehind:!0},{pattern:/(^[\t ]*)\/\*(?:[\r\n](?![ \t]*\*\/)|[^\r\n])*(?:[\r\n][ \t]*\*\/)?/m,lookbehind:!0,greedy:!0}],tag:{pattern:/^([ \t]*)[^\s,`":]+(?=:[ \t]*$)/m,lookbehind:!0},string:/"(?:[^"\n\r]|"")*"/,variable:/%\w+%/,number:/\b0x[\dA-Fa-f]+\b|(?:\b\d+(?:\.\d*)?|\B\.\d+)(?:[Ee]-?\d+)?/,operator:/\?|\/\/?=?|:=|\|[=|]?|&[=&]?|\+[=+]?|-[=-]?|\*[=*]?|<(?:<=?|>|=)?|>>?=?|[.^!=~]=?|\b(?:AND|NOT|OR)\b/,boolean:/\b(?:false|true)\b/,selector:/\b(?:AutoTrim|BlockInput|Break|Click|ClipWait|Continue|Control|ControlClick|ControlFocus|ControlGet|ControlGetFocus|ControlGetPos|ControlGetText|ControlMove|ControlSend|ControlSendRaw|ControlSetText|CoordMode|Critical|DetectHiddenText|DetectHiddenWindows|Drive|DriveGet|DriveSpaceFree|EnvAdd|EnvDiv|EnvGet|EnvMult|EnvSet|EnvSub|EnvUpdate|Exit|ExitApp|FileAppend|FileCopy|FileCopyDir|FileCreateDir|FileCreateShortcut|FileDelete|FileEncoding|FileGetAttrib|FileGetShortcut|FileGetSize|FileGetTime|FileGetVersion|FileInstall|FileMove|FileMoveDir|FileRead|FileReadLine|FileRecycle|FileRecycleEmpty|FileRemoveDir|FileSelectFile|FileSelectFolder|FileSetAttrib|FileSetTime|FormatTime|GetKeyState|Gosub|Goto|GroupActivate|GroupAdd|GroupClose|GroupDeactivate|Gui|GuiControl|GuiControlGet|Hotkey|ImageSearch|IniDelete|IniRead|IniWrite|Input|InputBox|KeyWait|ListHotkeys|ListLines|ListVars|Loop|Menu|MouseClick|MouseClickDrag|MouseGetPos|MouseMove|MsgBox|OnExit|OutputDebug|Pause|PixelGetColor|PixelSearch|PostMessage|Process|Progress|Random|RegDelete|RegRead|RegWrite|Reload|Repeat|Return|Run|RunAs|RunWait|Send|SendEvent|SendInput|SendMessage|SendMode|SendPlay|SendRaw|SetBatchLines|SetCapslockState|SetControlDelay|SetDefaultMouseSpeed|SetEnv|SetFormat|SetKeyDelay|SetMouseDelay|SetNumlockState|SetRegView|SetScrollLockState|SetStoreCapslockMode|SetTimer|SetTitleMatchMode|SetWinDelay|SetWorkingDir|Shutdown|Sleep|Sort|SoundBeep|SoundGet|SoundGetWaveVolume|SoundPlay|SoundSet|SoundSetWaveVolume|SplashImage|SplashTextOff|SplashTextOn|SplitPath|StatusBarGetText|StatusBarWait|StringCaseSense|StringGetPos|StringLeft|StringLen|StringLower|StringMid|StringReplace|StringRight|StringSplit|StringTrimLeft|StringTrimRight|StringUpper|Suspend|SysGet|Thread|ToolTip|Transform|TrayTip|URLDownloadToFile|WinActivate|WinActivateBottom|WinClose|WinGet|WinGetActiveStats|WinGetActiveTitle|WinGetClass|WinGetPos|WinGetText|WinGetTitle|WinHide|WinKill|WinMaximize|WinMenuSelectItem|WinMinimize|WinMinimizeAll|WinMinimizeAllUndo|WinMove|WinRestore|WinSet|WinSetTitle|WinShow|WinWait|WinWaitActive|WinWaitClose|WinWaitNotActive)\b/i,constant:/\b(?:a_ahkpath|a_ahkversion|a_appdata|a_appdatacommon|a_autotrim|a_batchlines|a_caretx|a_carety|a_computername|a_controldelay|a_cursor|a_dd|a_ddd|a_dddd|a_defaultmousespeed|a_desktop|a_desktopcommon|a_detecthiddentext|a_detecthiddenwindows|a_endchar|a_eventinfo|a_exitreason|a_fileencoding|a_formatfloat|a_formatinteger|a_gui|a_guicontrol|a_guicontrolevent|a_guievent|a_guiheight|a_guiwidth|a_guix|a_guiy|a_hour|a_iconfile|a_iconhidden|a_iconnumber|a_icontip|a_index|a_ipaddress1|a_ipaddress2|a_ipaddress3|a_ipaddress4|a_is64bitos|a_isadmin|a_iscompiled|a_iscritical|a_ispaused|a_issuspended|a_isunicode|a_keydelay|a_language|a_lasterror|a_linefile|a_linenumber|a_loopfield|a_loopfileattrib|a_loopfiledir|a_loopfileext|a_loopfilefullpath|a_loopfilelongpath|a_loopfilename|a_loopfileshortname|a_loopfileshortpath|a_loopfilesize|a_loopfilesizekb|a_loopfilesizemb|a_loopfiletimeaccessed|a_loopfiletimecreated|a_loopfiletimemodified|a_loopreadline|a_loopregkey|a_loopregname|a_loopregsubkey|a_loopregtimemodified|a_loopregtype|a_mday|a_min|a_mm|a_mmm|a_mmmm|a_mon|a_mousedelay|a_msec|a_mydocuments|a_now|a_nowutc|a_numbatchlines|a_ostype|a_osversion|a_priorhotkey|a_priorkey|a_programfiles|a_programs|a_programscommon|a_ptrsize|a_regview|a_screendpi|a_screenheight|a_screenwidth|a_scriptdir|a_scriptfullpath|a_scripthwnd|a_scriptname|a_sec|a_space|a_startmenu|a_startmenucommon|a_startup|a_startupcommon|a_stringcasesense|a_tab|a_temp|a_thisfunc|a_thishotkey|a_thislabel|a_thismenu|a_thismenuitem|a_thismenuitempos|a_tickcount|a_timeidle|a_timeidlephysical|a_timesincepriorhotkey|a_timesincethishotkey|a_titlematchmode|a_titlematchmodespeed|a_username|a_wday|a_windelay|a_windir|a_workingdir|a_yday|a_year|a_yweek|a_yyyy|clipboard|clipboardall|comspec|errorlevel|programfiles)\b/i,builtin:/\b(?:abs|acos|asc|asin|atan|ceil|chr|class|comobjactive|comobjarray|comobjconnect|comobjcreate|comobjerror|comobjflags|comobjget|comobjquery|comobjtype|comobjvalue|cos|dllcall|exp|fileexist|Fileopen|floor|format|il_add|il_create|il_destroy|instr|isfunc|islabel|IsObject|ln|log|ltrim|lv_add|lv_delete|lv_deletecol|lv_getcount|lv_getnext|lv_gettext|lv_insert|lv_insertcol|lv_modify|lv_modifycol|lv_setimagelist|mod|numget|numput|onmessage|regexmatch|regexreplace|registercallback|round|rtrim|sb_seticon|sb_setparts|sb_settext|sin|sqrt|strlen|strreplace|strsplit|substr|tan|tv_add|tv_delete|tv_get|tv_getchild|tv_getcount|tv_getnext|tv_getparent|tv_getprev|tv_getselection|tv_gettext|tv_modify|varsetcapacity|winactive|winexist|__Call|__Get|__New|__Set)\b/i,symbol:/\b(?:alt|altdown|altup|appskey|backspace|browser_back|browser_favorites|browser_forward|browser_home|browser_refresh|browser_search|browser_stop|bs|capslock|ctrl|ctrlbreak|ctrldown|ctrlup|del|delete|down|end|enter|esc|escape|f1|f10|f11|f12|f13|f14|f15|f16|f17|f18|f19|f2|f20|f21|f22|f23|f24|f3|f4|f5|f6|f7|f8|f9|home|ins|insert|joy1|joy10|joy11|joy12|joy13|joy14|joy15|joy16|joy17|joy18|joy19|joy2|joy20|joy21|joy22|joy23|joy24|joy25|joy26|joy27|joy28|joy29|joy3|joy30|joy31|joy32|joy4|joy5|joy6|joy7|joy8|joy9|joyaxes|joybuttons|joyinfo|joyname|joypov|joyr|joyu|joyv|joyx|joyy|joyz|lalt|launch_app1|launch_app2|launch_mail|launch_media|lbutton|lcontrol|lctrl|left|lshift|lwin|lwindown|lwinup|mbutton|media_next|media_play_pause|media_prev|media_stop|numlock|numpad0|numpad1|numpad2|numpad3|numpad4|numpad5|numpad6|numpad7|numpad8|numpad9|numpadadd|numpadclear|numpaddel|numpaddiv|numpaddot|numpaddown|numpadend|numpadenter|numpadhome|numpadins|numpadleft|numpadmult|numpadpgdn|numpadpgup|numpadright|numpadsub|numpadup|pgdn|pgup|printscreen|ralt|rbutton|rcontrol|rctrl|right|rshift|rwin|rwindown|rwinup|scrolllock|shift|shiftdown|shiftup|space|tab|up|volume_down|volume_mute|volume_up|wheeldown|wheelleft|wheelright|wheelup|xbutton1|xbutton2)\b/i,important:/#\b(?:AllowSameLineComments|ClipboardTimeout|CommentFlag|DerefChar|ErrorStdOut|EscapeChar|HotkeyInterval|HotkeyModifierTimeout|Hotstring|If|IfTimeout|IfWinActive|IfWinExist|IfWinNotActive|IfWinNotExist|Include|IncludeAgain|InputLevel|InstallKeybdHook|InstallMouseHook|KeyHistory|MaxHotkeysPerInterval|MaxMem|MaxThreads|MaxThreadsBuffer|MaxThreadsPerHotkey|MenuMaskKey|NoEnv|NoTrayIcon|Persistent|SingleInstance|UseHook|Warn|WinActivateForce)\b/i,keyword:/\b(?:Abort|AboveNormal|Add|ahk_class|ahk_exe|ahk_group|ahk_id|ahk_pid|All|Alnum|Alpha|AltSubmit|AltTab|AltTabAndMenu|AltTabMenu|AltTabMenuDismiss|AlwaysOnTop|AutoSize|Background|BackgroundTrans|BelowNormal|between|BitAnd|BitNot|BitOr|BitShiftLeft|BitShiftRight|BitXOr|Bold|Border|Button|ByRef|Catch|Checkbox|Checked|CheckedGray|Choose|ChooseString|Close|Color|ComboBox|Contains|ControlList|Count|Date|DateTime|Days|DDL|Default|DeleteAll|Delimiter|Deref|Destroy|Digit|Disable|Disabled|DropDownList|Edit|Eject|Else|Enable|Enabled|Error|Exist|Expand|ExStyle|FileSystem|Finally|First|Flash|Float|FloatFast|Focus|Font|for|global|Grid|Group|GroupBox|GuiClose|GuiContextMenu|GuiDropFiles|GuiEscape|GuiSize|Hdr|Hidden|Hide|High|HKCC|HKCR|HKCU|HKEY_CLASSES_ROOT|HKEY_CURRENT_CONFIG|HKEY_CURRENT_USER|HKEY_LOCAL_MACHINE|HKEY_USERS|HKLM|HKU|Hours|HScroll|Icon|IconSmall|ID|IDLast|If|IfEqual|IfExist|IfGreater|IfGreaterOrEqual|IfInString|IfLess|IfLessOrEqual|IfMsgBox|IfNotEqual|IfNotExist|IfNotInString|IfWinActive|IfWinExist|IfWinNotActive|IfWinNotExist|Ignore|ImageList|in|Integer|IntegerFast|Interrupt|is|italic|Join|Label|LastFound|LastFoundExist|Limit|Lines|List|ListBox|ListView|local|Lock|Logoff|Low|Lower|Lowercase|MainWindow|Margin|Maximize|MaximizeBox|MaxSize|Minimize|MinimizeBox|MinMax|MinSize|Minutes|MonthCal|Mouse|Move|Multi|NA|No|NoActivate|NoDefault|NoHide|NoIcon|NoMainWindow|norm|Normal|NoSort|NoSortHdr|NoStandard|Not|NoTab|NoTimers|Number|Off|Ok|On|OwnDialogs|Owner|Parse|Password|Picture|Pixel|Pos|Pow|Priority|ProcessName|Radio|Range|Read|ReadOnly|Realtime|Redraw|Region|REG_BINARY|REG_DWORD|REG_EXPAND_SZ|REG_MULTI_SZ|REG_SZ|Relative|Rename|Report|Resize|Restore|Retry|RGB|Screen|Seconds|Section|Serial|SetLabel|ShiftAltTab|Show|Single|Slider|SortDesc|Standard|static|Status|StatusBar|StatusCD|strike|Style|Submit|SysMenu|Tab2|TabStop|Text|Theme|Throw|Tile|ToggleCheck|ToggleEnable|ToolWindow|Top|Topmost|TransColor|Transparent|Tray|TreeView|Try|TryAgain|Type|UnCheck|underline|Unicode|Unlock|Until|UpDown|Upper|Uppercase|UseErrorLevel|Vis|VisFirst|Visible|VScroll|Wait|WaitClose|WantCtrlA|WantF2|WantReturn|While|Wrap|Xdigit|xm|xp|xs|Yes|ym|yp|ys)\b/i,function:/[^(); \t,\n+*\-=?>:\\\/<&%\[\]]+(?=\()/,punctuation:/[{}[\]():,]/}}e.exports=t,t.displayName="autohotkey",t.aliases=[]},53358:function(e){"use strict";function t(e){e.languages.autoit={comment:[/;.*/,{pattern:/(^[\t ]*)#(?:comments-start|cs)[\s\S]*?^[ \t]*#(?:ce|comments-end)/m,lookbehind:!0}],url:{pattern:/(^[\t ]*#include\s+)(?:<[^\r\n>]+>|"[^\r\n"]+")/m,lookbehind:!0},string:{pattern:/(["'])(?:\1\1|(?!\1)[^\r\n])*\1/,greedy:!0,inside:{variable:/([%$@])\w+\1/}},directive:{pattern:/(^[\t ]*)#[\w-]+/m,lookbehind:!0,alias:"keyword"},function:/\b\w+(?=\()/,variable:/[$@]\w+/,keyword:/\b(?:Case|Const|Continue(?:Case|Loop)|Default|Dim|Do|Else(?:If)?|End(?:Func|If|Select|Switch|With)|Enum|Exit(?:Loop)?|For|Func|Global|If|In|Local|Next|Null|ReDim|Select|Static|Step|Switch|Then|To|Until|Volatile|WEnd|While|With)\b/i,number:/\b(?:0x[\da-f]+|\d+(?:\.\d+)?(?:e[+-]?\d+)?)\b/i,boolean:/\b(?:False|True)\b/i,operator:/<[=>]?|[-+*\/=&>]=?|[?^]|\b(?:And|Not|Or)\b/i,punctuation:/[\[\]().,:]/}}e.exports=t,t.displayName="autoit",t.aliases=[]},81700:function(e){"use strict";function t(e){!function(e){function t(e,t,n){return RegExp(e.replace(/<<(\d+)>>/g,function(e,n){return t[+n]}),n||"")}var n=/bool|clip|float|int|string|val/.source,r=[[/is(?:bool|clip|float|int|string)|defined|(?:(?:internal)?function|var)?exists?/.source,/apply|assert|default|eval|import|nop|select|undefined/.source,/opt_(?:allowfloataudio|avipadscanlines|dwchannelmask|enable_(?:b64a|planartopackedrgb|v210|y3_10_10|y3_10_16)|usewaveextensible|vdubplanarhack)|set(?:cachemode|maxcpu|memorymax|planarlegacyalignment|workingdir)/.source,/hex(?:value)?|value/.source,/abs|ceil|continued(?:denominator|numerator)?|exp|floor|fmod|frac|log(?:10)?|max|min|muldiv|pi|pow|rand|round|sign|spline|sqrt/.source,/a?sinh?|a?cosh?|a?tan[2h]?/.source,/(?:bit(?:and|not|x?or|[lr]?shift[aslu]?|sh[lr]|sa[lr]|[lr]rotatel?|ro[rl]|te?st|set(?:count)?|cl(?:ea)?r|ch(?:an)?ge?))/.source,/average(?:[bgr]|chroma[uv]|luma)|(?:[rgb]|chroma[uv]|luma|rgb|[yuv](?=difference(?:fromprevious|tonext)))difference(?:fromprevious|tonext)?|[yuvrgb]plane(?:median|min|max|minmaxdifference)/.source,/getprocessinfo|logmsg|script(?:dir(?:utf8)?|file(?:utf8)?|name(?:utf8)?)|setlogparams/.source,/chr|(?:fill|find|left|mid|replace|rev|right)str|format|[lu]case|ord|str(?:cmpi?|fromutf8|len|toutf8)|time|trim(?:all|left|right)/.source,/isversionorgreater|version(?:number|string)/.source,/buildpixeltype|colorspacenametopixeltype/.source,/addautoloaddir|on(?:cpu|cuda)|prefetch|setfiltermtmode/.source].join("|"),[/has(?:audio|video)/.source,/height|width/.source,/frame(?:count|rate)|framerate(?:denominator|numerator)/.source,/getparity|is(?:field|frame)based/.source,/bitspercomponent|componentsize|hasalpha|is(?:planar(?:rgba?)?|interleaved|rgb(?:24|32|48|64)?|y(?:8|u(?:va?|y2))?|yv(?:12|16|24|411)|420|422|444|packedrgb)|numcomponents|pixeltype/.source,/audio(?:bits|channels|duration|length(?:[fs]|hi|lo)?|rate)|isaudio(?:float|int)/.source].join("|"),[/avi(?:file)?source|directshowsource|image(?:reader|source|sourceanim)|opendmlsource|segmented(?:avisource|directshowsource)|wavsource/.source,/coloryuv|convertbacktoyuy2|convertto(?:RGB(?:24|32|48|64)|(?:planar)?RGBA?|Y8?|YV(?:12|16|24|411)|YUVA?(?:411|420|422|444)|YUY2)|fixluminance|gr[ae]yscale|invert|levels|limiter|mergea?rgb|merge(?:chroma|luma)|rgbadjust|show(?:alpha|blue|green|red)|swapuv|tweak|[uv]toy8?|ytouv/.source,/(?:colorkey|reset)mask|layer|mask(?:hs)?|merge|overlay|subtract/.source,/addborders|(?:bicubic|bilinear|blackman|gauss|lanczos4|lanczos|point|sinc|spline(?:16|36|64))resize|crop(?:bottom)?|flip(?:horizontal|vertical)|(?:horizontal|vertical)?reduceby2|letterbox|skewrows|turn(?:180|left|right)/.source,/blur|fixbrokenchromaupsampling|generalconvolution|(?:spatial|temporal)soften|sharpen/.source,/trim|(?:un)?alignedsplice|(?:assume|assumescaled|change|convert)FPS|(?:delete|duplicate)frame|dissolve|fade(?:in|io|out)[02]?|freezeframe|interleave|loop|reverse|select(?:even|odd|(?:range)?every)/.source,/assume[bt]ff|assume(?:field|frame)based|bob|complementparity|doubleweave|peculiarblend|pulldown|separate(?:columns|fields|rows)|swapfields|weave(?:columns|rows)?/.source,/amplify(?:db)?|assumesamplerate|audiodub(?:ex)?|audiotrim|convertaudioto(?:(?:8|16|24|32)bit|float)|converttomono|delayaudio|ensurevbrmp3sync|get(?:left|right)?channel|kill(?:audio|video)|mergechannels|mixaudio|monotostereo|normalize|resampleaudio|ssrc|supereq|timestretch/.source,/animate|applyrange|conditional(?:filter|reader|select)|frameevaluate|scriptclip|tcp(?:server|source)|writefile(?:end|if|start)?/.source,/imagewriter/.source,/blackness|blankclip|colorbars(?:hd)?|compare|dumpfiltergraph|echo|histogram|info|messageclip|preroll|setgraphanalysis|show(?:framenumber|smpte|time)|showfiveversions|stack(?:horizontal|vertical)|subtitle|tone|version/.source].join("|")].join("|");e.languages.avisynth={comment:[{pattern:/(^|[^\\])\[\*(?:[^\[*]|\[(?!\*)|\*(?!\])|\[\*(?:[^\[*]|\[(?!\*)|\*(?!\]))*\*\])*\*\]/,lookbehind:!0,greedy:!0},{pattern:/(^|[^\\])\/\*[\s\S]*?(?:\*\/|$)/,lookbehind:!0,greedy:!0},{pattern:/(^|[^\\$])#.*/,lookbehind:!0,greedy:!0}],argument:{pattern:t(/\b(?:<<0>>)\s+("?)\w+\1/.source,[n],"i"),inside:{keyword:/^\w+/}},"argument-label":{pattern:/([,(][\s\\]*)\w+\s*=(?!=)/,lookbehind:!0,inside:{"argument-name":{pattern:/^\w+/,alias:"punctuation"},punctuation:/=$/}},string:[{pattern:/"""[\s\S]*?"""/,greedy:!0},{pattern:/"(?:\\(?:\r\n|[\s\S])|[^"\\\r\n])*"/,greedy:!0,inside:{constant:{pattern:/\b(?:DEFAULT_MT_MODE|(?:MAINSCRIPT|PROGRAM|SCRIPT)DIR|(?:MACHINE|USER)_(?:CLASSIC|PLUS)_PLUGINS)\b/}}}],variable:/\b(?:last)\b/i,boolean:/\b(?:false|no|true|yes)\b/i,keyword:/\b(?:catch|else|for|function|global|if|return|try|while|__END__)\b/i,constant:/\bMT_(?:MULTI_INSTANCE|NICE_FILTER|SERIALIZED|SPECIAL_MT)\b/,"builtin-function":{pattern:t(/\b(?:<<0>>)\b/.source,[r],"i"),alias:"function"},"type-cast":{pattern:t(/\b(?:<<0>>)(?=\s*\()/.source,[n],"i"),alias:"keyword"},function:{pattern:/\b[a-z_]\w*(?=\s*\()|(\.)[a-z_]\w*\b/i,lookbehind:!0},"line-continuation":{pattern:/(^[ \t]*)\\|\\(?=[ \t]*$)/m,lookbehind:!0,alias:"punctuation"},number:/\B\$(?:[\da-f]{6}|[\da-f]{8})\b|(?:(?:\b|\B-)\d+(?:\.\d*)?\b|\B\.\d+\b)/i,operator:/\+\+?|[!=<>]=?|&&|\|\||[?:*/%-]/,punctuation:/[{}\[\]();,.]/},e.languages.avs=e.languages.avisynth}(e)}e.exports=t,t.displayName="avisynth",t.aliases=["avs"]},37219:function(e){"use strict";function t(e){e.languages["avro-idl"]={comment:{pattern:/\/\/.*|\/\*[\s\S]*?\*\//,greedy:!0},string:{pattern:/(^|[^\\])"(?:[^\r\n"\\]|\\.)*"/,lookbehind:!0,greedy:!0},annotation:{pattern:/@(?:[$\w.-]|`[^\r\n`]+`)+/,greedy:!0,alias:"function"},"function-identifier":{pattern:/`[^\r\n`]+`(?=\s*\()/,greedy:!0,alias:"function"},identifier:{pattern:/`[^\r\n`]+`/,greedy:!0},"class-name":{pattern:/(\b(?:enum|error|protocol|record|throws)\b\s+)[$\w]+/,lookbehind:!0,greedy:!0},keyword:/\b(?:array|boolean|bytes|date|decimal|double|enum|error|false|fixed|float|idl|import|int|local_timestamp_ms|long|map|null|oneway|protocol|record|schema|string|throws|time_ms|timestamp_ms|true|union|uuid|void)\b/,function:/\b[a-z_]\w*(?=\s*\()/i,number:[{pattern:/(^|[^\w.])-?(?:(?:\d+(?:\.\d*)?|\.\d+)(?:e[+-]?\d+)?|0x(?:[a-f0-9]+(?:\.[a-f0-9]*)?|\.[a-f0-9]+)(?:p[+-]?\d+)?)[dfl]?(?![\w.])/i,lookbehind:!0},/-?\b(?:Infinity|NaN)\b/],operator:/=/,punctuation:/[()\[\]{}<>.:,;-]/},e.languages.avdl=e.languages["avro-idl"]}e.exports=t,t.displayName="avroIdl",t.aliases=[]},6979:function(e){"use strict";function t(e){!function(e){var t="\\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",n={pattern:/(^(["']?)\w+\2)[ \t]+\S.*/,lookbehind:!0,alias:"punctuation",inside:null},r={bash:n,environment:{pattern:RegExp("\\$"+t),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("(\\{)"+t),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})/};e.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+(?=\+?=)/,inside:{environment:{pattern:RegExp("(^|[\\s;|&]|[<>]\\()"+t),lookbehind:!0,alias:"constant"}},alias:"variable",lookbehind:!0},string:[{pattern:/((?:^|[^<])<<-?\s*)(\w+)\s[\s\S]*?(?:\r?\n|\r)\2/,lookbehind:!0,greedy:!0,inside:r},{pattern:/((?:^|[^<])<<-?\s*)(["'])(\w+)\2\s[\s\S]*?(?:\r?\n|\r)\3/,lookbehind:!0,greedy:!0,inside:{bash:n}},{pattern:/(^|[^\\](?:\\\\)*)"(?:\\[\s\S]|\$\([^)]+\)|\$(?!\()|`[^`]+`|[^"\\`$])*"/,lookbehind:!0,greedy:!0,inside:r},{pattern:/(^|[^$\\])'[^']*'/,lookbehind:!0,greedy:!0},{pattern:/\$'(?:[^'\\]|\\[\s\S])*'/,greedy:!0,inside:{entity:r.entity}}],environment:{pattern:RegExp("\\$?"+t),alias:"constant"},variable:r.variable,function:{pattern:/(^|[\s;|&]|[<>]\()(?:add|apropos|apt|apt-cache|apt-get|aptitude|aspell|automysqlbackup|awk|basename|bash|bc|bconsole|bg|bzip2|cal|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|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|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}},n.inside=e.languages.bash;for(var a=["comment","function-name","for-or-select","assign-left","string","environment","function","keyword","builtin","boolean","file-descriptor","operator","punctuation","number"],i=r.variable[1].inside,o=0;o?^\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:/[,;:()]/}}e.exports=t,t.displayName="basic",t.aliases=[]},94781:function(e){"use strict";function t(e){var t,n,r,a;t=/%%?[~:\w]+%?|!\S+!/,n={pattern:/\/[a-z?]+(?=[ :]|$):?|-[a-z]\b|--[a-z-]+\b/im,alias:"attr-name",inside:{punctuation:/:/}},r=/"(?:[\\"]"|[^"])*"(?!")/,a=/(?:\b|-)\d+\b/,e.languages.batch={comment:[/^::.*/m,{pattern:/((?:^|[&(])[ \t]*)rem\b(?:[^^&)\r\n]|\^(?:\r\n|[\s\S]))*/im,lookbehind:!0}],label:{pattern:/^:.*/m,alias:"property"},command:[{pattern:/((?:^|[&(])[ \t]*)for(?: \/[a-z?](?:[ :](?:"[^"]*"|[^\s"/]\S*))?)* \S+ in \([^)]+\) do/im,lookbehind:!0,inside:{keyword:/\b(?:do|in)\b|^for\b/i,string:r,parameter:n,variable:t,number:a,punctuation:/[()',]/}},{pattern:/((?:^|[&(])[ \t]*)if(?: \/[a-z?](?:[ :](?:"[^"]*"|[^\s"/]\S*))?)* (?:not )?(?:cmdextversion \d+|defined \w+|errorlevel \d+|exist \S+|(?:"[^"]*"|(?!")(?:(?!==)\S)+)?(?:==| (?:equ|geq|gtr|leq|lss|neq) )(?:"[^"]*"|[^\s"]\S*))/im,lookbehind:!0,inside:{keyword:/\b(?:cmdextversion|defined|errorlevel|exist|not)\b|^if\b/i,string:r,parameter:n,variable:t,number:a,operator:/\^|==|\b(?:equ|geq|gtr|leq|lss|neq)\b/i}},{pattern:/((?:^|[&()])[ \t]*)else\b/im,lookbehind:!0,inside:{keyword:/^else\b/i}},{pattern:/((?:^|[&(])[ \t]*)set(?: \/[a-z](?:[ :](?:"[^"]*"|[^\s"/]\S*))?)* (?:[^^&)\r\n]|\^(?:\r\n|[\s\S]))*/im,lookbehind:!0,inside:{keyword:/^set\b/i,string:r,parameter:n,variable:[t,/\w+(?=(?:[*\/%+\-&^|]|<<|>>)?=)/],number:a,operator:/[*\/%+\-&^|]=?|<<=?|>>=?|[!~_=]/,punctuation:/[()',]/}},{pattern:/((?:^|[&(])[ \t]*@?)\w+\b(?:"(?:[\\"]"|[^"])*"(?!")|[^"^&)\r\n]|\^(?:\r\n|[\s\S]))*/m,lookbehind:!0,inside:{keyword:/^\w+\b/,string:r,parameter:n,label:{pattern:/(^\s*):\S+/m,lookbehind:!0,alias:"property"},variable:t,number:a,operator:/\^/}}],operator:/[&@]/,punctuation:/[()']/}}e.exports=t,t.displayName="batch",t.aliases=[]},62260:function(e){"use strict";function t(e){e.languages.bbcode={tag:{pattern:/\[\/?[^\s=\]]+(?:\s*=\s*(?:"[^"]*"|'[^']*'|[^\s'"\]=]+))?(?:\s+[^\s=\]]+\s*=\s*(?:"[^"]*"|'[^']*'|[^\s'"\]=]+))*\s*\]/,inside:{tag:{pattern:/^\[\/?[^\s=\]]+/,inside:{punctuation:/^\[\/?/}},"attr-value":{pattern:/=\s*(?:"[^"]*"|'[^']*'|[^\s'"\]=]+)/,inside:{punctuation:[/^=/,{pattern:/^(\s*)["']|["']$/,lookbehind:!0}]}},punctuation:/\]/,"attr-name":/[^\s=\]]+/}}},e.languages.shortcode=e.languages.bbcode}e.exports=t,t.displayName="bbcode",t.aliases=["shortcode"]},36153:function(e){"use strict";function t(e){e.languages.bicep={comment:[{pattern:/(^|[^\\])\/\*[\s\S]*?(?:\*\/|$)/,lookbehind:!0,greedy:!0},{pattern:/(^|[^\\:])\/\/.*/,lookbehind:!0,greedy:!0}],property:[{pattern:/([\r\n][ \t]*)[a-z_]\w*(?=[ \t]*:)/i,lookbehind:!0},{pattern:/([\r\n][ \t]*)'(?:\\.|\$(?!\{)|[^'\\\r\n$])*'(?=[ \t]*:)/,lookbehind:!0,greedy:!0}],string:[{pattern:/'''[^'][\s\S]*?'''/,greedy:!0},{pattern:/(^|[^\\'])'(?:\\.|\$(?!\{)|[^'\\\r\n$])*'/,lookbehind:!0,greedy:!0}],"interpolated-string":{pattern:/(^|[^\\'])'(?:\\.|\$(?:(?!\{)|\{[^{}\r\n]*\})|[^'\\\r\n$])*'/,lookbehind:!0,greedy:!0,inside:{interpolation:{pattern:/\$\{[^{}\r\n]*\}/,inside:{expression:{pattern:/(^\$\{)[\s\S]+(?=\}$)/,lookbehind:!0},punctuation:/^\$\{|\}$/}},string:/[\s\S]+/}},datatype:{pattern:/(\b(?:output|param)\b[ \t]+\w+[ \t]+)\w+\b/,lookbehind:!0,alias:"class-name"},boolean:/\b(?:false|true)\b/,keyword:/\b(?:existing|for|if|in|module|null|output|param|resource|targetScope|var)\b/,decorator:/@\w+\b/,function:/\b[a-z_]\w*(?=[ \t]*\()/i,number:/(?:\b\d+(?:\.\d*)?|\B\.\d+)(?:E[+-]?\d+)?/i,operator:/--|\+\+|\*\*=?|=>|&&=?|\|\|=?|[!=]==|<<=?|>>>?=?|[-+*/%&|^!=<>]=?|\.{3}|\?\?=?|\?\.?|[~:]/,punctuation:/[{}[\];(),.:]/},e.languages.bicep["interpolated-string"].inside.interpolation.inside.expression.inside=e.languages.bicep}e.exports=t,t.displayName="bicep",t.aliases=[]},59258:function(e){"use strict";function t(e){e.languages.birb=e.languages.extend("clike",{string:{pattern:/r?("|')(?:\\.|(?!\1)[^\\])*\1/,greedy:!0},"class-name":[/\b[A-Z](?:[\d_]*[a-zA-Z]\w*)?\b/,/\b(?:[A-Z]\w*|(?!(?:var|void)\b)[a-z]\w*)(?=\s+\w+\s*[;,=()])/],keyword:/\b(?:assert|break|case|class|const|default|else|enum|final|follows|for|grab|if|nest|new|next|noSeeb|return|static|switch|throw|var|void|while)\b/,operator:/\+\+|--|&&|\|\||<<=?|>>=?|~(?:\/=?)?|[+\-*\/%&^|=!<>]=?|\?|:/,variable:/\b[a-z_]\w*\b/}),e.languages.insertBefore("birb","function",{metadata:{pattern:/<\w+>/,greedy:!0,alias:"symbol"}})}e.exports=t,t.displayName="birb",t.aliases=[]},62890:function(e,t,n){"use strict";var r=n(65806);function a(e){e.register(r),e.languages.bison=e.languages.extend("c",{}),e.languages.insertBefore("bison","comment",{bison:{pattern:/^(?:[^%]|%(?!%))*%%[\s\S]*?%%/,inside:{c:{pattern:/%\{[\s\S]*?%\}|\{(?:\{[^}]*\}|[^{}])*\}/,inside:{delimiter:{pattern:/^%?\{|%?\}$/,alias:"punctuation"},"bison-variable":{pattern:/[$@](?:<[^\s>]+>)?[\w$]+/,alias:"variable",inside:{punctuation:/<|>/}},rest:e.languages.c}},comment:e.languages.c.comment,string:e.languages.c.string,property:/\S+(?=:)/,keyword:/%\w+/,number:{pattern:/(^|[^@])\b(?:0x[\da-f]+|\d+)/i,lookbehind:!0},punctuation:/%[%?]|[|:;\[\]<>]/}}})}e.exports=a,a.displayName="bison",a.aliases=[]},15958:function(e){"use strict";function t(e){e.languages.bnf={string:{pattern:/"[^\r\n"]*"|'[^\r\n']*'/},definition:{pattern:/<[^<>\r\n\t]+>(?=\s*::=)/,alias:["rule","keyword"],inside:{punctuation:/^<|>$/}},rule:{pattern:/<[^<>\r\n\t]+>/,inside:{punctuation:/^<|>$/}},operator:/::=|[|()[\]{}*+?]|\.{3}/},e.languages.rbnf=e.languages.bnf}e.exports=t,t.displayName="bnf",t.aliases=["rbnf"]},61321:function(e){"use strict";function t(e){e.languages.brainfuck={pointer:{pattern:/<|>/,alias:"keyword"},increment:{pattern:/\+/,alias:"inserted"},decrement:{pattern:/-/,alias:"deleted"},branching:{pattern:/\[|\]/,alias:"important"},operator:/[.,]/,comment:/\S+/}}e.exports=t,t.displayName="brainfuck",t.aliases=[]},77856:function(e){"use strict";function t(e){e.languages.brightscript={comment:/(?:\brem|').*/i,"directive-statement":{pattern:/(^[\t ]*)#(?:const|else(?:[\t ]+if)?|end[\t ]+if|error|if).*/im,lookbehind:!0,alias:"property",inside:{"error-message":{pattern:/(^#error).+/,lookbehind:!0},directive:{pattern:/^#(?:const|else(?:[\t ]+if)?|end[\t ]+if|error|if)/,alias:"keyword"},expression:{pattern:/[\s\S]+/,inside:null}}},property:{pattern:/([\r\n{,][\t ]*)(?:(?!\d)\w+|"(?:[^"\r\n]|"")*"(?!"))(?=[ \t]*:)/,lookbehind:!0,greedy:!0},string:{pattern:/"(?:[^"\r\n]|"")*"(?!")/,greedy:!0},"class-name":{pattern:/(\bAs[\t ]+)\w+/i,lookbehind:!0},keyword:/\b(?:As|Dim|Each|Else|Elseif|End|Exit|For|Function|Goto|If|In|Print|Return|Step|Stop|Sub|Then|To|While)\b/i,boolean:/\b(?:false|true)\b/i,function:/\b(?!\d)\w+(?=[\t ]*\()/,number:/(?:\b\d+(?:\.\d+)?(?:[ed][+-]\d+)?|&h[a-f\d]+)\b[%&!#]?/i,operator:/--|\+\+|>>=?|<<=?|<>|[-+*/\\<>]=?|[:^=?]|\b(?:and|mod|not|or)\b/i,punctuation:/[.,;()[\]{}]/,constant:/\b(?:LINE_NUM)\b/i},e.languages.brightscript["directive-statement"].inside.expression.inside=e.languages.brightscript}e.exports=t,t.displayName="brightscript",t.aliases=[]},90741:function(e){"use strict";function t(e){e.languages.bro={comment:{pattern:/(^|[^\\$])#.*/,lookbehind:!0,inside:{italic:/\b(?:FIXME|TODO|XXX)\b/}},string:{pattern:/(["'])(?:\\(?:\r\n|[\s\S])|(?!\1)[^\\\r\n])*\1/,greedy:!0},boolean:/\b[TF]\b/,function:{pattern:/(\b(?:event|function|hook)[ \t]+)\w+(?:::\w+)?/,lookbehind:!0},builtin:/(?:@(?:load(?:-(?:plugin|sigs))?|unload|prefixes|ifn?def|else|(?:end)?if|DIR|FILENAME))|(?:&?(?:add_func|create_expire|default|delete_func|encrypt|error_handler|expire_func|group|log|mergeable|optional|persistent|priority|raw_output|read_expire|redef|rotate_interval|rotate_size|synchronized|type_column|write_expire))/,constant:{pattern:/(\bconst[ \t]+)\w+/i,lookbehind:!0},keyword:/\b(?:add|addr|alarm|any|bool|break|const|continue|count|delete|double|else|enum|event|export|file|for|function|global|hook|if|in|int|interval|local|module|next|of|opaque|pattern|port|print|record|return|schedule|set|string|subnet|table|time|timeout|using|vector|when)\b/,operator:/--?|\+\+?|!=?=?|<=?|>=?|==?=?|&&|\|\|?|\?|\*|\/|~|\^|%/,number:/\b0x[\da-f]+\b|(?:\b\d+(?:\.\d*)?|\B\.\d+)(?:e[+-]?\d+)?/i,punctuation:/[{}[\];(),.:]/}}e.exports=t,t.displayName="bro",t.aliases=[]},83410:function(e){"use strict";function t(e){e.languages.bsl={comment:/\/\/.*/,string:[{pattern:/"(?:[^"]|"")*"(?!")/,greedy:!0},{pattern:/'(?:[^'\r\n\\]|\\.)*'/}],keyword:[{pattern:/(^|[^\w\u0400-\u0484\u0487-\u052f\u1d2b\u1d78\u2de0-\u2dff\ua640-\ua69f\ufe2e\ufe2f])(?:пока|для|новый|прервать|попытка|исключение|вызватьисключение|иначе|конецпопытки|неопределено|функция|перем|возврат|конецфункции|если|иначеесли|процедура|конецпроцедуры|тогда|знач|экспорт|конецесли|из|каждого|истина|ложь|по|цикл|конеццикла|выполнить)(?![\w\u0400-\u0484\u0487-\u052f\u1d2b\u1d78\u2de0-\u2dff\ua640-\ua69f\ufe2e\ufe2f])/i,lookbehind:!0},{pattern:/\b(?:break|do|each|else|elseif|enddo|endfunction|endif|endprocedure|endtry|except|execute|export|false|for|function|if|in|new|null|procedure|raise|return|then|to|true|try|undefined|val|var|while)\b/i}],number:{pattern:/(^(?=\d)|[^\w\u0400-\u0484\u0487-\u052f\u1d2b\u1d78\u2de0-\u2dff\ua640-\ua69f\ufe2e\ufe2f])(?:\d+(?:\.\d*)?|\.\d+)(?:E[+-]?\d+)?/i,lookbehind:!0},operator:[/[<>+\-*/]=?|[%=]/,{pattern:/(^|[^\w\u0400-\u0484\u0487-\u052f\u1d2b\u1d78\u2de0-\u2dff\ua640-\ua69f\ufe2e\ufe2f])(?:и|или|не)(?![\w\u0400-\u0484\u0487-\u052f\u1d2b\u1d78\u2de0-\u2dff\ua640-\ua69f\ufe2e\ufe2f])/i,lookbehind:!0},{pattern:/\b(?:and|not|or)\b/i}],punctuation:/\(\.|\.\)|[()\[\]:;,.]/,directive:[{pattern:/^([ \t]*)&.*/m,lookbehind:!0,greedy:!0,alias:"important"},{pattern:/^([ \t]*)#.*/gm,lookbehind:!0,greedy:!0,alias:"important"}]},e.languages.oscript=e.languages.bsl}e.exports=t,t.displayName="bsl",t.aliases=[]},65806:function(e){"use strict";function t(e){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}e.exports=t,t.displayName="c",t.aliases=[]},33039:function(e){"use strict";function t(e){e.languages.cfscript=e.languages.extend("clike",{comment:[{pattern:/(^|[^\\])\/\*[\s\S]*?(?:\*\/|$)/,lookbehind:!0,inside:{annotation:{pattern:/(?:^|[^.])@[\w\.]+/,alias:"punctuation"}}},{pattern:/(^|[^\\:])\/\/.*/,lookbehind:!0,greedy:!0}],keyword:/\b(?:abstract|break|catch|component|continue|default|do|else|extends|final|finally|for|function|if|in|include|package|private|property|public|remote|required|rethrow|return|static|switch|throw|try|var|while|xml)\b(?!\s*=)/,operator:[/\+\+|--|&&|\|\||::|=>|[!=]==|<=?|>=?|[-+*/%&|^!=<>]=?|\?(?:\.|:)?|[?:]/,/\b(?:and|contains|eq|equal|eqv|gt|gte|imp|is|lt|lte|mod|not|or|xor)\b/],scope:{pattern:/\b(?:application|arguments|cgi|client|cookie|local|session|super|this|variables)\b/,alias:"global"},type:{pattern:/\b(?:any|array|binary|boolean|date|guid|numeric|query|string|struct|uuid|void|xml)\b/,alias:"builtin"}}),e.languages.insertBefore("cfscript","keyword",{"function-variable":{pattern:/[_$a-zA-Z\xA0-\uFFFF](?:(?!\s)[$\w\xA0-\uFFFF])*(?=\s*[=:]\s*(?:\bfunction\b|(?:\((?:[^()]|\([^()]*\))*\)|(?!\s)[_$a-zA-Z\xA0-\uFFFF](?:(?!\s)[$\w\xA0-\uFFFF])*)\s*=>))/,alias:"function"}}),delete e.languages.cfscript["class-name"],e.languages.cfc=e.languages.cfscript}e.exports=t,t.displayName="cfscript",t.aliases=[]},85082:function(e,t,n){"use strict";var r=n(80096);function a(e){e.register(r),e.languages.chaiscript=e.languages.extend("clike",{string:{pattern:/(^|[^\\])'(?:[^'\\]|\\[\s\S])*'/,lookbehind:!0,greedy:!0},"class-name":[{pattern:/(\bclass\s+)\w+/,lookbehind:!0},{pattern:/(\b(?:attr|def)\s+)\w+(?=\s*::)/,lookbehind:!0}],keyword:/\b(?:attr|auto|break|case|catch|class|continue|def|default|else|finally|for|fun|global|if|return|switch|this|try|var|while)\b/,number:[e.languages.cpp.number,/\b(?:Infinity|NaN)\b/],operator:/>>=?|<<=?|\|\||&&|:[:=]?|--|\+\+|[=!<>+\-*/%|&^]=?|[?~]|`[^`\r\n]{1,4}`/}),e.languages.insertBefore("chaiscript","operator",{"parameter-type":{pattern:/([,(]\s*)\w+(?=\s+\w)/,lookbehind:!0,alias:"class-name"}}),e.languages.insertBefore("chaiscript","string",{"string-interpolation":{pattern:/(^|[^\\])"(?:[^"$\\]|\\[\s\S]|\$(?!\{)|\$\{(?:[^{}]|\{(?:[^{}]|\{[^{}]*\})*\})*\})*"/,lookbehind:!0,greedy:!0,inside:{interpolation:{pattern:/((?:^|[^\\])(?:\\{2})*)\$\{(?:[^{}]|\{(?:[^{}]|\{[^{}]*\})*\})*\}/,lookbehind:!0,inside:{"interpolation-expression":{pattern:/(^\$\{)[\s\S]+(?=\}$)/,lookbehind:!0,inside:e.languages.chaiscript},"interpolation-punctuation":{pattern:/^\$\{|\}$/,alias:"punctuation"}}},string:/[\s\S]+/}}})}e.exports=a,a.displayName="chaiscript",a.aliases=[]},79415:function(e){"use strict";function t(e){e.languages.cil={comment:/\/\/.*/,string:{pattern:/(["'])(?:\\(?:\r\n|[\s\S])|(?!\1)[^\\\r\n])*\1/,greedy:!0},directive:{pattern:/(^|\W)\.[a-z]+(?=\s)/,lookbehind:!0,alias:"class-name"},variable:/\[[\w\.]+\]/,keyword:/\b(?:abstract|ansi|assembly|auto|autochar|beforefieldinit|bool|bstr|byvalstr|catch|char|cil|class|currency|date|decimal|default|enum|error|explicit|extends|extern|famandassem|family|famorassem|final(?:ly)?|float32|float64|hidebysig|u?int(?:8|16|32|64)?|iant|idispatch|implements|import|initonly|instance|interface|iunknown|literal|lpstr|lpstruct|lptstr|lpwstr|managed|method|native(?:Type)?|nested|newslot|object(?:ref)?|pinvokeimpl|private|privatescope|public|reqsecobj|rtspecialname|runtime|sealed|sequential|serializable|specialname|static|string|struct|syschar|tbstr|unicode|unmanagedexp|unsigned|value(?:type)?|variant|virtual|void)\b/,function:/\b(?:(?:constrained|no|readonly|tail|unaligned|volatile)\.)?(?:conv\.(?:[iu][1248]?|ovf\.[iu][1248]?(?:\.un)?|r\.un|r4|r8)|ldc\.(?:i4(?:\.\d+|\.[mM]1|\.s)?|i8|r4|r8)|ldelem(?:\.[iu][1248]?|\.r[48]|\.ref|a)?|ldind\.(?:[iu][1248]?|r[48]|ref)|stelem\.?(?:i[1248]?|r[48]|ref)?|stind\.(?:i[1248]?|r[48]|ref)?|end(?:fault|filter|finally)|ldarg(?:\.[0-3s]|a(?:\.s)?)?|ldloc(?:\.\d+|\.s)?|sub(?:\.ovf(?:\.un)?)?|mul(?:\.ovf(?:\.un)?)?|add(?:\.ovf(?:\.un)?)?|stloc(?:\.[0-3s])?|refany(?:type|val)|blt(?:\.un)?(?:\.s)?|ble(?:\.un)?(?:\.s)?|bgt(?:\.un)?(?:\.s)?|bge(?:\.un)?(?:\.s)?|unbox(?:\.any)?|init(?:blk|obj)|call(?:i|virt)?|brfalse(?:\.s)?|bne\.un(?:\.s)?|ldloca(?:\.s)?|brzero(?:\.s)?|brtrue(?:\.s)?|brnull(?:\.s)?|brinst(?:\.s)?|starg(?:\.s)?|leave(?:\.s)?|shr(?:\.un)?|rem(?:\.un)?|div(?:\.un)?|clt(?:\.un)?|alignment|castclass|ldvirtftn|beq(?:\.s)?|ckfinite|ldsflda|ldtoken|localloc|mkrefany|rethrow|cgt\.un|arglist|switch|stsfld|sizeof|newobj|newarr|ldsfld|ldnull|ldflda|isinst|throw|stobj|stfld|ldstr|ldobj|ldlen|ldftn|ldfld|cpobj|cpblk|break|br\.s|xor|shl|ret|pop|not|nop|neg|jmp|dup|cgt|ceq|box|and|or|br)\b/,boolean:/\b(?:false|true)\b/,number:/\b-?(?:0x[0-9a-f]+|\d+)(?:\.[0-9a-f]+)?\b/i,punctuation:/[{}[\];(),:=]|IL_[0-9A-Za-z]+/}}e.exports=t,t.displayName="cil",t.aliases=[]},29726:function(e){"use strict";function t(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:/[{}[\];(),.:]/}}e.exports=t,t.displayName="clike",t.aliases=[]},62849:function(e){"use strict";function t(e){e.languages.clojure={comment:{pattern:/;.*/,greedy:!0},string:{pattern:/"(?:[^"\\]|\\.)*"/,greedy:!0},char:/\\\w+/,symbol:{pattern:/(^|[\s()\[\]{},])::?[\w*+!?'<>=/.-]+/,lookbehind:!0},keyword:{pattern:/(\()(?:-|->|->>|\.|\.\.|\*|\/|\+|<|<=|=|==|>|>=|accessor|agent|agent-errors|aget|alength|all-ns|alter|and|append-child|apply|array-map|aset|aset-boolean|aset-byte|aset-char|aset-double|aset-float|aset-int|aset-long|aset-short|assert|assoc|await|await-for|bean|binding|bit-and|bit-not|bit-or|bit-shift-left|bit-shift-right|bit-xor|boolean|branch\?|butlast|byte|cast|char|children|class|clear-agent-errors|comment|commute|comp|comparator|complement|concat|cond|conj|cons|constantly|construct-proxy|contains\?|count|create-ns|create-struct|cycle|dec|declare|def|def-|definline|definterface|defmacro|defmethod|defmulti|defn|defn-|defonce|defproject|defprotocol|defrecord|defstruct|deftype|deref|difference|disj|dissoc|distinct|do|doall|doc|dorun|doseq|dosync|dotimes|doto|double|down|drop|drop-while|edit|end\?|ensure|eval|every\?|false\?|ffirst|file-seq|filter|find|find-doc|find-ns|find-var|first|float|flush|fn|fnseq|for|frest|gensym|get|get-proxy-class|hash-map|hash-set|identical\?|identity|if|if-let|if-not|import|in-ns|inc|index|insert-child|insert-left|insert-right|inspect-table|inspect-tree|instance\?|int|interleave|intersection|into|into-array|iterate|join|key|keys|keyword|keyword\?|last|lazy-cat|lazy-cons|left|lefts|let|line-seq|list|list\*|load|load-file|locking|long|loop|macroexpand|macroexpand-1|make-array|make-node|map|map-invert|map\?|mapcat|max|max-key|memfn|merge|merge-with|meta|min|min-key|monitor-enter|name|namespace|neg\?|new|newline|next|nil\?|node|not|not-any\?|not-every\?|not=|ns|ns-imports|ns-interns|ns-map|ns-name|ns-publics|ns-refers|ns-resolve|ns-unmap|nth|nthrest|or|parse|partial|path|peek|pop|pos\?|pr|pr-str|print|print-str|println|println-str|prn|prn-str|project|proxy|proxy-mappings|quot|quote|rand|rand-int|range|re-find|re-groups|re-matcher|re-matches|re-pattern|re-seq|read|read-line|recur|reduce|ref|ref-set|refer|rem|remove|remove-method|remove-ns|rename|rename-keys|repeat|replace|replicate|resolve|rest|resultset-seq|reverse|rfirst|right|rights|root|rrest|rseq|second|select|select-keys|send|send-off|seq|seq-zip|seq\?|set|set!|short|slurp|some|sort|sort-by|sorted-map|sorted-map-by|sorted-set|special-symbol\?|split-at|split-with|str|string\?|struct|struct-map|subs|subvec|symbol|symbol\?|sync|take|take-nth|take-while|test|throw|time|to-array|to-array-2d|tree-seq|true\?|try|union|up|update-proxy|val|vals|var|var-get|var-set|var\?|vector|vector-zip|vector\?|when|when-first|when-let|when-not|with-local-vars|with-meta|with-open|with-out-str|xml-seq|xml-zip|zero\?|zipmap|zipper)(?=[\s)]|$)/,lookbehind:!0},boolean:/\b(?:false|nil|true)\b/,number:{pattern:/(^|[^\w$@])(?:\d+(?:[/.]\d+)?(?:e[+-]?\d+)?|0x[a-f0-9]+|[1-9]\d?r[a-z0-9]+)[lmn]?(?![\w$@])/i,lookbehind:!0},function:{pattern:/((?:^|[^'])\()[\w*+!?'<>=/.-]+(?=[\s)]|$)/,lookbehind:!0},operator:/[#@^`~]/,punctuation:/[{}\[\](),]/}}e.exports=t,t.displayName="clojure",t.aliases=[]},55773:function(e){"use strict";function t(e){e.languages.cmake={comment:/#.*/,string:{pattern:/"(?:[^\\"]|\\.)*"/,greedy:!0,inside:{interpolation:{pattern:/\$\{(?:[^{}$]|\$\{[^{}$]*\})*\}/,inside:{punctuation:/\$\{|\}/,variable:/\w+/}}}},variable:/\b(?:CMAKE_\w+|\w+_(?:(?:BINARY|SOURCE)_DIR|DESCRIPTION|HOMEPAGE_URL|ROOT|VERSION(?:_MAJOR|_MINOR|_PATCH|_TWEAK)?)|(?:ANDROID|APPLE|BORLAND|BUILD_SHARED_LIBS|CACHE|CPACK_(?:ABSOLUTE_DESTINATION_FILES|COMPONENT_INCLUDE_TOPLEVEL_DIRECTORY|ERROR_ON_ABSOLUTE_INSTALL_DESTINATION|INCLUDE_TOPLEVEL_DIRECTORY|INSTALL_DEFAULT_DIRECTORY_PERMISSIONS|INSTALL_SCRIPT|PACKAGING_INSTALL_PREFIX|SET_DESTDIR|WARN_ON_ABSOLUTE_INSTALL_DESTINATION)|CTEST_(?:BINARY_DIRECTORY|BUILD_COMMAND|BUILD_NAME|BZR_COMMAND|BZR_UPDATE_OPTIONS|CHANGE_ID|CHECKOUT_COMMAND|CONFIGURATION_TYPE|CONFIGURE_COMMAND|COVERAGE_COMMAND|COVERAGE_EXTRA_FLAGS|CURL_OPTIONS|CUSTOM_(?:COVERAGE_EXCLUDE|ERROR_EXCEPTION|ERROR_MATCH|ERROR_POST_CONTEXT|ERROR_PRE_CONTEXT|MAXIMUM_FAILED_TEST_OUTPUT_SIZE|MAXIMUM_NUMBER_OF_(?:ERRORS|WARNINGS)|MAXIMUM_PASSED_TEST_OUTPUT_SIZE|MEMCHECK_IGNORE|POST_MEMCHECK|POST_TEST|PRE_MEMCHECK|PRE_TEST|TESTS_IGNORE|WARNING_EXCEPTION|WARNING_MATCH)|CVS_CHECKOUT|CVS_COMMAND|CVS_UPDATE_OPTIONS|DROP_LOCATION|DROP_METHOD|DROP_SITE|DROP_SITE_CDASH|DROP_SITE_PASSWORD|DROP_SITE_USER|EXTRA_COVERAGE_GLOB|GIT_COMMAND|GIT_INIT_SUBMODULES|GIT_UPDATE_CUSTOM|GIT_UPDATE_OPTIONS|HG_COMMAND|HG_UPDATE_OPTIONS|LABELS_FOR_SUBPROJECTS|MEMORYCHECK_(?:COMMAND|COMMAND_OPTIONS|SANITIZER_OPTIONS|SUPPRESSIONS_FILE|TYPE)|NIGHTLY_START_TIME|P4_CLIENT|P4_COMMAND|P4_OPTIONS|P4_UPDATE_OPTIONS|RUN_CURRENT_SCRIPT|SCP_COMMAND|SITE|SOURCE_DIRECTORY|SUBMIT_URL|SVN_COMMAND|SVN_OPTIONS|SVN_UPDATE_OPTIONS|TEST_LOAD|TEST_TIMEOUT|TRIGGER_SITE|UPDATE_COMMAND|UPDATE_OPTIONS|UPDATE_VERSION_ONLY|USE_LAUNCHERS)|CYGWIN|ENV|EXECUTABLE_OUTPUT_PATH|GHS-MULTI|IOS|LIBRARY_OUTPUT_PATH|MINGW|MSVC(?:10|11|12|14|60|70|71|80|90|_IDE|_TOOLSET_VERSION|_VERSION)?|MSYS|PROJECT_(?:BINARY_DIR|DESCRIPTION|HOMEPAGE_URL|NAME|SOURCE_DIR|VERSION|VERSION_(?:MAJOR|MINOR|PATCH|TWEAK))|UNIX|WIN32|WINCE|WINDOWS_PHONE|WINDOWS_STORE|XCODE|XCODE_VERSION))\b/,property:/\b(?:cxx_\w+|(?:ARCHIVE_OUTPUT_(?:DIRECTORY|NAME)|COMPILE_DEFINITIONS|COMPILE_PDB_NAME|COMPILE_PDB_OUTPUT_DIRECTORY|EXCLUDE_FROM_DEFAULT_BUILD|IMPORTED_(?:IMPLIB|LIBNAME|LINK_DEPENDENT_LIBRARIES|LINK_INTERFACE_LANGUAGES|LINK_INTERFACE_LIBRARIES|LINK_INTERFACE_MULTIPLICITY|LOCATION|NO_SONAME|OBJECTS|SONAME)|INTERPROCEDURAL_OPTIMIZATION|LIBRARY_OUTPUT_DIRECTORY|LIBRARY_OUTPUT_NAME|LINK_FLAGS|LINK_INTERFACE_LIBRARIES|LINK_INTERFACE_MULTIPLICITY|LOCATION|MAP_IMPORTED_CONFIG|OSX_ARCHITECTURES|OUTPUT_NAME|PDB_NAME|PDB_OUTPUT_DIRECTORY|RUNTIME_OUTPUT_DIRECTORY|RUNTIME_OUTPUT_NAME|STATIC_LIBRARY_FLAGS|VS_CSHARP|VS_DOTNET_REFERENCEPROP|VS_DOTNET_REFERENCE|VS_GLOBAL_SECTION_POST|VS_GLOBAL_SECTION_PRE|VS_GLOBAL|XCODE_ATTRIBUTE)_\w+|\w+_(?:CLANG_TIDY|COMPILER_LAUNCHER|CPPCHECK|CPPLINT|INCLUDE_WHAT_YOU_USE|OUTPUT_NAME|POSTFIX|VISIBILITY_PRESET)|ABSTRACT|ADDITIONAL_MAKE_CLEAN_FILES|ADVANCED|ALIASED_TARGET|ALLOW_DUPLICATE_CUSTOM_TARGETS|ANDROID_(?:ANT_ADDITIONAL_OPTIONS|API|API_MIN|ARCH|ASSETS_DIRECTORIES|GUI|JAR_DEPENDENCIES|NATIVE_LIB_DEPENDENCIES|NATIVE_LIB_DIRECTORIES|PROCESS_MAX|PROGUARD|PROGUARD_CONFIG_PATH|SECURE_PROPS_PATH|SKIP_ANT_STEP|STL_TYPE)|ARCHIVE_OUTPUT_DIRECTORY|ATTACHED_FILES|ATTACHED_FILES_ON_FAIL|AUTOGEN_(?:BUILD_DIR|ORIGIN_DEPENDS|PARALLEL|SOURCE_GROUP|TARGETS_FOLDER|TARGET_DEPENDS)|AUTOMOC|AUTOMOC_(?:COMPILER_PREDEFINES|DEPEND_FILTERS|EXECUTABLE|MACRO_NAMES|MOC_OPTIONS|SOURCE_GROUP|TARGETS_FOLDER)|AUTORCC|AUTORCC_EXECUTABLE|AUTORCC_OPTIONS|AUTORCC_SOURCE_GROUP|AUTOUIC|AUTOUIC_EXECUTABLE|AUTOUIC_OPTIONS|AUTOUIC_SEARCH_PATHS|BINARY_DIR|BUILDSYSTEM_TARGETS|BUILD_RPATH|BUILD_RPATH_USE_ORIGIN|BUILD_WITH_INSTALL_NAME_DIR|BUILD_WITH_INSTALL_RPATH|BUNDLE|BUNDLE_EXTENSION|CACHE_VARIABLES|CLEAN_NO_CUSTOM|COMMON_LANGUAGE_RUNTIME|COMPATIBLE_INTERFACE_(?:BOOL|NUMBER_MAX|NUMBER_MIN|STRING)|COMPILE_(?:DEFINITIONS|FEATURES|FLAGS|OPTIONS|PDB_NAME|PDB_OUTPUT_DIRECTORY)|COST|CPACK_DESKTOP_SHORTCUTS|CPACK_NEVER_OVERWRITE|CPACK_PERMANENT|CPACK_STARTUP_SHORTCUTS|CPACK_START_MENU_SHORTCUTS|CPACK_WIX_ACL|CROSSCOMPILING_EMULATOR|CUDA_EXTENSIONS|CUDA_PTX_COMPILATION|CUDA_RESOLVE_DEVICE_SYMBOLS|CUDA_SEPARABLE_COMPILATION|CUDA_STANDARD|CUDA_STANDARD_REQUIRED|CXX_EXTENSIONS|CXX_STANDARD|CXX_STANDARD_REQUIRED|C_EXTENSIONS|C_STANDARD|C_STANDARD_REQUIRED|DEBUG_CONFIGURATIONS|DEFINE_SYMBOL|DEFINITIONS|DEPENDS|DEPLOYMENT_ADDITIONAL_FILES|DEPLOYMENT_REMOTE_DIRECTORY|DISABLED|DISABLED_FEATURES|ECLIPSE_EXTRA_CPROJECT_CONTENTS|ECLIPSE_EXTRA_NATURES|ENABLED_FEATURES|ENABLED_LANGUAGES|ENABLE_EXPORTS|ENVIRONMENT|EXCLUDE_FROM_ALL|EXCLUDE_FROM_DEFAULT_BUILD|EXPORT_NAME|EXPORT_PROPERTIES|EXTERNAL_OBJECT|EchoString|FAIL_REGULAR_EXPRESSION|FIND_LIBRARY_USE_LIB32_PATHS|FIND_LIBRARY_USE_LIB64_PATHS|FIND_LIBRARY_USE_LIBX32_PATHS|FIND_LIBRARY_USE_OPENBSD_VERSIONING|FIXTURES_CLEANUP|FIXTURES_REQUIRED|FIXTURES_SETUP|FOLDER|FRAMEWORK|Fortran_FORMAT|Fortran_MODULE_DIRECTORY|GENERATED|GENERATOR_FILE_NAME|GENERATOR_IS_MULTI_CONFIG|GHS_INTEGRITY_APP|GHS_NO_SOURCE_GROUP_FILE|GLOBAL_DEPENDS_DEBUG_MODE|GLOBAL_DEPENDS_NO_CYCLES|GNUtoMS|HAS_CXX|HEADER_FILE_ONLY|HELPSTRING|IMPLICIT_DEPENDS_INCLUDE_TRANSFORM|IMPORTED|IMPORTED_(?:COMMON_LANGUAGE_RUNTIME|CONFIGURATIONS|GLOBAL|IMPLIB|LIBNAME|LINK_DEPENDENT_LIBRARIES|LINK_INTERFACE_(?:LANGUAGES|LIBRARIES|MULTIPLICITY)|LOCATION|NO_SONAME|OBJECTS|SONAME)|IMPORT_PREFIX|IMPORT_SUFFIX|INCLUDE_DIRECTORIES|INCLUDE_REGULAR_EXPRESSION|INSTALL_NAME_DIR|INSTALL_RPATH|INSTALL_RPATH_USE_LINK_PATH|INTERFACE_(?:AUTOUIC_OPTIONS|COMPILE_DEFINITIONS|COMPILE_FEATURES|COMPILE_OPTIONS|INCLUDE_DIRECTORIES|LINK_DEPENDS|LINK_DIRECTORIES|LINK_LIBRARIES|LINK_OPTIONS|POSITION_INDEPENDENT_CODE|SOURCES|SYSTEM_INCLUDE_DIRECTORIES)|INTERPROCEDURAL_OPTIMIZATION|IN_TRY_COMPILE|IOS_INSTALL_COMBINED|JOB_POOLS|JOB_POOL_COMPILE|JOB_POOL_LINK|KEEP_EXTENSION|LABELS|LANGUAGE|LIBRARY_OUTPUT_DIRECTORY|LINKER_LANGUAGE|LINK_(?:DEPENDS|DEPENDS_NO_SHARED|DIRECTORIES|FLAGS|INTERFACE_LIBRARIES|INTERFACE_MULTIPLICITY|LIBRARIES|OPTIONS|SEARCH_END_STATIC|SEARCH_START_STATIC|WHAT_YOU_USE)|LISTFILE_STACK|LOCATION|MACOSX_BUNDLE|MACOSX_BUNDLE_INFO_PLIST|MACOSX_FRAMEWORK_INFO_PLIST|MACOSX_PACKAGE_LOCATION|MACOSX_RPATH|MACROS|MANUALLY_ADDED_DEPENDENCIES|MEASUREMENT|MODIFIED|NAME|NO_SONAME|NO_SYSTEM_FROM_IMPORTED|OBJECT_DEPENDS|OBJECT_OUTPUTS|OSX_ARCHITECTURES|OUTPUT_NAME|PACKAGES_FOUND|PACKAGES_NOT_FOUND|PARENT_DIRECTORY|PASS_REGULAR_EXPRESSION|PDB_NAME|PDB_OUTPUT_DIRECTORY|POSITION_INDEPENDENT_CODE|POST_INSTALL_SCRIPT|PREDEFINED_TARGETS_FOLDER|PREFIX|PRE_INSTALL_SCRIPT|PRIVATE_HEADER|PROCESSORS|PROCESSOR_AFFINITY|PROJECT_LABEL|PUBLIC_HEADER|REPORT_UNDEFINED_PROPERTIES|REQUIRED_FILES|RESOURCE|RESOURCE_LOCK|RULE_LAUNCH_COMPILE|RULE_LAUNCH_CUSTOM|RULE_LAUNCH_LINK|RULE_MESSAGES|RUNTIME_OUTPUT_DIRECTORY|RUN_SERIAL|SKIP_AUTOGEN|SKIP_AUTOMOC|SKIP_AUTORCC|SKIP_AUTOUIC|SKIP_BUILD_RPATH|SKIP_RETURN_CODE|SOURCES|SOURCE_DIR|SOVERSION|STATIC_LIBRARY_FLAGS|STATIC_LIBRARY_OPTIONS|STRINGS|SUBDIRECTORIES|SUFFIX|SYMBOLIC|TARGET_ARCHIVES_MAY_BE_SHARED_LIBS|TARGET_MESSAGES|TARGET_SUPPORTS_SHARED_LIBS|TESTS|TEST_INCLUDE_FILE|TEST_INCLUDE_FILES|TIMEOUT|TIMEOUT_AFTER_MATCH|TYPE|USE_FOLDERS|VALUE|VARIABLES|VERSION|VISIBILITY_INLINES_HIDDEN|VS_(?:CONFIGURATION_TYPE|COPY_TO_OUT_DIR|DEBUGGER_(?:COMMAND|COMMAND_ARGUMENTS|ENVIRONMENT|WORKING_DIRECTORY)|DEPLOYMENT_CONTENT|DEPLOYMENT_LOCATION|DOTNET_REFERENCES|DOTNET_REFERENCES_COPY_LOCAL|GLOBAL_KEYWORD|GLOBAL_PROJECT_TYPES|GLOBAL_ROOTNAMESPACE|INCLUDE_IN_VSIX|IOT_STARTUP_TASK|KEYWORD|RESOURCE_GENERATOR|SCC_AUXPATH|SCC_LOCALPATH|SCC_PROJECTNAME|SCC_PROVIDER|SDK_REFERENCES|SHADER_(?:DISABLE_OPTIMIZATIONS|ENABLE_DEBUG|ENTRYPOINT|FLAGS|MODEL|OBJECT_FILE_NAME|OUTPUT_HEADER_FILE|TYPE|VARIABLE_NAME)|STARTUP_PROJECT|TOOL_OVERRIDE|USER_PROPS|WINRT_COMPONENT|WINRT_EXTENSIONS|WINRT_REFERENCES|XAML_TYPE)|WILL_FAIL|WIN32_EXECUTABLE|WINDOWS_EXPORT_ALL_SYMBOLS|WORKING_DIRECTORY|WRAP_EXCLUDE|XCODE_(?:EMIT_EFFECTIVE_PLATFORM_NAME|EXPLICIT_FILE_TYPE|FILE_ATTRIBUTES|LAST_KNOWN_FILE_TYPE|PRODUCT_TYPE|SCHEME_(?:ADDRESS_SANITIZER|ADDRESS_SANITIZER_USE_AFTER_RETURN|ARGUMENTS|DISABLE_MAIN_THREAD_CHECKER|DYNAMIC_LIBRARY_LOADS|DYNAMIC_LINKER_API_USAGE|ENVIRONMENT|EXECUTABLE|GUARD_MALLOC|MAIN_THREAD_CHECKER_STOP|MALLOC_GUARD_EDGES|MALLOC_SCRIBBLE|MALLOC_STACK|THREAD_SANITIZER(?:_STOP)?|UNDEFINED_BEHAVIOUR_SANITIZER(?:_STOP)?|ZOMBIE_OBJECTS))|XCTEST)\b/,keyword:/\b(?:add_compile_definitions|add_compile_options|add_custom_command|add_custom_target|add_definitions|add_dependencies|add_executable|add_library|add_link_options|add_subdirectory|add_test|aux_source_directory|break|build_command|build_name|cmake_host_system_information|cmake_minimum_required|cmake_parse_arguments|cmake_policy|configure_file|continue|create_test_sourcelist|ctest_build|ctest_configure|ctest_coverage|ctest_empty_binary_directory|ctest_memcheck|ctest_read_custom_files|ctest_run_script|ctest_sleep|ctest_start|ctest_submit|ctest_test|ctest_update|ctest_upload|define_property|else|elseif|enable_language|enable_testing|endforeach|endfunction|endif|endmacro|endwhile|exec_program|execute_process|export|export_library_dependencies|file|find_file|find_library|find_package|find_path|find_program|fltk_wrap_ui|foreach|function|get_cmake_property|get_directory_property|get_filename_component|get_property|get_source_file_property|get_target_property|get_test_property|if|include|include_directories|include_external_msproject|include_guard|include_regular_expression|install|install_files|install_programs|install_targets|link_directories|link_libraries|list|load_cache|load_command|macro|make_directory|mark_as_advanced|math|message|option|output_required_files|project|qt_wrap_cpp|qt_wrap_ui|remove|remove_definitions|return|separate_arguments|set|set_directory_properties|set_property|set_source_files_properties|set_target_properties|set_tests_properties|site_name|source_group|string|subdir_depends|subdirs|target_compile_definitions|target_compile_features|target_compile_options|target_include_directories|target_link_directories|target_link_libraries|target_link_options|target_sources|try_compile|try_run|unset|use_mangled_mesa|utility_source|variable_requires|variable_watch|while|write_file)(?=\s*\()\b/,boolean:/\b(?:FALSE|OFF|ON|TRUE)\b/,namespace:/\b(?:INTERFACE|PRIVATE|PROPERTIES|PUBLIC|SHARED|STATIC|TARGET_OBJECTS)\b/,operator:/\b(?:AND|DEFINED|EQUAL|GREATER|LESS|MATCHES|NOT|OR|STREQUAL|STRGREATER|STRLESS|VERSION_EQUAL|VERSION_GREATER|VERSION_LESS)\b/,inserted:{pattern:/\b\w+::\w+\b/,alias:"class-name"},number:/\b\d+(?:\.\d+)*\b/,function:/\b[a-z_]\w*(?=\s*\()\b/i,punctuation:/[()>}]|\$[<{]/}}e.exports=t,t.displayName="cmake",t.aliases=[]},32762:function(e){"use strict";function t(e){e.languages.cobol={comment:{pattern:/\*>.*|(^[ \t]*)\*.*/m,lookbehind:!0,greedy:!0},string:{pattern:/[xzgn]?(?:"(?:[^\r\n"]|"")*"(?!")|'(?:[^\r\n']|'')*'(?!'))/i,greedy:!0},level:{pattern:/(^[ \t]*)\d+\b/m,lookbehind:!0,greedy:!0,alias:"number"},"class-name":{pattern:/(\bpic(?:ture)?\s+)(?:(?:[-\w$/,:*+<>]|\.(?!\s|$))(?:\(\d+\))?)+/i,lookbehind:!0,inside:{number:{pattern:/(\()\d+/,lookbehind:!0},punctuation:/[()]/}},keyword:{pattern:/(^|[^\w-])(?:ABORT|ACCEPT|ACCESS|ADD|ADDRESS|ADVANCING|AFTER|ALIGNED|ALL|ALPHABET|ALPHABETIC|ALPHABETIC-LOWER|ALPHABETIC-UPPER|ALPHANUMERIC|ALPHANUMERIC-EDITED|ALSO|ALTER|ALTERNATE|ANY|ARE|AREA|AREAS|AS|ASCENDING|ASCII|ASSIGN|ASSOCIATED-DATA|ASSOCIATED-DATA-LENGTH|AT|ATTRIBUTE|AUTHOR|AUTO|AUTO-SKIP|BACKGROUND-COLOR|BACKGROUND-COLOUR|BASIS|BEEP|BEFORE|BEGINNING|BELL|BINARY|BIT|BLANK|BLINK|BLOCK|BOTTOM|BOUNDS|BY|BYFUNCTION|BYTITLE|CALL|CANCEL|CAPABLE|CCSVERSION|CD|CF|CH|CHAINING|CHANGED|CHANNEL|CHARACTER|CHARACTERS|CLASS|CLASS-ID|CLOCK-UNITS|CLOSE|CLOSE-DISPOSITION|COBOL|CODE|CODE-SET|COL|COLLATING|COLUMN|COM-REG|COMMA|COMMITMENT|COMMON|COMMUNICATION|COMP|COMP-1|COMP-2|COMP-3|COMP-4|COMP-5|COMPUTATIONAL|COMPUTATIONAL-1|COMPUTATIONAL-2|COMPUTATIONAL-3|COMPUTATIONAL-4|COMPUTATIONAL-5|COMPUTE|CONFIGURATION|CONTAINS|CONTENT|CONTINUE|CONTROL|CONTROL-POINT|CONTROLS|CONVENTION|CONVERTING|COPY|CORR|CORRESPONDING|COUNT|CRUNCH|CURRENCY|CURSOR|DATA|DATA-BASE|DATE|DATE-COMPILED|DATE-WRITTEN|DAY|DAY-OF-WEEK|DBCS|DE|DEBUG-CONTENTS|DEBUG-ITEM|DEBUG-LINE|DEBUG-NAME|DEBUG-SUB-1|DEBUG-SUB-2|DEBUG-SUB-3|DEBUGGING|DECIMAL-POINT|DECLARATIVES|DEFAULT|DEFAULT-DISPLAY|DEFINITION|DELETE|DELIMITED|DELIMITER|DEPENDING|DESCENDING|DESTINATION|DETAIL|DFHRESP|DFHVALUE|DISABLE|DISK|DISPLAY|DISPLAY-1|DIVIDE|DIVISION|DONTCARE|DOUBLE|DOWN|DUPLICATES|DYNAMIC|EBCDIC|EGCS|EGI|ELSE|EMI|EMPTY-CHECK|ENABLE|END|END-ACCEPT|END-ADD|END-CALL|END-COMPUTE|END-DELETE|END-DIVIDE|END-EVALUATE|END-IF|END-MULTIPLY|END-OF-PAGE|END-PERFORM|END-READ|END-RECEIVE|END-RETURN|END-REWRITE|END-SEARCH|END-START|END-STRING|END-SUBTRACT|END-UNSTRING|END-WRITE|ENDING|ENTER|ENTRY|ENTRY-PROCEDURE|ENVIRONMENT|EOL|EOP|EOS|ERASE|ERROR|ESCAPE|ESI|EVALUATE|EVENT|EVERY|EXCEPTION|EXCLUSIVE|EXHIBIT|EXIT|EXPORT|EXTEND|EXTENDED|EXTERNAL|FD|FILE|FILE-CONTROL|FILLER|FINAL|FIRST|FOOTING|FOR|FOREGROUND-COLOR|FOREGROUND-COLOUR|FROM|FULL|FUNCTION|FUNCTION-POINTER|FUNCTIONNAME|GENERATE|GIVING|GLOBAL|GO|GOBACK|GRID|GROUP|HEADING|HIGH-VALUE|HIGH-VALUES|HIGHLIGHT|I-O|I-O-CONTROL|ID|IDENTIFICATION|IF|IMPLICIT|IMPORT|IN|INDEX|INDEXED|INDICATE|INITIAL|INITIALIZE|INITIATE|INPUT|INPUT-OUTPUT|INSPECT|INSTALLATION|INTEGER|INTO|INVALID|INVOKE|IS|JUST|JUSTIFIED|KANJI|KEPT|KEY|KEYBOARD|LABEL|LANGUAGE|LAST|LB|LD|LEADING|LEFT|LEFTLINE|LENGTH|LENGTH-CHECK|LIBACCESS|LIBPARAMETER|LIBRARY|LIMIT|LIMITS|LINAGE|LINAGE-COUNTER|LINE|LINE-COUNTER|LINES|LINKAGE|LIST|LOCAL|LOCAL-STORAGE|LOCK|LONG-DATE|LONG-TIME|LOW-VALUE|LOW-VALUES|LOWER|LOWLIGHT|MEMORY|MERGE|MESSAGE|MMDDYYYY|MODE|MODULES|MORE-LABELS|MOVE|MULTIPLE|MULTIPLY|NAMED|NATIONAL|NATIONAL-EDITED|NATIVE|NEGATIVE|NETWORK|NEXT|NO|NO-ECHO|NULL|NULLS|NUMBER|NUMERIC|NUMERIC-DATE|NUMERIC-EDITED|NUMERIC-TIME|OBJECT-COMPUTER|OCCURS|ODT|OF|OFF|OMITTED|ON|OPEN|OPTIONAL|ORDER|ORDERLY|ORGANIZATION|OTHER|OUTPUT|OVERFLOW|OVERLINE|OWN|PACKED-DECIMAL|PADDING|PAGE|PAGE-COUNTER|PASSWORD|PERFORM|PF|PH|PIC|PICTURE|PLUS|POINTER|PORT|POSITION|POSITIVE|PRINTER|PRINTING|PRIVATE|PROCEDURE|PROCEDURE-POINTER|PROCEDURES|PROCEED|PROCESS|PROGRAM|PROGRAM-ID|PROGRAM-LIBRARY|PROMPT|PURGE|QUEUE|QUOTE|QUOTES|RANDOM|RD|READ|READER|REAL|RECEIVE|RECEIVED|RECORD|RECORDING|RECORDS|RECURSIVE|REDEFINES|REEL|REF|REFERENCE|REFERENCES|RELATIVE|RELEASE|REMAINDER|REMARKS|REMOTE|REMOVAL|REMOVE|RENAMES|REPLACE|REPLACING|REPORT|REPORTING|REPORTS|REQUIRED|RERUN|RESERVE|RESET|RETURN|RETURN-CODE|RETURNING|REVERSE-VIDEO|REVERSED|REWIND|REWRITE|RF|RH|RIGHT|ROUNDED|RUN|SAME|SAVE|SCREEN|SD|SEARCH|SECTION|SECURE|SECURITY|SEGMENT|SEGMENT-LIMIT|SELECT|SEND|SENTENCE|SEPARATE|SEQUENCE|SEQUENTIAL|SET|SHARED|SHAREDBYALL|SHAREDBYRUNUNIT|SHARING|SHIFT-IN|SHIFT-OUT|SHORT-DATE|SIGN|SIZE|SORT|SORT-CONTROL|SORT-CORE-SIZE|SORT-FILE-SIZE|SORT-MERGE|SORT-MESSAGE|SORT-MODE-SIZE|SORT-RETURN|SOURCE|SOURCE-COMPUTER|SPACE|SPACES|SPECIAL-NAMES|STANDARD|STANDARD-1|STANDARD-2|START|STATUS|STOP|STRING|SUB-QUEUE-1|SUB-QUEUE-2|SUB-QUEUE-3|SUBTRACT|SUM|SUPPRESS|SYMBOL|SYMBOLIC|SYNC|SYNCHRONIZED|TABLE|TALLY|TALLYING|TAPE|TASK|TERMINAL|TERMINATE|TEST|TEXT|THEN|THREAD|THREAD-LOCAL|THROUGH|THRU|TIME|TIMER|TIMES|TITLE|TO|TODAYS-DATE|TODAYS-NAME|TOP|TRAILING|TRUNCATED|TYPE|TYPEDEF|UNDERLINE|UNIT|UNSTRING|UNTIL|UP|UPON|USAGE|USE|USING|VALUE|VALUES|VARYING|VIRTUAL|WAIT|WHEN|WHEN-COMPILED|WITH|WORDS|WORKING-STORAGE|WRITE|YEAR|YYYYDDD|YYYYMMDD|ZERO-FILL|ZEROES|ZEROS)(?![\w-])/i,lookbehind:!0},boolean:{pattern:/(^|[^\w-])(?:false|true)(?![\w-])/i,lookbehind:!0},number:{pattern:/(^|[^\w-])(?:[+-]?(?:(?:\d+(?:[.,]\d+)?|[.,]\d+)(?:e[+-]?\d+)?|zero))(?![\w-])/i,lookbehind:!0},operator:[/<>|[<>]=?|[=+*/&]/,{pattern:/(^|[^\w-])(?:-|and|equal|greater|less|not|or|than)(?![\w-])/i,lookbehind:!0}],punctuation:/[.:,()]/}}e.exports=t,t.displayName="cobol",t.aliases=[]},43576:function(e){"use strict";function t(e){var t,n;t=/#(?!\{).+/,n={pattern:/#\{[^}]+\}/,alias:"variable"},e.languages.coffeescript=e.languages.extend("javascript",{comment:t,string:[{pattern:/'(?:\\[\s\S]|[^\\'])*'/,greedy:!0},{pattern:/"(?:\\[\s\S]|[^\\"])*"/,greedy:!0,inside:{interpolation:n}}],keyword:/\b(?:and|break|by|catch|class|continue|debugger|delete|do|each|else|extend|extends|false|finally|for|if|in|instanceof|is|isnt|let|loop|namespace|new|no|not|null|of|off|on|or|own|return|super|switch|then|this|throw|true|try|typeof|undefined|unless|until|when|while|window|with|yes|yield)\b/,"class-member":{pattern:/@(?!\d)\w+/,alias:"variable"}}),e.languages.insertBefore("coffeescript","comment",{"multiline-comment":{pattern:/###[\s\S]+?###/,alias:"comment"},"block-regex":{pattern:/\/{3}[\s\S]*?\/{3}/,alias:"regex",inside:{comment:t,interpolation:n}}}),e.languages.insertBefore("coffeescript","string",{"inline-javascript":{pattern:/`(?:\\[\s\S]|[^\\`])*`/,inside:{delimiter:{pattern:/^`|`$/,alias:"punctuation"},script:{pattern:/[\s\S]+/,alias:"language-javascript",inside:e.languages.javascript}}},"multiline-string":[{pattern:/'''[\s\S]*?'''/,greedy:!0,alias:"string"},{pattern:/"""[\s\S]*?"""/,greedy:!0,alias:"string",inside:{interpolation:n}}]}),e.languages.insertBefore("coffeescript","keyword",{property:/(?!\d)\w+(?=\s*:(?!:))/}),delete e.languages.coffeescript["template-string"],e.languages.coffee=e.languages.coffeescript}e.exports=t,t.displayName="coffeescript",t.aliases=["coffee"]},71794:function(e){"use strict";function t(e){e.languages.concurnas={comment:{pattern:/(^|[^\\])(?:\/\*[\s\S]*?(?:\*\/|$)|\/\/.*)/,lookbehind:!0,greedy:!0},langext:{pattern:/\b\w+\s*\|\|[\s\S]+?\|\|/,greedy:!0,inside:{"class-name":/^\w+/,string:{pattern:/(^\s*\|\|)[\s\S]+(?=\|\|$)/,lookbehind:!0},punctuation:/\|\|/}},function:{pattern:/((?:^|\s)def[ \t]+)[a-zA-Z_]\w*(?=\s*\()/,lookbehind:!0},keyword:/\b(?:abstract|actor|also|annotation|assert|async|await|bool|boolean|break|byte|case|catch|changed|char|class|closed|constant|continue|def|default|del|double|elif|else|enum|every|extends|false|finally|float|for|from|global|gpudef|gpukernel|if|import|in|init|inject|int|lambda|local|long|loop|match|new|nodefault|null|of|onchange|open|out|override|package|parfor|parforsync|post|pre|private|protected|provide|provider|public|return|shared|short|single|size_t|sizeof|super|sync|this|throw|trait|trans|transient|true|try|typedef|unchecked|using|val|var|void|while|with)\b/,boolean:/\b(?:false|true)\b/,number:/\b0b[01][01_]*L?\b|\b0x(?:[\da-f_]*\.)?[\da-f_p+-]+\b|(?:\b\d[\d_]*(?:\.[\d_]*)?|\B\.\d[\d_]*)(?:e[+-]?\d[\d_]*)?[dfls]?/i,punctuation:/[{}[\];(),.:]/,operator:/<==|>==|=>|->|<-|<>|&==|&<>|\?:?|\.\?|\+\+|--|[-+*/=<>]=?|[!^~]|\b(?:and|as|band|bor|bxor|comp|is|isnot|mod|or)\b=?/,annotation:{pattern:/@(?:\w+:)?(?:\w+|\[[^\]]+\])?/,alias:"builtin"}},e.languages.insertBefore("concurnas","langext",{"regex-literal":{pattern:/\br("|')(?:\\.|(?!\1)[^\\\r\n])*\1/,greedy:!0,inside:{interpolation:{pattern:/((?:^|[^\\])(?:\\{2})*)\{(?:[^{}]|\{(?:[^{}]|\{[^}]*\})*\})+\}/,lookbehind:!0,inside:e.languages.concurnas},regex:/[\s\S]+/}},"string-literal":{pattern:/(?:\B|\bs)("|')(?:\\.|(?!\1)[^\\\r\n])*\1/,greedy:!0,inside:{interpolation:{pattern:/((?:^|[^\\])(?:\\{2})*)\{(?:[^{}]|\{(?:[^{}]|\{[^}]*\})*\})+\}/,lookbehind:!0,inside:e.languages.concurnas},string:/[\s\S]+/}}}),e.languages.conc=e.languages.concurnas}e.exports=t,t.displayName="concurnas",t.aliases=["conc"]},1315:function(e){"use strict";function t(e){!function(e){for(var t=/\(\*(?:[^(*]|\((?!\*)|\*(?!\))|)*\*\)/.source,n=0;n<2;n++)t=t.replace(//g,function(){return t});t=t.replace(//g,"[]"),e.languages.coq={comment:RegExp(t),string:{pattern:/"(?:[^"]|"")*"(?!")/,greedy:!0},attribute:[{pattern:RegExp(/#\[(?:[^\[\]("]|"(?:[^"]|"")*"(?!")|\((?!\*)|)*\]/.source.replace(//g,function(){return t})),greedy:!0,alias:"attr-name",inside:{comment:RegExp(t),string:{pattern:/"(?:[^"]|"")*"(?!")/,greedy:!0},operator:/=/,punctuation:/^#\[|\]$|[,()]/}},{pattern:/\b(?:Cumulative|Global|Local|Monomorphic|NonCumulative|Polymorphic|Private|Program)\b/,alias:"attr-name"}],keyword:/\b(?:Abort|About|Add|Admit|Admitted|All|Arguments|As|Assumptions|Axiom|Axioms|Back|BackTo|Backtrace|BinOp|BinOpSpec|BinRel|Bind|Blacklist|Canonical|Case|Cd|Check|Class|Classes|Close|CoFixpoint|CoInductive|Coercion|Coercions|Collection|Combined|Compute|Conjecture|Conjectures|Constant|Constants|Constraint|Constructors|Context|Corollary|Create|CstOp|Custom|Cut|Debug|Declare|Defined|Definition|Delimit|Dependencies|Dependent|Derive|Diffs|Drop|Elimination|End|Entry|Equality|Eval|Example|Existential|Existentials|Existing|Export|Extern|Extraction|Fact|Fail|Field|File|Firstorder|Fixpoint|Flags|Focus|From|Funclass|Function|Functional|GC|Generalizable|Goal|Grab|Grammar|Graph|Guarded|Haskell|Heap|Hide|Hint|HintDb|Hints|Hypotheses|Hypothesis|IF|Identity|Immediate|Implicit|Implicits|Import|Include|Induction|Inductive|Infix|Info|Initial|InjTyp|Inline|Inspect|Instance|Instances|Intro|Intros|Inversion|Inversion_clear|JSON|Language|Left|Lemma|Let|Lia|Libraries|Library|Load|LoadPath|Locate|Ltac|Ltac2|ML|Match|Method|Minimality|Module|Modules|Morphism|Next|NoInline|Notation|Number|OCaml|Obligation|Obligations|Opaque|Open|Optimize|Parameter|Parameters|Parametric|Path|Paths|Prenex|Preterm|Primitive|Print|Profile|Projections|Proof|Prop|PropBinOp|PropOp|PropUOp|Property|Proposition|Pwd|Qed|Quit|Rec|Record|Recursive|Redirect|Reduction|Register|Relation|Remark|Remove|Require|Reserved|Reset|Resolve|Restart|Rewrite|Right|Ring|Rings|SProp|Saturate|Save|Scheme|Scope|Scopes|Search|SearchHead|SearchPattern|SearchRewrite|Section|Separate|Set|Setoid|Show|Signatures|Solve|Solver|Sort|Sortclass|Sorted|Spec|Step|Strategies|Strategy|String|Structure|SubClass|Subgraph|SuchThat|Tactic|Term|TestCompile|Theorem|Time|Timeout|To|Transparent|Type|Typeclasses|Types|Typing|UnOp|UnOpSpec|Undelimit|Undo|Unfocus|Unfocused|Unfold|Universe|Universes|Unshelve|Variable|Variables|Variant|Verbose|View|Visibility|Zify|_|apply|as|at|by|cofix|else|end|exists|exists2|fix|for|forall|fun|if|in|let|match|measure|move|removed|return|struct|then|using|wf|where|with)\b/,number:/\b(?:0x[a-f0-9][a-f0-9_]*(?:\.[a-f0-9_]+)?(?:p[+-]?\d[\d_]*)?|\d[\d_]*(?:\.[\d_]+)?(?:e[+-]?\d[\d_]*)?)\b/i,punct:{pattern:/@\{|\{\||\[=|:>/,alias:"punctuation"},operator:/\/\\|\\\/|\.{2,3}|:{1,2}=|\*\*|[-=]>|<(?:->?|[+:=>]|<:)|>(?:=|->)|\|[-|]?|[-!%&*+/<=>?@^~']/,punctuation:/\.\(|`\(|@\{|`\{|\{\||\[=|:>|[:.,;(){}\[\]]/}}(e)}e.exports=t,t.displayName="coq",t.aliases=[]},80096:function(e,t,n){"use strict";var r=n(65806);function a(e){var t,n;e.register(r),t=/\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/,n=/\b(?!)\w+(?:\s*\.\s*\w+)*\b/.source.replace(//g,function(){return t.source}),e.languages.cpp=e.languages.extend("c",{"class-name":[{pattern:RegExp(/(\b(?:class|concept|enum|struct|typename)\s+)(?!)\w+/.source.replace(//g,function(){return t.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:t,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/}),e.languages.insertBefore("cpp","string",{module:{pattern:RegExp(/(\b(?:import|module)\s+)/.source+"(?:"+/"(?:\\(?:\r\n|[\s\S])|[^"\\\r\n])*"|<[^<>\r\n]*>/.source+"|"+/(?:\s*:\s*)?|:\s*/.source.replace(//g,function(){return n})+")"),lookbehind:!0,greedy:!0,inside:{string:/^[<"][\s\S]+/,operator:/:/,punctuation:/\./}},"raw-string":{pattern:/R"([^()\\ ]{0,16})\([\s\S]*?\)\1"/,alias:"string",greedy:!0}}),e.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:e.languages.cpp}}}}),e.languages.insertBefore("cpp","operator",{"double-colon":{pattern:/::/,alias:"punctuation"}}),e.languages.insertBefore("cpp","class-name",{"base-clause":{pattern:/(\b(?:class|struct)\s+\w+\s*:\s*)[^;{}"'\s]+(?:\s+[^;{}"'\s]+)*(?=\s*[;{])/,lookbehind:!0,greedy:!0,inside:e.languages.extend("cpp",{})}}),e.languages.insertBefore("inside","double-colon",{"class-name":/\b[a-z_]\w*\b(?!\s*::)/i},e.languages.cpp["base-clause"])}e.exports=a,a.displayName="cpp",a.aliases=[]},99176:function(e,t,n){"use strict";var r=n(56939);function a(e){e.register(r),e.languages.crystal=e.languages.extend("ruby",{keyword:[/\b(?:__DIR__|__END_LINE__|__FILE__|__LINE__|abstract|alias|annotation|as|asm|begin|break|case|class|def|do|else|elsif|end|ensure|enum|extend|for|fun|if|ifdef|include|instance_sizeof|lib|macro|module|next|of|out|pointerof|private|protected|ptr|require|rescue|return|select|self|sizeof|struct|super|then|type|typeof|undef|uninitialized|union|unless|until|when|while|with|yield)\b/,{pattern:/(\.\s*)(?:is_a|responds_to)\?/,lookbehind:!0}],number:/\b(?:0b[01_]*[01]|0o[0-7_]*[0-7]|0x[\da-fA-F_]*[\da-fA-F]|(?:\d(?:[\d_]*\d)?)(?:\.[\d_]*\d)?(?:[eE][+-]?[\d_]*\d)?)(?:_(?:[uif](?:8|16|32|64))?)?\b/,operator:[/->/,e.languages.ruby.operator],punctuation:/[(){}[\].,;\\]/}),e.languages.insertBefore("crystal","string-literal",{attribute:{pattern:/@\[.*?\]/,inside:{delimiter:{pattern:/^@\[|\]$/,alias:"punctuation"},attribute:{pattern:/^(\s*)\w+/,lookbehind:!0,alias:"class-name"},args:{pattern:/\S(?:[\s\S]*\S)?/,inside:e.languages.crystal}}},expansion:{pattern:/\{(?:\{.*?\}|%.*?%)\}/,inside:{content:{pattern:/^(\{.)[\s\S]+(?=.\}$)/,lookbehind:!0,inside:e.languages.crystal},delimiter:{pattern:/^\{[\{%]|[\}%]\}$/,alias:"operator"}}},char:{pattern:/'(?:[^\\\r\n]{1,2}|\\(?:.|u(?:[A-Fa-f0-9]{1,4}|\{[A-Fa-f0-9]{1,6}\})))'/,greedy:!0}})}e.exports=a,a.displayName="crystal",a.aliases=[]},61958:function(e){"use strict";function t(e){!function(e){function t(e,t){return e.replace(/<<(\d+)>>/g,function(e,n){return"(?:"+t[+n]+")"})}function n(e,n,r){return RegExp(t(e,n),r||"")}function r(e,t){for(var n=0;n>/g,function(){return"(?:"+e+")"});return e.replace(/<>/g,"[^\\s\\S]")}var a={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 i(e){return"\\b(?:"+e.trim().replace(/ /g,"|")+")\\b"}var o=i(a.typeDeclaration),s=RegExp(i(a.type+" "+a.typeDeclaration+" "+a.contextual+" "+a.other)),l=i(a.typeDeclaration+" "+a.contextual+" "+a.other),c=i(a.type+" "+a.typeDeclaration+" "+a.other),u=r(/<(?:[^<>;=+\-*/%&|^]|<>)*>/.source,2),d=r(/\((?:[^()]|<>)*\)/.source,2),p=/@?\b[A-Za-z_]\w*\b/.source,m=t(/<<0>>(?:\s*<<1>>)?/.source,[p,u]),g=t(/(?!<<0>>)<<1>>(?:\s*\.\s*<<1>>)*/.source,[l,m]),f=/\[\s*(?:,\s*)*\]/.source,h=t(/<<0>>(?:\s*(?:\?\s*)?<<1>>)*(?:\s*\?)?/.source,[g,f]),b=t(/[^,()<>[\];=+\-*/%&|^]|<<0>>|<<1>>|<<2>>/.source,[u,d,f]),E=t(/\(<<0>>+(?:,<<0>>+)+\)/.source,[b]),T=t(/(?:<<0>>|<<1>>)(?:\s*(?:\?\s*)?<<2>>)*(?:\s*\?)?/.source,[E,g,f]),S={keyword:s,punctuation:/[<>()?,.:[\]]/},y=/'(?:[^\r\n'\\]|\\.|\\[Uux][\da-fA-F]{1,8})'/.source,A=/"(?:\\.|[^\\"\r\n])*"/.source,_=/@"(?:""|\\[\s\S]|[^\\"])*"(?!")/.source;e.languages.csharp=e.languages.extend("clike",{string:[{pattern:n(/(^|[^$\\])<<0>>/.source,[_]),lookbehind:!0,greedy:!0},{pattern:n(/(^|[^@$\\])<<0>>/.source,[A]),lookbehind:!0,greedy:!0}],"class-name":[{pattern:n(/(\busing\s+static\s+)<<0>>(?=\s*;)/.source,[g]),lookbehind:!0,inside:S},{pattern:n(/(\busing\s+<<0>>\s*=\s*)<<1>>(?=\s*;)/.source,[p,T]),lookbehind:!0,inside:S},{pattern:n(/(\busing\s+)<<0>>(?=\s*=)/.source,[p]),lookbehind:!0},{pattern:n(/(\b<<0>>\s+)<<1>>/.source,[o,m]),lookbehind:!0,inside:S},{pattern:n(/(\bcatch\s*\(\s*)<<0>>/.source,[g]),lookbehind:!0,inside:S},{pattern:n(/(\bwhere\s+)<<0>>/.source,[p]),lookbehind:!0},{pattern:n(/(\b(?:is(?:\s+not)?|as)\s+)<<0>>/.source,[h]),lookbehind:!0,inside:S},{pattern:n(/\b<<0>>(?=\s+(?!<<1>>|with\s*\{)<<2>>(?:\s*[=,;:{)\]]|\s+(?:in|when)\b))/.source,[T,c,p]),inside:S}],keyword:s,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:/\?\.?|::|[{}[\];(),.:]/}),e.languages.insertBefore("csharp","number",{range:{pattern:/\.\./,alias:"operator"}}),e.languages.insertBefore("csharp","punctuation",{"named-parameter":{pattern:n(/([(,]\s*)<<0>>(?=\s*:)/.source,[p]),lookbehind:!0,alias:"punctuation"}}),e.languages.insertBefore("csharp","class-name",{namespace:{pattern:n(/(\b(?:namespace|using)\s+)<<0>>(?:\s*\.\s*<<0>>)*(?=\s*[;{])/.source,[p]),lookbehind:!0,inside:{punctuation:/\./}},"type-expression":{pattern:n(/(\b(?:default|sizeof|typeof)\s*\(\s*(?!\s))(?:[^()\s]|\s(?!\s)|<<0>>)*(?=\s*\))/.source,[d]),lookbehind:!0,alias:"class-name",inside:S},"return-type":{pattern:n(/<<0>>(?=\s+(?:<<1>>\s*(?:=>|[({]|\.\s*this\s*\[)|this\s*\[))/.source,[T,g]),inside:S,alias:"class-name"},"constructor-invocation":{pattern:n(/(\bnew\s+)<<0>>(?=\s*[[({])/.source,[T]),lookbehind:!0,inside:S,alias:"class-name"},"generic-method":{pattern:n(/<<0>>\s*<<1>>(?=\s*\()/.source,[p,u]),inside:{function:n(/^<<0>>/.source,[p]),generic:{pattern:RegExp(u),alias:"class-name",inside:S}}},"type-list":{pattern:n(/\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,[o,m,p,T,s.source,d,/\bnew\s*\(\s*\)/.source]),lookbehind:!0,inside:{"record-arguments":{pattern:n(/(^(?!new\s*\()<<0>>\s*)<<1>>/.source,[m,d]),lookbehind:!0,greedy:!0,inside:e.languages.csharp},keyword:s,"class-name":{pattern:RegExp(T),greedy:!0,inside:S},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 k=A+"|"+y,v=t(/\/(?![*/])|\/\/[^\r\n]*[\r\n]|\/\*(?:[^*]|\*(?!\/))*\*\/|<<0>>/.source,[k]),N=r(t(/[^"'/()]|<<0>>|\(<>*\)/.source,[v]),2),C=/\b(?:assembly|event|field|method|module|param|property|return|type)\b/.source,R=t(/<<0>>(?:\s*\(<<1>>*\))?/.source,[g,N]);e.languages.insertBefore("csharp","class-name",{attribute:{pattern:n(/((?:^|[^\s\w>)?])\s*\[\s*)(?:<<0>>\s*:\s*)?<<1>>(?:\s*,\s*<<1>>)*(?=\s*\])/.source,[C,R]),lookbehind:!0,greedy:!0,inside:{target:{pattern:n(/^<<0>>(?=\s*:)/.source,[C]),alias:"keyword"},"attribute-arguments":{pattern:n(/\(<<0>>*\)/.source,[N]),inside:e.languages.csharp},"class-name":{pattern:RegExp(g),inside:{punctuation:/\./}},punctuation:/[:,]/}}});var I=/:[^}\r\n]+/.source,O=r(t(/[^"'/()]|<<0>>|\(<>*\)/.source,[v]),2),w=t(/\{(?!\{)(?:(?![}:])<<0>>)*<<1>>?\}/.source,[O,I]),x=r(t(/[^"'/()]|\/(?!\*)|\/\*(?:[^*]|\*(?!\/))*\*\/|<<0>>|\(<>*\)/.source,[k]),2),L=t(/\{(?!\{)(?:(?![}:])<<0>>)*<<1>>?\}/.source,[x,I]);function D(t,r){return{interpolation:{pattern:n(/((?:^|[^{])(?:\{\{)*)<<0>>/.source,[t]),lookbehind:!0,inside:{"format-string":{pattern:n(/(^\{(?:(?![}:])<<0>>)*)<<1>>(?=\}$)/.source,[r,I]),lookbehind:!0,inside:{punctuation:/^:/}},punctuation:/^\{|\}$/,expression:{pattern:/[\s\S]+/,alias:"language-csharp",inside:e.languages.csharp}}},string:/[\s\S]+/}}e.languages.insertBefore("csharp","string",{"interpolation-string":[{pattern:n(/(^|[^\\])(?:\$@|@\$)"(?:""|\\[\s\S]|\{\{|<<0>>|[^\\{"])*"/.source,[w]),lookbehind:!0,greedy:!0,inside:D(w,O)},{pattern:n(/(^|[^@\\])\$"(?:\\.|\{\{|<<0>>|[^\\"{])*"/.source,[L]),lookbehind:!0,greedy:!0,inside:D(L,x)}],char:{pattern:RegExp(y),greedy:!0}}),e.languages.dotnet=e.languages.cs=e.languages.csharp}(e)}e.exports=t,t.displayName="csharp",t.aliases=["dotnet","cs"]},90312:function(e,t,n){"use strict";var r=n(61958);function a(e){e.register(r),function(e){var t=/\/(?![/*])|\/\/.*[\r\n]|\/\*[^*]*(?:\*(?!\/)[^*]*)*\*\//.source,n=/@(?!")|"(?:[^\r\n\\"]|\\.)*"|@"(?:[^\\"]|""|\\[\s\S])*"(?!")/.source+"|"+/'(?:(?:[^\r\n'\\]|\\.|\\[Uux][\da-fA-F]{1,8})'|(?=[^\\](?!')))/.source;function r(e,r){for(var a=0;a/g,function(){return"(?:"+e+")"});return e.replace(//g,"[^\\s\\S]").replace(//g,"(?:"+n+")").replace(//g,"(?:"+t+")")}var a=r(/\((?:[^()'"@/]|||)*\)/.source,2),i=r(/\[(?:[^\[\]'"@/]|||)*\]/.source,2),o=r(/\{(?:[^{}'"@/]|||)*\}/.source,2),s=r(/<(?:[^<>'"@/]|||)*>/.source,2),l=/(?:\s(?:\s*[^\s>\/=]+(?:\s*=\s*(?:"[^"]*"|'[^']*'|[^\s'">=]+(?=[\s>]))|(?=[\s/>])))+)?/.source,c=/(?!\d)[^\s>\/=$<%]+/.source+l+/\s*\/?>/.source,u=/\B@?/.source+"(?:"+/<([a-zA-Z][\w:]*)/.source+l+/\s*>/.source+"(?:"+(/[^<]/.source+"|"+/<\/?(?!\1\b)/.source)+c+"|"+r(/<\1/.source+l+/\s*>/.source+"(?:"+(/[^<]/.source+"|")+/<\/?(?!\1\b)/.source+c+"|)*"+/<\/\1\s*>/.source,2)+")*"+/<\/\1\s*>/.source+"|"+/|\+|~|\|\|/,punctuation:/[(),]/}},e.languages.css.atrule.inside["selector-function-argument"].inside=t,e.languages.insertBefore("css","property",{variable:{pattern:/(^|[^-\w\xA0-\uFFFF])--(?!\s)[-_a-z\xA0-\uFFFF](?:(?!\s)[-\w\xA0-\uFFFF])*/i,lookbehind:!0}});var r={pattern:/(\b\d+)(?:%|[a-z]+(?![\w-]))/,lookbehind:!0},a={pattern:/(^|[^\w.-])-?(?:\d+(?:\.\d+)?|\.\d+)/,lookbehind:!0};e.languages.insertBefore("css","function",{operator:{pattern:/(\s)[+\-*\/](?=\s)/,lookbehind:!0},hexcode:{pattern:/\B#[\da-f]{3,8}\b/i,alias:"color"},color:[{pattern:/(^|[^\w-])(?:AliceBlue|AntiqueWhite|Aqua|Aquamarine|Azure|Beige|Bisque|Black|BlanchedAlmond|Blue|BlueViolet|Brown|BurlyWood|CadetBlue|Chartreuse|Chocolate|Coral|CornflowerBlue|Cornsilk|Crimson|Cyan|DarkBlue|DarkCyan|DarkGoldenRod|DarkGr[ae]y|DarkGreen|DarkKhaki|DarkMagenta|DarkOliveGreen|DarkOrange|DarkOrchid|DarkRed|DarkSalmon|DarkSeaGreen|DarkSlateBlue|DarkSlateGr[ae]y|DarkTurquoise|DarkViolet|DeepPink|DeepSkyBlue|DimGr[ae]y|DodgerBlue|FireBrick|FloralWhite|ForestGreen|Fuchsia|Gainsboro|GhostWhite|Gold|GoldenRod|Gr[ae]y|Green|GreenYellow|HoneyDew|HotPink|IndianRed|Indigo|Ivory|Khaki|Lavender|LavenderBlush|LawnGreen|LemonChiffon|LightBlue|LightCoral|LightCyan|LightGoldenRodYellow|LightGr[ae]y|LightGreen|LightPink|LightSalmon|LightSeaGreen|LightSkyBlue|LightSlateGr[ae]y|LightSteelBlue|LightYellow|Lime|LimeGreen|Linen|Magenta|Maroon|MediumAquaMarine|MediumBlue|MediumOrchid|MediumPurple|MediumSeaGreen|MediumSlateBlue|MediumSpringGreen|MediumTurquoise|MediumVioletRed|MidnightBlue|MintCream|MistyRose|Moccasin|NavajoWhite|Navy|OldLace|Olive|OliveDrab|Orange|OrangeRed|Orchid|PaleGoldenRod|PaleGreen|PaleTurquoise|PaleVioletRed|PapayaWhip|PeachPuff|Peru|Pink|Plum|PowderBlue|Purple|Red|RosyBrown|RoyalBlue|SaddleBrown|Salmon|SandyBrown|SeaGreen|SeaShell|Sienna|Silver|SkyBlue|SlateBlue|SlateGr[ae]y|Snow|SpringGreen|SteelBlue|Tan|Teal|Thistle|Tomato|Transparent|Turquoise|Violet|Wheat|White|WhiteSmoke|Yellow|YellowGreen)(?![\w-])/i,lookbehind:!0},{pattern:/\b(?:hsl|rgb)\(\s*\d{1,3}\s*,\s*\d{1,3}%?\s*,\s*\d{1,3}%?\s*\)\B|\b(?:hsl|rgb)a\(\s*\d{1,3}\s*,\s*\d{1,3}%?\s*,\s*\d{1,3}%?\s*,\s*(?:0|0?\.\d+|1)\s*\)\B/i,inside:{unit:r,number:a,function:/[\w-]+(?=\()/,punctuation:/[(),]/}}],entity:/\\[\da-f]{1,8}/i,unit:r,number:a})}(e)}e.exports=t,t.displayName="cssExtras",t.aliases=[]},12049:function(e){"use strict";function t(e){var t,n;t=/(?:"(?:\\(?:\r\n|[\s\S])|[^"\\\r\n])*"|'(?:\\(?:\r\n|[\s\S])|[^'\\\r\n])*')/,e.languages.css={comment:/\/\*[\s\S]*?\*\//,atrule:{pattern:/@[\w-](?:[^;{\s]|\s+(?![\s{]))*(?:;|(?=\s*\{))/,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\\((?:"+t.source+"|"+/(?:[^\\\r\n()"']|\\[\s\S])*/.source+")\\)","i"),greedy:!0,inside:{function:/^url/i,punctuation:/^\(|\)$/,string:{pattern:RegExp("^"+t.source+"$"),alias:"url"}}},selector:{pattern:RegExp("(^|[{}\\s])[^{}\\s](?:[^{};\"'\\s]|\\s+(?![\\s{])|"+t.source+")*(?=\\s*\\{)"),lookbehind:!0},string:{pattern:t,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:/[(){};:,]/},e.languages.css.atrule.inside.rest=e.languages.css,(n=e.languages.markup)&&(n.tag.addInlined("style","css"),n.tag.addAttribute("style","css"))}e.exports=t,t.displayName="css",t.aliases=[]},78090:function(e){"use strict";function t(e){e.languages.csv={value:/[^\r\n,"]+|"(?:[^"]|"")*"(?!")/,punctuation:/,/}}e.exports=t,t.displayName="csv",t.aliases=[]},40315:function(e){"use strict";function t(e){e.languages.cypher={comment:/\/\/.*/,string:{pattern:/"(?:[^"\\\r\n]|\\.)*"|'(?:[^'\\\r\n]|\\.)*'/,greedy:!0},"class-name":{pattern:/(:\s*)(?:\w+|`(?:[^`\\\r\n])*`)(?=\s*[{):])/,lookbehind:!0,greedy:!0},relationship:{pattern:/(-\[\s*(?:\w+\s*|`(?:[^`\\\r\n])*`\s*)?:\s*|\|\s*:\s*)(?:\w+|`(?:[^`\\\r\n])*`)/,lookbehind:!0,greedy:!0,alias:"property"},identifier:{pattern:/`(?:[^`\\\r\n])*`/,greedy:!0},variable:/\$\w+/,keyword:/\b(?:ADD|ALL|AND|AS|ASC|ASCENDING|ASSERT|BY|CALL|CASE|COMMIT|CONSTRAINT|CONTAINS|CREATE|CSV|DELETE|DESC|DESCENDING|DETACH|DISTINCT|DO|DROP|ELSE|END|ENDS|EXISTS|FOR|FOREACH|IN|INDEX|IS|JOIN|KEY|LIMIT|LOAD|MANDATORY|MATCH|MERGE|NODE|NOT|OF|ON|OPTIONAL|OR|ORDER(?=\s+BY)|PERIODIC|REMOVE|REQUIRE|RETURN|SCALAR|SCAN|SET|SKIP|START|STARTS|THEN|UNION|UNIQUE|UNWIND|USING|WHEN|WHERE|WITH|XOR|YIELD)\b/i,function:/\b\w+\b(?=\s*\()/,boolean:/\b(?:false|null|true)\b/i,number:/\b(?:0x[\da-fA-F]+|\d+(?:\.\d+)?(?:[eE][+-]?\d+)?)\b/,operator:/:|<--?|--?>?|<>|=~?|[<>]=?|[+*/%^|]|\.\.\.?/,punctuation:/[()[\]{},;.]/}}e.exports=t,t.displayName="cypher",t.aliases=[]},7902:function(e){"use strict";function t(e){e.languages.d=e.languages.extend("clike",{comment:[{pattern:/^\s*#!.+/,greedy:!0},{pattern:RegExp(/(^|[^\\])/.source+"(?:"+[/\/\+(?:\/\+(?:[^+]|\+(?!\/))*\+\/|(?!\/\+)[\s\S])*?\+\//.source,/\/\/.*/.source,/\/\*[\s\S]*?\*\//.source].join("|")+")"),lookbehind:!0,greedy:!0}],string:[{pattern:RegExp([/\b[rx]"(?:\\[\s\S]|[^\\"])*"[cwd]?/.source,/\bq"(?:\[[\s\S]*?\]|\([\s\S]*?\)|<[\s\S]*?>|\{[\s\S]*?\})"/.source,/\bq"((?!\d)\w+)$[\s\S]*?^\1"/.source,/\bq"(.)[\s\S]*?\2"/.source,/(["`])(?:\\[\s\S]|(?!\3)[^\\])*\3[cwd]?/.source].join("|"),"m"),greedy:!0},{pattern:/\bq\{(?:\{[^{}]*\}|[^{}])*\}/,greedy:!0,alias:"token-string"}],keyword:/\$|\b(?:__(?:(?:DATE|EOF|FILE|FUNCTION|LINE|MODULE|PRETTY_FUNCTION|TIMESTAMP|TIME|VENDOR|VERSION)__|gshared|parameters|traits|vector)|abstract|alias|align|asm|assert|auto|body|bool|break|byte|case|cast|catch|cdouble|cent|cfloat|char|class|const|continue|creal|dchar|debug|default|delegate|delete|deprecated|do|double|dstring|else|enum|export|extern|false|final|finally|float|for|foreach|foreach_reverse|function|goto|idouble|if|ifloat|immutable|import|inout|int|interface|invariant|ireal|lazy|long|macro|mixin|module|new|nothrow|null|out|override|package|pragma|private|protected|ptrdiff_t|public|pure|real|ref|return|scope|shared|short|size_t|static|string|struct|super|switch|synchronized|template|this|throw|true|try|typedef|typeid|typeof|ubyte|ucent|uint|ulong|union|unittest|ushort|version|void|volatile|wchar|while|with|wstring)\b/,number:[/\b0x\.?[a-f\d_]+(?:(?!\.\.)\.[a-f\d_]*)?(?:p[+-]?[a-f\d_]+)?[ulfi]{0,4}/i,{pattern:/((?:\.\.)?)(?:\b0b\.?|\b|\.)\d[\d_]*(?:(?!\.\.)\.[\d_]*)?(?:e[+-]?\d[\d_]*)?[ulfi]{0,4}/i,lookbehind:!0}],operator:/\|[|=]?|&[&=]?|\+[+=]?|-[-=]?|\.?\.\.|=[>=]?|!(?:i[ns]\b|<>?=?|>=?|=)?|\bi[ns]\b|(?:<[<>]?|>>?>?|\^\^|[*\/%^~])=?/}),e.languages.insertBefore("d","string",{char:/'(?:\\(?:\W|\w+)|[^\\])'/}),e.languages.insertBefore("d","keyword",{property:/\B@\w*/}),e.languages.insertBefore("d","function",{register:{pattern:/\b(?:[ABCD][LHX]|E?(?:BP|DI|SI|SP)|[BS]PL|[ECSDGF]S|CR[0234]|[DS]IL|DR[012367]|E[ABCD]X|X?MM[0-7]|R(?:1[0-5]|[89])[BWD]?|R[ABCD]X|R[BS]P|R[DS]I|TR[3-7]|XMM(?:1[0-5]|[89])|YMM(?:1[0-5]|\d))\b|\bST(?:\([0-7]\)|\b)/,alias:"variable"}})}e.exports=t,t.displayName="d",t.aliases=[]},28651:function(e){"use strict";function t(e){var t,n,r;t=[/\b(?:async|sync|yield)\*/,/\b(?:abstract|assert|async|await|break|case|catch|class|const|continue|covariant|default|deferred|do|dynamic|else|enum|export|extends|extension|external|factory|final|finally|for|get|hide|if|implements|import|in|interface|library|mixin|new|null|on|operator|part|rethrow|return|set|show|static|super|switch|sync|this|throw|try|typedef|var|void|while|with|yield)\b/],r={pattern:RegExp((n=/(^|[^\w.])(?:[a-z]\w*\s*\.\s*)*(?:[A-Z]\w*\s*\.\s*)*/.source)+/[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:/\./}}}},e.languages.dart=e.languages.extend("clike",{"class-name":[r,{pattern:RegExp(n+/[A-Z]\w*(?=\s+\w+\s*[;,=()])/.source),lookbehind:!0,inside:r.inside}],keyword:t,operator:/\bis!|\b(?:as|is)\b|\+\+|--|&&|\|\||<<=?|>>=?|~(?:\/=?)?|[+\-*\/%&^|=!<>]=?|\?/}),e.languages.insertBefore("dart","string",{"string-literal":{pattern:/r?(?:("""|''')[\s\S]*?\1|(["'])(?:\\.|(?!\2)[^\\\r\n])*\2(?!\2))/,greedy:!0,inside:{interpolation:{pattern:/((?:^|[^\\])(?:\\{2})*)\$(?:\w+|\{(?:[^{}]|\{[^{}]*\})*\})/,lookbehind:!0,inside:{punctuation:/^\$\{?|\}$/,expression:{pattern:/[\s\S]+/,inside:e.languages.dart}}},string:/[\s\S]+/}},string:void 0}),e.languages.insertBefore("dart","class-name",{metadata:{pattern:/@\w+/,alias:"function"}}),e.languages.insertBefore("dart","class-name",{generics:{pattern:/<(?:[\w\s,.&?]|<(?:[\w\s,.&?]|<(?:[\w\s,.&?]|<[\w\s,.&?]*>)*>)*>)*>/,inside:{"class-name":r,keyword:t,punctuation:/[<>(),.:]/,operator:/[?&|]/}}})}e.exports=t,t.displayName="dart",t.aliases=[]},55579:function(e){"use strict";function t(e){e.languages.dataweave={url:/\b[A-Za-z]+:\/\/[\w/:.?=&-]+|\burn:[\w:.?=&-]+/,property:{pattern:/(?:\b\w+#)?(?:"(?:\\.|[^\\"\r\n])*"|\b\w+)(?=\s*[:@])/,greedy:!0},string:{pattern:/(["'`])(?:\\[\s\S]|(?!\1)[^\\])*\1/,greedy:!0},"mime-type":/\b(?:application|audio|image|multipart|text|video)\/[\w+-]+/,date:{pattern:/\|[\w:+-]+\|/,greedy:!0},comment:[{pattern:/(^|[^\\])\/\*[\s\S]*?(?:\*\/|$)/,lookbehind:!0,greedy:!0},{pattern:/(^|[^\\:])\/\/.*/,lookbehind:!0,greedy:!0}],regex:{pattern:/\/(?:[^\\\/\r\n]|\\[^\r\n])+\//,greedy:!0},keyword:/\b(?:and|as|at|case|do|else|fun|if|input|is|match|not|ns|null|or|output|type|unless|update|using|var)\b/,function:/\b[A-Z_]\w*(?=\s*\()/i,number:/-?\b\d+(?:\.\d+)?(?:e[+-]?\d+)?\b/i,punctuation:/[{}[\];(),.:@]/,operator:/<<|>>|->|[<>~=]=?|!=|--?-?|\+\+?|!|\?/,boolean:/\b(?:false|true)\b/}}e.exports=t,t.displayName="dataweave",t.aliases=[]},93685:function(e){"use strict";function t(e){e.languages.dax={comment:{pattern:/(^|[^\\])(?:\/\*[\s\S]*?\*\/|(?:--|\/\/).*)/,lookbehind:!0},"data-field":{pattern:/'(?:[^']|'')*'(?!')(?:\[[ \w\xA0-\uFFFF]+\])?|\w+\[[ \w\xA0-\uFFFF]+\]/,alias:"symbol"},measure:{pattern:/\[[ \w\xA0-\uFFFF]+\]/,alias:"constant"},string:{pattern:/"(?:[^"]|"")*"(?!")/,greedy:!0},function:/\b(?:ABS|ACOS|ACOSH|ACOT|ACOTH|ADDCOLUMNS|ADDMISSINGITEMS|ALL|ALLCROSSFILTERED|ALLEXCEPT|ALLNOBLANKROW|ALLSELECTED|AND|APPROXIMATEDISTINCTCOUNT|ASIN|ASINH|ATAN|ATANH|AVERAGE|AVERAGEA|AVERAGEX|BETA\.DIST|BETA\.INV|BLANK|CALCULATE|CALCULATETABLE|CALENDAR|CALENDARAUTO|CEILING|CHISQ\.DIST|CHISQ\.DIST\.RT|CHISQ\.INV|CHISQ\.INV\.RT|CLOSINGBALANCEMONTH|CLOSINGBALANCEQUARTER|CLOSINGBALANCEYEAR|COALESCE|COMBIN|COMBINA|COMBINEVALUES|CONCATENATE|CONCATENATEX|CONFIDENCE\.NORM|CONFIDENCE\.T|CONTAINS|CONTAINSROW|CONTAINSSTRING|CONTAINSSTRINGEXACT|CONVERT|COS|COSH|COT|COTH|COUNT|COUNTA|COUNTAX|COUNTBLANK|COUNTROWS|COUNTX|CROSSFILTER|CROSSJOIN|CURRENCY|CURRENTGROUP|CUSTOMDATA|DATATABLE|DATE|DATEADD|DATEDIFF|DATESBETWEEN|DATESINPERIOD|DATESMTD|DATESQTD|DATESYTD|DATEVALUE|DAY|DEGREES|DETAILROWS|DISTINCT|DISTINCTCOUNT|DISTINCTCOUNTNOBLANK|DIVIDE|EARLIER|EARLIEST|EDATE|ENDOFMONTH|ENDOFQUARTER|ENDOFYEAR|EOMONTH|ERROR|EVEN|EXACT|EXCEPT|EXP|EXPON\.DIST|FACT|FALSE|FILTER|FILTERS|FIND|FIRSTDATE|FIRSTNONBLANK|FIRSTNONBLANKVALUE|FIXED|FLOOR|FORMAT|GCD|GENERATE|GENERATEALL|GENERATESERIES|GEOMEAN|GEOMEANX|GROUPBY|HASONEFILTER|HASONEVALUE|HOUR|IF|IF\.EAGER|IFERROR|IGNORE|INT|INTERSECT|ISBLANK|ISCROSSFILTERED|ISEMPTY|ISERROR|ISEVEN|ISFILTERED|ISINSCOPE|ISLOGICAL|ISNONTEXT|ISNUMBER|ISO\.CEILING|ISODD|ISONORAFTER|ISSELECTEDMEASURE|ISSUBTOTAL|ISTEXT|KEEPFILTERS|KEYWORDMATCH|LASTDATE|LASTNONBLANK|LASTNONBLANKVALUE|LCM|LEFT|LEN|LN|LOG|LOG10|LOOKUPVALUE|LOWER|MAX|MAXA|MAXX|MEDIAN|MEDIANX|MID|MIN|MINA|MINUTE|MINX|MOD|MONTH|MROUND|NATURALINNERJOIN|NATURALLEFTOUTERJOIN|NEXTDAY|NEXTMONTH|NEXTQUARTER|NEXTYEAR|NONVISUAL|NORM\.DIST|NORM\.INV|NORM\.S\.DIST|NORM\.S\.INV|NOT|NOW|ODD|OPENINGBALANCEMONTH|OPENINGBALANCEQUARTER|OPENINGBALANCEYEAR|OR|PARALLELPERIOD|PATH|PATHCONTAINS|PATHITEM|PATHITEMREVERSE|PATHLENGTH|PERCENTILE\.EXC|PERCENTILE\.INC|PERCENTILEX\.EXC|PERCENTILEX\.INC|PERMUT|PI|POISSON\.DIST|POWER|PREVIOUSDAY|PREVIOUSMONTH|PREVIOUSQUARTER|PREVIOUSYEAR|PRODUCT|PRODUCTX|QUARTER|QUOTIENT|RADIANS|RAND|RANDBETWEEN|RANK\.EQ|RANKX|RELATED|RELATEDTABLE|REMOVEFILTERS|REPLACE|REPT|RIGHT|ROLLUP|ROLLUPADDISSUBTOTAL|ROLLUPGROUP|ROLLUPISSUBTOTAL|ROUND|ROUNDDOWN|ROUNDUP|ROW|SAMEPERIODLASTYEAR|SAMPLE|SEARCH|SECOND|SELECTCOLUMNS|SELECTEDMEASURE|SELECTEDMEASUREFORMATSTRING|SELECTEDMEASURENAME|SELECTEDVALUE|SIGN|SIN|SINH|SQRT|SQRTPI|STARTOFMONTH|STARTOFQUARTER|STARTOFYEAR|STDEV\.P|STDEV\.S|STDEVX\.P|STDEVX\.S|SUBSTITUTE|SUBSTITUTEWITHINDEX|SUM|SUMMARIZE|SUMMARIZECOLUMNS|SUMX|SWITCH|T\.DIST|T\.DIST\.2T|T\.DIST\.RT|T\.INV|T\.INV\.2T|TAN|TANH|TIME|TIMEVALUE|TODAY|TOPN|TOPNPERLEVEL|TOPNSKIP|TOTALMTD|TOTALQTD|TOTALYTD|TREATAS|TRIM|TRUE|TRUNC|UNICHAR|UNICODE|UNION|UPPER|USERELATIONSHIP|USERNAME|USEROBJECTID|USERPRINCIPALNAME|UTCNOW|UTCTODAY|VALUE|VALUES|VAR\.P|VAR\.S|VARX\.P|VARX\.S|WEEKDAY|WEEKNUM|XIRR|XNPV|YEAR|YEARFRAC)(?=\s*\()/i,keyword:/\b(?:DEFINE|EVALUATE|MEASURE|ORDER\s+BY|RETURN|VAR|START\s+AT|ASC|DESC)\b/i,boolean:{pattern:/\b(?:FALSE|NULL|TRUE)\b/i,alias:"constant"},number:/\b\d+(?:\.\d*)?|\B\.\d+\b/,operator:/:=|[-+*\/=^]|&&?|\|\||<(?:=>?|<|>)?|>[>=]?|\b(?:IN|NOT)\b/i,punctuation:/[;\[\](){}`,.]/}}e.exports=t,t.displayName="dax",t.aliases=[]},13934:function(e){"use strict";function t(e){e.languages.dhall={comment:/--.*|\{-(?:[^-{]|-(?!\})|\{(?!-)|\{-(?:[^-{]|-(?!\})|\{(?!-))*-\})*-\}/,string:{pattern:/"(?:[^"\\]|\\.)*"|''(?:[^']|'(?!')|'''|''\$\{)*''(?!'|\$)/,greedy:!0,inside:{interpolation:{pattern:/\$\{[^{}]*\}/,inside:{expression:{pattern:/(^\$\{)[\s\S]+(?=\}$)/,lookbehind:!0,alias:"language-dhall",inside:null},punctuation:/\$\{|\}/}}}},label:{pattern:/`[^`]*`/,greedy:!0},url:{pattern:/\bhttps?:\/\/[\w.:%!$&'*+;=@~-]+(?:\/[\w.:%!$&'*+;=@~-]*)*(?:\?[/?\w.:%!$&'*+;=@~-]*)?/,greedy:!0},env:{pattern:/\benv:(?:(?!\d)\w+|"(?:[^"\\=]|\\.)*")/,greedy:!0,inside:{function:/^env/,operator:/^:/,variable:/[\s\S]+/}},hash:{pattern:/\bsha256:[\da-fA-F]{64}\b/,inside:{function:/sha256/,operator:/:/,number:/[\da-fA-F]{64}/}},keyword:/\b(?:as|assert|else|forall|if|in|let|merge|missing|then|toMap|using|with)\b|\u2200/,builtin:/\b(?:None|Some)\b/,boolean:/\b(?:False|True)\b/,number:/\bNaN\b|-?\bInfinity\b|[+-]?\b(?:0x[\da-fA-F]+|\d+(?:\.\d+)?(?:e[+-]?\d+)?)\b/,operator:/\/\\|\/\/\\\\|&&|\|\||===|[!=]=|\/\/|->|\+\+|::|[+*#@=:?<>|\\\u2227\u2a53\u2261\u2afd\u03bb\u2192]/,punctuation:/\.\.|[{}\[\](),./]/,"class-name":/\b[A-Z]\w*\b/},e.languages.dhall.string.inside.interpolation.inside.expression.inside=e.languages.dhall}e.exports=t,t.displayName="dhall",t.aliases=[]},93336:function(e){"use strict";function t(e){var t;e.languages.diff={coord:[/^(?:\*{3}|-{3}|\+{3}).*$/m,/^@@.*@@$/m,/^\d.*$/m]},Object.keys(t={"deleted-sign":"-","deleted-arrow":"<","inserted-sign":"+","inserted-arrow":">",unchanged:" ",diff:"!"}).forEach(function(n){var r=t[n],a=[];/^\w+$/.test(n)||a.push(/\w+/.exec(n)[0]),"diff"===n&&a.push("bold"),e.languages.diff[n]={pattern:RegExp("^(?:["+r+"].*(?:\r\n?|\n|(?![\\s\\S])))+","m"),alias:a,inside:{line:{pattern:/(.)(?=[\s\S]).*(?:\r\n?|\n)?/,lookbehind:!0},prefix:{pattern:/[\s\S]/,alias:/\w+/.exec(n)[0]}}}}),Object.defineProperty(e.languages.diff,"PREFIXES",{value:t})}e.exports=t,t.displayName="diff",t.aliases=[]},13294:function(e,t,n){"use strict";var r=n(93205);function a(e){var t,n;e.register(r),e.languages.django={comment:/^\{#[\s\S]*?#\}$/,tag:{pattern:/(^\{%[+-]?\s*)\w+/,lookbehind:!0,alias:"keyword"},delimiter:{pattern:/^\{[{%][+-]?|[+-]?[}%]\}$/,alias:"punctuation"},string:{pattern:/("|')(?:\\.|(?!\1)[^\\\r\n])*\1/,greedy:!0},filter:{pattern:/(\|)\w+/,lookbehind:!0,alias:"function"},test:{pattern:/(\bis\s+(?:not\s+)?)(?!not\b)\w+/,lookbehind:!0,alias:"function"},function:/\b[a-z_]\w+(?=\s*\()/i,keyword:/\b(?:and|as|by|else|for|if|import|in|is|loop|not|or|recursive|with|without)\b/,operator:/[-+%=]=?|!=|\*\*?=?|\/\/?=?|<[<=>]?|>[=>]?|[&|^~]/,number:/\b\d+(?:\.\d+)?\b/,boolean:/[Ff]alse|[Nn]one|[Tt]rue/,variable:/\b\w+\b/,punctuation:/[{}[\](),.:;]/},t=/\{\{[\s\S]*?\}\}|\{%[\s\S]*?%\}|\{#[\s\S]*?#\}/g,n=e.languages["markup-templating"],e.hooks.add("before-tokenize",function(e){n.buildPlaceholders(e,"django",t)}),e.hooks.add("after-tokenize",function(e){n.tokenizePlaceholders(e,"django")}),e.languages.jinja2=e.languages.django,e.hooks.add("before-tokenize",function(e){n.buildPlaceholders(e,"jinja2",t)}),e.hooks.add("after-tokenize",function(e){n.tokenizePlaceholders(e,"jinja2")})}e.exports=a,a.displayName="django",a.aliases=["jinja2"]},38223:function(e){"use strict";function t(e){e.languages["dns-zone-file"]={comment:/;.*/,string:{pattern:/"(?:\\.|[^"\\\r\n])*"/,greedy:!0},variable:[{pattern:/(^\$ORIGIN[ \t]+)\S+/m,lookbehind:!0},{pattern:/(^|\s)@(?=\s|$)/,lookbehind:!0}],keyword:/^\$(?:INCLUDE|ORIGIN|TTL)(?=\s|$)/m,class:{pattern:/(^|\s)(?:CH|CS|HS|IN)(?=\s|$)/,lookbehind:!0,alias:"keyword"},type:{pattern:/(^|\s)(?:A|A6|AAAA|AFSDB|APL|ATMA|CAA|CDNSKEY|CDS|CERT|CNAME|DHCID|DLV|DNAME|DNSKEY|DS|EID|GID|GPOS|HINFO|HIP|IPSECKEY|ISDN|KEY|KX|LOC|MAILA|MAILB|MB|MD|MF|MG|MINFO|MR|MX|NAPTR|NB|NBSTAT|NIMLOC|NINFO|NS|NSAP|NSAP-PTR|NSEC|NSEC3|NSEC3PARAM|NULL|NXT|OPENPGPKEY|PTR|PX|RKEY|RP|RRSIG|RT|SIG|SINK|SMIMEA|SOA|SPF|SRV|SSHFP|TA|TKEY|TLSA|TSIG|TXT|UID|UINFO|UNSPEC|URI|WKS|X25)(?=\s|$)/,lookbehind:!0,alias:"keyword"},punctuation:/[()]/},e.languages["dns-zone"]=e.languages["dns-zone-file"]}e.exports=t,t.displayName="dnsZoneFile",t.aliases=[]},97266:function(e){"use strict";function t(e){!function(e){var t=/\\[\r\n](?:\s|\\[\r\n]|#.*(?!.))*(?![\s#]|\\[\r\n])/.source,n=/(?:[ \t]+(?![ \t])(?:)?|)/.source.replace(//g,function(){return t}),r=/"(?:[^"\\\r\n]|\\(?:\r\n|[\s\S]))*"|'(?:[^'\\\r\n]|\\(?:\r\n|[\s\S]))*'/.source,a=/--[\w-]+=(?:|(?!["'])(?:[^\s\\]|\\.)+)/.source.replace(//g,function(){return r}),i={pattern:RegExp(r),greedy:!0},o={pattern:/(^[ \t]*)#.*/m,lookbehind:!0,greedy:!0};function s(e,t){return RegExp(e=e.replace(//g,function(){return a}).replace(//g,function(){return n}),t)}e.languages.docker={instruction:{pattern:/(^[ \t]*)(?:ADD|ARG|CMD|COPY|ENTRYPOINT|ENV|EXPOSE|FROM|HEALTHCHECK|LABEL|MAINTAINER|ONBUILD|RUN|SHELL|STOPSIGNAL|USER|VOLUME|WORKDIR)(?=\s)(?:\\.|[^\r\n\\])*(?:\\$(?:\s|#.*$)*(?![\s#])(?:\\.|[^\r\n\\])*)*/im,lookbehind:!0,greedy:!0,inside:{options:{pattern:s(/(^(?:ONBUILD)?\w+)(?:)*/.source,"i"),lookbehind:!0,greedy:!0,inside:{property:{pattern:/(^|\s)--[\w-]+/,lookbehind:!0},string:[i,{pattern:/(=)(?!["'])(?:[^\s\\]|\\.)+/,lookbehind:!0}],operator:/\\$/m,punctuation:/=/}},keyword:[{pattern:s(/(^(?:ONBUILD)?HEALTHCHECK(?:)*)(?:CMD|NONE)\b/.source,"i"),lookbehind:!0,greedy:!0},{pattern:s(/(^(?:ONBUILD)?FROM(?:)*(?!--)[^ \t\\]+)AS/.source,"i"),lookbehind:!0,greedy:!0},{pattern:s(/(^ONBUILD)\w+/.source,"i"),lookbehind:!0,greedy:!0},{pattern:/^\w+/,greedy:!0}],comment:o,string:i,variable:/\$(?:\w+|\{[^{}"'\\]*\})/,operator:/\\$/m}},comment:o},e.languages.dockerfile=e.languages.docker}(e)}e.exports=t,t.displayName="docker",t.aliases=["dockerfile"]},77125:function(e){"use strict";function t(e){!function(e){var t="(?:"+[/[a-zA-Z_\x80-\uFFFF][\w\x80-\uFFFF]*/.source,/-?(?:\.\d+|\d+(?:\.\d*)?)/.source,/"[^"\\]*(?:\\[\s\S][^"\\]*)*"/.source,/<(?:[^<>]|(?!)*>/.source].join("|")+")",n={markup:{pattern:/(^<)[\s\S]+(?=>$)/,lookbehind:!0,alias:["language-markup","language-html","language-xml"],inside:e.languages.markup}};function r(e,n){return RegExp(e.replace(//g,function(){return t}),n)}e.languages.dot={comment:{pattern:/\/\/.*|\/\*[\s\S]*?\*\/|^#.*/m,greedy:!0},"graph-name":{pattern:r(/(\b(?:digraph|graph|subgraph)[ \t\r\n]+)/.source,"i"),lookbehind:!0,greedy:!0,alias:"class-name",inside:n},"attr-value":{pattern:r(/(=[ \t\r\n]*)/.source),lookbehind:!0,greedy:!0,inside:n},"attr-name":{pattern:r(/([\[;, \t\r\n])(?=[ \t\r\n]*=)/.source),lookbehind:!0,greedy:!0,inside:n},keyword:/\b(?:digraph|edge|graph|node|strict|subgraph)\b/i,"compass-point":{pattern:/(:[ \t\r\n]*)(?:[ewc_]|[ns][ew]?)(?![\w\x80-\uFFFF])/,lookbehind:!0,alias:"builtin"},node:{pattern:r(/(^|[^-.\w\x80-\uFFFF\\])/.source),lookbehind:!0,greedy:!0,inside:n},operator:/[=:]|-[->]/,punctuation:/[\[\]{};,]/},e.languages.gv=e.languages.dot}(e)}e.exports=t,t.displayName="dot",t.aliases=["gv"]},36500:function(e){"use strict";function t(e){e.languages.ebnf={comment:/\(\*[\s\S]*?\*\)/,string:{pattern:/"[^"\r\n]*"|'[^'\r\n]*'/,greedy:!0},special:{pattern:/\?[^?\r\n]*\?/,greedy:!0,alias:"class-name"},definition:{pattern:/^([\t ]*)[a-z]\w*(?:[ \t]+[a-z]\w*)*(?=\s*=)/im,lookbehind:!0,alias:["rule","keyword"]},rule:/\b[a-z]\w*(?:[ \t]+[a-z]\w*)*\b/i,punctuation:/\([:/]|[:/]\)|[.,;()[\]{}]/,operator:/[-=|*/!]/}}e.exports=t,t.displayName="ebnf",t.aliases=[]},30296:function(e){"use strict";function t(e){e.languages.editorconfig={comment:/[;#].*/,section:{pattern:/(^[ \t]*)\[.+\]/m,lookbehind:!0,alias:"selector",inside:{regex:/\\\\[\[\]{},!?.*]/,operator:/[!?]|\.\.|\*{1,2}/,punctuation:/[\[\]{},]/}},key:{pattern:/(^[ \t]*)[^\s=]+(?=[ \t]*=)/m,lookbehind:!0,alias:"attr-name"},value:{pattern:/=.*/,alias:"attr-value",inside:{punctuation:/^=/}}}}e.exports=t,t.displayName="editorconfig",t.aliases=[]},50115:function(e){"use strict";function t(e){e.languages.eiffel={comment:/--.*/,string:[{pattern:/"([^[]*)\[[\s\S]*?\]\1"/,greedy:!0},{pattern:/"([^{]*)\{[\s\S]*?\}\1"/,greedy:!0},{pattern:/"(?:%(?:(?!\n)\s)*\n\s*%|%\S|[^%"\r\n])*"/,greedy:!0}],char:/'(?:%.|[^%'\r\n])+'/,keyword:/\b(?:across|agent|alias|all|and|as|assign|attached|attribute|check|class|convert|create|Current|debug|deferred|detachable|do|else|elseif|end|ensure|expanded|export|external|feature|from|frozen|if|implies|inherit|inspect|invariant|like|local|loop|not|note|obsolete|old|once|or|Precursor|redefine|rename|require|rescue|Result|retry|select|separate|some|then|undefine|until|variant|Void|when|xor)\b/i,boolean:/\b(?:False|True)\b/i,"class-name":/\b[A-Z][\dA-Z_]*\b/,number:[/\b0[xcb][\da-f](?:_*[\da-f])*\b/i,/(?:\b\d(?:_*\d)*)?\.(?:(?:\d(?:_*\d)*)?e[+-]?)?\d(?:_*\d)*\b|\b\d(?:_*\d)*\b\.?/i],punctuation:/:=|<<|>>|\(\||\|\)|->|\.(?=\w)|[{}[\];(),:?]/,operator:/\\\\|\|\.\.\||\.\.|\/[~\/=]?|[><]=?|[-+*^=~]/}}e.exports=t,t.displayName="eiffel",t.aliases=[]},20791:function(e,t,n){"use strict";var r=n(93205);function a(e){e.register(r),e.languages.ejs={delimiter:{pattern:/^<%[-_=]?|[-_]?%>$/,alias:"punctuation"},comment:/^#[\s\S]*/,"language-javascript":{pattern:/[\s\S]+/,inside:e.languages.javascript}},e.hooks.add("before-tokenize",function(t){e.languages["markup-templating"].buildPlaceholders(t,"ejs",/<%(?!%)[\s\S]+?%>/g)}),e.hooks.add("after-tokenize",function(t){e.languages["markup-templating"].tokenizePlaceholders(t,"ejs")}),e.languages.eta=e.languages.ejs}e.exports=a,a.displayName="ejs",a.aliases=["eta"]},11974:function(e){"use strict";function t(e){e.languages.elixir={doc:{pattern:/@(?:doc|moduledoc)\s+(?:("""|''')[\s\S]*?\1|("|')(?:\\(?:\r\n|[\s\S])|(?!\2)[^\\\r\n])*\2)/,inside:{attribute:/^@\w+/,string:/['"][\s\S]+/}},comment:{pattern:/#.*/,greedy:!0},regex:{pattern:/~[rR](?:("""|''')(?:\\[\s\S]|(?!\1)[^\\])+\1|([\/|"'])(?:\\.|(?!\2)[^\\\r\n])+\2|\((?:\\.|[^\\)\r\n])+\)|\[(?:\\.|[^\\\]\r\n])+\]|\{(?:\\.|[^\\}\r\n])+\}|<(?:\\.|[^\\>\r\n])+>)[uismxfr]*/,greedy:!0},string:[{pattern:/~[cCsSwW](?:("""|''')(?:\\[\s\S]|(?!\1)[^\\])+\1|([\/|"'])(?:\\.|(?!\2)[^\\\r\n])+\2|\((?:\\.|[^\\)\r\n])+\)|\[(?:\\.|[^\\\]\r\n])+\]|\{(?:\\.|#\{[^}]+\}|#(?!\{)|[^#\\}\r\n])+\}|<(?:\\.|[^\\>\r\n])+>)[csa]?/,greedy:!0,inside:{}},{pattern:/("""|''')[\s\S]*?\1/,greedy:!0,inside:{}},{pattern:/("|')(?:\\(?:\r\n|[\s\S])|(?!\1)[^\\\r\n])*\1/,greedy:!0,inside:{}}],atom:{pattern:/(^|[^:]):\w+/,lookbehind:!0,alias:"symbol"},module:{pattern:/\b[A-Z]\w*\b/,alias:"class-name"},"attr-name":/\b\w+\??:(?!:)/,argument:{pattern:/(^|[^&])&\d+/,lookbehind:!0,alias:"variable"},attribute:{pattern:/@\w+/,alias:"variable"},function:/\b[_a-zA-Z]\w*[?!]?(?:(?=\s*(?:\.\s*)?\()|(?=\/\d))/,number:/\b(?:0[box][a-f\d_]+|\d[\d_]*)(?:\.[\d_]+)?(?:e[+-]?[\d_]+)?\b/i,keyword:/\b(?:after|alias|and|case|catch|cond|def(?:callback|delegate|exception|impl|macro|module|n|np|p|protocol|struct)?|do|else|end|fn|for|if|import|not|or|quote|raise|require|rescue|try|unless|unquote|use|when)\b/,boolean:/\b(?:false|nil|true)\b/,operator:[/\bin\b|&&?|\|[|>]?|\\\\|::|\.\.\.?|\+\+?|-[->]?|<[-=>]|>=|!==?|\B!|=(?:==?|[>~])?|[*\/^]/,{pattern:/([^<])<(?!<)/,lookbehind:!0},{pattern:/([^>])>(?!>)/,lookbehind:!0}],punctuation:/<<|>>|[.,%\[\]{}()]/},e.languages.elixir.string.forEach(function(t){t.inside={interpolation:{pattern:/#\{[^}]+\}/,inside:{delimiter:{pattern:/^#\{|\}$/,alias:"punctuation"},rest:e.languages.elixir}}}})}e.exports=t,t.displayName="elixir",t.aliases=[]},8645:function(e){"use strict";function t(e){e.languages.elm={comment:/--.*|\{-[\s\S]*?-\}/,char:{pattern:/'(?:[^\\'\r\n]|\\(?:[abfnrtv\\']|\d+|x[0-9a-fA-F]+|u\{[0-9a-fA-F]+\}))'/,greedy:!0},string:[{pattern:/"""[\s\S]*?"""/,greedy:!0},{pattern:/"(?:[^\\"\r\n]|\\.)*"/,greedy:!0}],"import-statement":{pattern:/(^[\t ]*)import\s+[A-Z]\w*(?:\.[A-Z]\w*)*(?:\s+as\s+(?:[A-Z]\w*)(?:\.[A-Z]\w*)*)?(?:\s+exposing\s+)?/m,lookbehind:!0,inside:{keyword:/\b(?:as|exposing|import)\b/}},keyword:/\b(?:alias|as|case|else|exposing|if|in|infixl|infixr|let|module|of|then|type)\b/,builtin:/\b(?:abs|acos|always|asin|atan|atan2|ceiling|clamp|compare|cos|curry|degrees|e|flip|floor|fromPolar|identity|isInfinite|isNaN|logBase|max|min|negate|never|not|pi|radians|rem|round|sin|sqrt|tan|toFloat|toPolar|toString|truncate|turns|uncurry|xor)\b/,number:/\b(?:\d+(?:\.\d+)?(?:e[+-]?\d+)?|0x[0-9a-f]+)\b/i,operator:/\s\.\s|[+\-/*=.$<>:&|^?%#@~!]{2,}|[+\-/*=$<>:&|^?%#@~!]/,hvariable:/\b(?:[A-Z]\w*\.)*[a-z]\w*\b/,constant:/\b(?:[A-Z]\w*\.)*[A-Z]\w*\b/,punctuation:/[{}[\]|(),.:]/}}e.exports=t,t.displayName="elm",t.aliases=[]},84790:function(e,t,n){"use strict";var r=n(56939),a=n(93205);function i(e){e.register(r),e.register(a),e.languages.erb={delimiter:{pattern:/^(\s*)<%=?|%>(?=\s*$)/,lookbehind:!0,alias:"punctuation"},ruby:{pattern:/\s*\S[\s\S]*/,alias:"language-ruby",inside:e.languages.ruby}},e.hooks.add("before-tokenize",function(t){e.languages["markup-templating"].buildPlaceholders(t,"erb",/<%=?(?:[^\r\n]|[\r\n](?!=begin)|[\r\n]=begin\s(?:[^\r\n]|[\r\n](?!=end))*[\r\n]=end)+?%>/g)}),e.hooks.add("after-tokenize",function(t){e.languages["markup-templating"].tokenizePlaceholders(t,"erb")})}e.exports=i,i.displayName="erb",i.aliases=[]},4502:function(e){"use strict";function t(e){e.languages.erlang={comment:/%.+/,string:{pattern:/"(?:\\.|[^\\"\r\n])*"/,greedy:!0},"quoted-function":{pattern:/'(?:\\.|[^\\'\r\n])+'(?=\()/,alias:"function"},"quoted-atom":{pattern:/'(?:\\.|[^\\'\r\n])+'/,alias:"atom"},boolean:/\b(?:false|true)\b/,keyword:/\b(?:after|case|catch|end|fun|if|of|receive|try|when)\b/,number:[/\$\\?./,/\b\d+#[a-z0-9]+/i,/(?:\b\d+(?:\.\d*)?|\B\.\d+)(?:e[+-]?\d+)?/i],function:/\b[a-z][\w@]*(?=\()/,variable:{pattern:/(^|[^@])(?:\b|\?)[A-Z_][\w@]*/,lookbehind:!0},operator:[/[=\/<>:]=|=[:\/]=|\+\+?|--?|[=*\/!]|\b(?:and|andalso|band|bnot|bor|bsl|bsr|bxor|div|not|or|orelse|rem|xor)\b/,{pattern:/(^|[^<])<(?!<)/,lookbehind:!0},{pattern:/(^|[^>])>(?!>)/,lookbehind:!0}],atom:/\b[a-z][\w@]*/,punctuation:/[()[\]{}:;,.#|]|<<|>>/}}e.exports=t,t.displayName="erlang",t.aliases=[]},66055:function(e,t,n){"use strict";var r=n(59803),a=n(93205);function i(e){e.register(r),e.register(a),e.languages.etlua={delimiter:{pattern:/^<%[-=]?|-?%>$/,alias:"punctuation"},"language-lua":{pattern:/[\s\S]+/,inside:e.languages.lua}},e.hooks.add("before-tokenize",function(t){e.languages["markup-templating"].buildPlaceholders(t,"etlua",/<%[\s\S]+?%>/g)}),e.hooks.add("after-tokenize",function(t){e.languages["markup-templating"].tokenizePlaceholders(t,"etlua")})}e.exports=i,i.displayName="etlua",i.aliases=[]},34668:function(e){"use strict";function t(e){e.languages["excel-formula"]={comment:{pattern:/(\bN\(\s*)"(?:[^"]|"")*"(?=\s*\))/i,lookbehind:!0,greedy:!0},string:{pattern:/"(?:[^"]|"")*"(?!")/,greedy:!0},reference:{pattern:/(?:'[^']*'|(?:[^\s()[\]{}<>*?"';,$&]*\[[^^\s()[\]{}<>*?"']+\])?\w+)!/,greedy:!0,alias:"string",inside:{operator:/!$/,punctuation:/'/,sheet:{pattern:/[^[\]]+$/,alias:"function"},file:{pattern:/\[[^[\]]+\]$/,inside:{punctuation:/[[\]]/}},path:/[\s\S]+/}},"function-name":{pattern:/\b[A-Z]\w*(?=\()/i,alias:"keyword"},range:{pattern:/\$?\b(?:[A-Z]+\$?\d+:\$?[A-Z]+\$?\d+|[A-Z]+:\$?[A-Z]+|\d+:\$?\d+)\b/i,alias:"property",inside:{operator:/:/,cell:/\$?[A-Z]+\$?\d+/i,column:/\$?[A-Z]+/i,row:/\$?\d+/}},cell:{pattern:/\b[A-Z]+\d+\b|\$[A-Za-z]+\$?\d+\b|\b[A-Za-z]+\$\d+\b/,alias:"property"},number:/(?:\b\d+(?:\.\d+)?|\B\.\d+)(?:e[+-]?\d+)?\b/i,boolean:/\b(?:FALSE|TRUE)\b/i,operator:/[-+*/^%=&,]|<[=>]?|>=?/,punctuation:/[[\]();{}|]/},e.languages.xlsx=e.languages.xls=e.languages["excel-formula"]}e.exports=t,t.displayName="excelFormula",t.aliases=[]},95126:function(e){"use strict";function t(e){var t,n,r,a,i,o;r={comment:[{pattern:/(^|\s)(?:! .*|!$)/,lookbehind:!0,inside:t={function:/\b(?:BUGS?|FIX(?:MES?)?|NOTES?|TODOS?|XX+|HACKS?|WARN(?:ING)?|\?{2,}|!{2,})\b/}},{pattern:/(^|\s)\/\*\s[\s\S]*?\*\/(?=\s|$)/,lookbehind:!0,greedy:!0,inside:t},{pattern:/(^|\s)!\[(={0,6})\[\s[\s\S]*?\]\2\](?=\s|$)/,lookbehind:!0,greedy:!0,inside:t}],number:[{pattern:/(^|\s)[+-]?\d+(?=\s|$)/,lookbehind:!0},{pattern:/(^|\s)[+-]?0(?:b[01]+|o[0-7]+|d\d+|x[\dA-F]+)(?=\s|$)/i,lookbehind:!0},{pattern:/(^|\s)[+-]?\d+\/\d+\.?(?=\s|$)/,lookbehind:!0},{pattern:/(^|\s)\+?\d+\+\d+\/\d+(?=\s|$)/,lookbehind:!0},{pattern:/(^|\s)-\d+-\d+\/\d+(?=\s|$)/,lookbehind:!0},{pattern:/(^|\s)[+-]?(?:\d*\.\d+|\d+\.\d*|\d+)(?:e[+-]?\d+)?(?=\s|$)/i,lookbehind:!0},{pattern:/(^|\s)NAN:\s+[\da-fA-F]+(?=\s|$)/,lookbehind:!0},{pattern:/(^|\s)[+-]?0(?:b1\.[01]*|o1\.[0-7]*|d1\.\d*|x1\.[\dA-F]*)p\d+(?=\s|$)/i,lookbehind:!0}],regexp:{pattern:/(^|\s)R\/\s(?:\\\S|[^\\/])*\/(?:[idmsr]*|[idmsr]+-[idmsr]+)(?=\s|$)/,lookbehind:!0,alias:"number",inside:{variable:/\\\S/,keyword:/[+?*\[\]^$(){}.|]/,operator:{pattern:/(\/)[idmsr]+(?:-[idmsr]+)?/,lookbehind:!0}}},boolean:{pattern:/(^|\s)[tf](?=\s|$)/,lookbehind:!0},"custom-string":{pattern:/(^|\s)[A-Z0-9\-]+"\s(?:\\\S|[^"\\])*"/,lookbehind:!0,greedy:!0,alias:"string",inside:{number:/\\\S|%\w|\//}},"multiline-string":[{pattern:/(^|\s)STRING:\s+\S+(?:\n|\r\n).*(?:\n|\r\n)\s*;(?=\s|$)/,lookbehind:!0,greedy:!0,alias:"string",inside:{number:(n={number:/\\[^\s']|%\w/}).number,"semicolon-or-setlocal":{pattern:/([\r\n][ \t]*);(?=\s|$)/,lookbehind:!0,alias:"function"}}},{pattern:/(^|\s)HEREDOC:\s+\S+(?:\n|\r\n).*(?:\n|\r\n)\s*\S+(?=\s|$)/,lookbehind:!0,greedy:!0,alias:"string",inside:n},{pattern:/(^|\s)\[(={0,6})\[\s[\s\S]*?\]\2\](?=\s|$)/,lookbehind:!0,greedy:!0,alias:"string",inside:n}],"special-using":{pattern:/(^|\s)USING:(?:\s\S+)*(?=\s+;(?:\s|$))/,lookbehind:!0,alias:"function",inside:{string:{pattern:/(\s)[^:\s]+/,lookbehind:!0}}},"stack-effect-delimiter":[{pattern:/(^|\s)(?:call|eval|execute)?\((?=\s)/,lookbehind:!0,alias:"operator"},{pattern:/(\s)--(?=\s)/,lookbehind:!0,alias:"operator"},{pattern:/(\s)\)(?=\s|$)/,lookbehind:!0,alias:"operator"}],combinators:{pattern:null,lookbehind:!0,alias:"keyword"},"kernel-builtin":{pattern:null,lookbehind:!0,alias:"variable"},"sequences-builtin":{pattern:null,lookbehind:!0,alias:"variable"},"math-builtin":{pattern:null,lookbehind:!0,alias:"variable"},"constructor-word":{pattern:/(^|\s)<(?!=+>|-+>)\S+>(?=\s|$)/,lookbehind:!0,alias:"keyword"},"other-builtin-syntax":{pattern:null,lookbehind:!0,alias:"operator"},"conventionally-named-word":{pattern:/(^|\s)(?!")(?:(?:change|new|set|with)-\S+|\$\S+|>[^>\s]+|[^:>\s]+>|[^>\s]+>[^>\s]+|\+[^+\s]+\+|[^?\s]+\?|\?[^?\s]+|[^>\s]+>>|>>[^>\s]+|[^<\s]+<<|\([^()\s]+\)|[^!\s]+!|[^*\s]\S*\*|[^.\s]\S*\.)(?=\s|$)/,lookbehind:!0,alias:"keyword"},"colon-syntax":{pattern:/(^|\s)(?:[A-Z0-9\-]+#?)?:{1,2}\s+(?:;\S+|(?!;)\S+)(?=\s|$)/,lookbehind:!0,greedy:!0,alias:"function"},"semicolon-or-setlocal":{pattern:/(\s)(?:;|:>)(?=\s|$)/,lookbehind:!0,alias:"function"},"curly-brace-literal-delimiter":[{pattern:/(^|\s)[a-z]*\{(?=\s)/i,lookbehind:!0,alias:"operator"},{pattern:/(\s)\}(?=\s|$)/,lookbehind:!0,alias:"operator"}],"quotation-delimiter":[{pattern:/(^|\s)\[(?=\s)/,lookbehind:!0,alias:"operator"},{pattern:/(\s)\](?=\s|$)/,lookbehind:!0,alias:"operator"}],"normal-word":{pattern:/(^|\s)[^"\s]\S*(?=\s|$)/,lookbehind:!0},string:{pattern:/"(?:\\\S|[^"\\])*"/,greedy:!0,inside:n}},a=function(e){return(e+"").replace(/([.?*+\^$\[\]\\(){}|\-])/g,"\\$1")},i=function(e){return RegExp("(^|\\s)(?:"+e.map(a).join("|")+")(?=\\s|$)")},Object.keys(o={"kernel-builtin":["or","2nipd","4drop","tuck","wrapper","nip","wrapper?","callstack>array","die","dupd","callstack","callstack?","3dup","hashcode","pick","4nip","build",">boolean","nipd","clone","5nip","eq?","?","=","swapd","2over","clear","2dup","get-retainstack","not","tuple?","dup","3nipd","call","-rotd","object","drop","assert=","assert?","-rot","execute","boa","get-callstack","curried?","3drop","pickd","overd","over","roll","3nip","swap","and","2nip","rotd","throw","(clone)","hashcode*","spin","reach","4dup","equal?","get-datastack","assert","2drop","","boolean?","identity-hashcode","identity-tuple?","null","composed?","new","5drop","rot","-roll","xor","identity-tuple","boolean"],"other-builtin-syntax":["=======","recursive","flushable",">>","<<<<<<","M\\","B","PRIVATE>","\\","======","final","inline","delimiter","deprecated",">>>>>","<<<<<<<","parse-complex","malformed-complex","read-only",">>>>>>>","call-next-method","<<","foldable","$","$[","${"],"sequences-builtin":["member-eq?","mismatch","append","assert-sequence=","longer","repetition","clone-like","3sequence","assert-sequence?","last-index-from","reversed","index-from","cut*","pad-tail","join-as","remove-eq!","concat-as","but-last","snip","nths","nth","sequence","longest","slice?","","remove-nth","tail-slice","empty?","tail*","member?","virtual-sequence?","set-length","drop-prefix","iota","unclip","bounds-error?","unclip-last-slice","non-negative-integer-expected","non-negative-integer-expected?","midpoint@","longer?","?set-nth","?first","rest-slice","prepend-as","prepend","fourth","sift","subseq-start","new-sequence","?last","like","first4","1sequence","reverse","slice","virtual@","repetition?","set-last","index","4sequence","max-length","set-second","immutable-sequence","first2","first3","supremum","unclip-slice","suffix!","insert-nth","tail","3append","short","suffix","concat","flip","immutable?","reverse!","2sequence","sum","delete-all","indices","snip-slice","","check-slice","sequence?","head","append-as","halves","sequence=","collapse-slice","?second","slice-error?","product","bounds-check?","bounds-check","immutable","virtual-exemplar","harvest","remove","pad-head","last","set-fourth","cartesian-product","remove-eq","shorten","shorter","reversed?","shorter?","shortest","head-slice","pop*","tail-slice*","but-last-slice","iota?","append!","cut-slice","new-resizable","head-slice*","sequence-hashcode","pop","set-nth","?nth","second","join","immutable-sequence?","","3append-as","virtual-sequence","subseq?","remove-nth!","length","last-index","lengthen","assert-sequence","copy","move","third","first","tail?","set-first","prefix","bounds-error","","exchange","surround","cut","min-length","set-third","push-all","head?","subseq-start-from","delete-slice","rest","sum-lengths","head*","infimum","remove!","glue","slice-error","subseq","push","replace-slice","subseq-as","unclip-last"],"math-builtin":["number=","next-power-of-2","?1+","fp-special?","imaginary-part","float>bits","number?","fp-infinity?","bignum?","fp-snan?","denominator","gcd","*","+","fp-bitwise=","-","u>=","/",">=","bitand","power-of-2?","log2-expects-positive","neg?","<","log2",">","integer?","number","bits>double","2/","zero?","bits>float","float?","shift","ratio?","rect>","even?","ratio","fp-sign","bitnot",">fixnum","complex?","/i","integer>fixnum","/f","sgn",">bignum","next-float","u<","u>","mod","recip","rational",">float","2^","integer","fixnum?","neg","fixnum","sq","bignum",">rect","bit?","fp-qnan?","simple-gcd","complex","","real",">fraction","double>bits","bitor","rem","fp-nan-payload","real-part","log2-expects-positive?","prev-float","align","unordered?","float","fp-nan?","abs","bitxor","integer>fixnum-strict","u<=","odd?","<=","/mod",">integer","real?","rational?","numerator"]}).forEach(function(e){r[e].pattern=i(o[e])}),r.combinators.pattern=i(["2bi","while","2tri","bi*","4dip","both?","same?","tri@","curry","prepose","3bi","?if","tri*","2keep","3keep","curried","2keepd","when","2bi*","2tri*","4keep","bi@","keepdd","do","unless*","tri-curry","if*","loop","bi-curry*","when*","2bi@","2tri@","with","2with","either?","bi","until","3dip","3curry","tri-curry*","tri-curry@","bi-curry","keepd","compose","2dip","if","3tri","unless","tuple","keep","2curry","tri","most","while*","dip","composed","bi-curry@","find-last-from","trim-head-slice","map-as","each-from","none?","trim-tail","partition","if-empty","accumulate*","reject!","find-from","accumulate-as","collector-for-as","reject","map","map-sum","accumulate!","2each-from","follow","supremum-by","map!","unless-empty","collector","padding","reduce-index","replicate-as","infimum-by","trim-tail-slice","count","find-index","filter","accumulate*!","reject-as","map-integers","map-find","reduce","selector","interleave","2map","filter-as","binary-reduce","map-index-as","find","produce","filter!","replicate","cartesian-map","cartesian-each","find-index-from","map-find-last","3map-as","3map","find-last","selector-as","2map-as","2map-reduce","accumulate","each","each-index","accumulate*-as","when-empty","all?","collector-as","push-either","new-like","collector-for","2selector","push-if","2all?","map-reduce","3each","any?","trim-slice","2reduce","change-nth","produce-as","2each","trim","trim-head","cartesian-find","map-index","if-zero","each-integer","unless-zero","(find-integer)","when-zero","find-last-integer","(all-integers?)","times","(each-integer)","find-integer","all-integers?","unless-negative","if-positive","when-positive","when-negative","unless-positive","if-negative","case","2cleave","cond>quot","case>quot","3cleave","wrong-values","to-fixed-point","alist>quot","cond","cleave","call-effect","recursive-hashcode","spread","deep-spread>quot","2||","0||","n||","0&&","2&&","3||","1||","1&&","n&&","3&&","smart-unless*","keep-inputs","reduce-outputs","smart-when*","cleave>array","smart-with","smart-apply","smart-if","inputs/outputs","output>sequence-n","map-outputs","map-reduce-outputs","dropping","output>array","smart-map-reduce","smart-2map-reduce","output>array-n","nullary","inputsequence"]),e.languages.factor=r}e.exports=t,t.displayName="factor",t.aliases=[]},90618:function(e){"use strict";function t(e){e.languages.false={comment:{pattern:/\{[^}]*\}/},string:{pattern:/"[^"]*"/,greedy:!0},"character-code":{pattern:/'(?:[^\r]|\r\n?)/,alias:"number"},"assembler-code":{pattern:/\d+`/,alias:"important"},number:/\d+/,operator:/[-!#$%&'*+,./:;=>?@\\^_`|~ßø]/,punctuation:/\[|\]/,variable:/[a-z]/,"non-standard":{pattern:/[()!=]=?|[-+*/%]|\b(?:in|is)\b/}),delete e.languages["firestore-security-rules"]["class-name"],e.languages.insertBefore("firestore-security-rules","keyword",{path:{pattern:/(^|[\s(),])(?:\/(?:[\w\xA0-\uFFFF]+|\{[\w\xA0-\uFFFF]+(?:=\*\*)?\}|\$\([\w\xA0-\uFFFF.]+\)))+/,lookbehind:!0,greedy:!0,inside:{variable:{pattern:/\{[\w\xA0-\uFFFF]+(?:=\*\*)?\}|\$\([\w\xA0-\uFFFF.]+\)/,inside:{operator:/=/,keyword:/\*\*/,punctuation:/[.$(){}]/}},punctuation:/\//}},method:{pattern:/(\ballow\s+)[a-z]+(?:\s*,\s*[a-z]+)*(?=\s*[:;])/,lookbehind:!0,alias:"builtin",inside:{punctuation:/,/}}})}e.exports=t,t.displayName="firestoreSecurityRules",t.aliases=[]},37225:function(e){"use strict";function t(e){e.languages.flow=e.languages.extend("javascript",{}),e.languages.insertBefore("flow","keyword",{type:[{pattern:/\b(?:[Bb]oolean|Function|[Nn]umber|[Ss]tring|any|mixed|null|void)\b/,alias:"tag"}]}),e.languages.flow["function-variable"].pattern=/(?!\s)[_$a-z\xA0-\uFFFF](?:(?!\s)[$\w\xA0-\uFFFF])*(?=\s*=\s*(?:function\b|(?:\([^()]*\)(?:\s*:\s*\w+)?|(?!\s)[_$a-z\xA0-\uFFFF](?:(?!\s)[$\w\xA0-\uFFFF])*)\s*=>))/i,delete e.languages.flow.parameter,e.languages.insertBefore("flow","operator",{"flow-punctuation":{pattern:/\{\||\|\}/,alias:"punctuation"}}),Array.isArray(e.languages.flow.keyword)||(e.languages.flow.keyword=[e.languages.flow.keyword]),e.languages.flow.keyword.unshift({pattern:/(^|[^$]\b)(?:Class|declare|opaque|type)\b(?!\$)/,lookbehind:!0},{pattern:/(^|[^$]\B)\$(?:Diff|Enum|Exact|Keys|ObjMap|PropertyType|Record|Shape|Subtype|Supertype|await)\b(?!\$)/,lookbehind:!0})}e.exports=t,t.displayName="flow",t.aliases=[]},16725:function(e){"use strict";function t(e){e.languages.fortran={"quoted-number":{pattern:/[BOZ](['"])[A-F0-9]+\1/i,alias:"number"},string:{pattern:/(?:\b\w+_)?(['"])(?:\1\1|&(?:\r\n?|\n)(?:[ \t]*!.*(?:\r\n?|\n)|(?![ \t]*!))|(?!\1).)*(?:\1|&)/,inside:{comment:{pattern:/(&(?:\r\n?|\n)\s*)!.*/,lookbehind:!0}}},comment:{pattern:/!.*/,greedy:!0},boolean:/\.(?:FALSE|TRUE)\.(?:_\w+)?/i,number:/(?:\b\d+(?:\.\d*)?|\B\.\d+)(?:[ED][+-]?\d+)?(?:_\w+)?/i,keyword:[/\b(?:CHARACTER|COMPLEX|DOUBLE ?PRECISION|INTEGER|LOGICAL|REAL)\b/i,/\b(?:END ?)?(?:BLOCK ?DATA|DO|FILE|FORALL|FUNCTION|IF|INTERFACE|MODULE(?! PROCEDURE)|PROGRAM|SELECT|SUBROUTINE|TYPE|WHERE)\b/i,/\b(?:ALLOCATABLE|ALLOCATE|BACKSPACE|CALL|CASE|CLOSE|COMMON|CONTAINS|CONTINUE|CYCLE|DATA|DEALLOCATE|DIMENSION|DO|END|EQUIVALENCE|EXIT|EXTERNAL|FORMAT|GO ?TO|IMPLICIT(?: NONE)?|INQUIRE|INTENT|INTRINSIC|MODULE PROCEDURE|NAMELIST|NULLIFY|OPEN|OPTIONAL|PARAMETER|POINTER|PRINT|PRIVATE|PUBLIC|READ|RETURN|REWIND|SAVE|SELECT|STOP|TARGET|WHILE|WRITE)\b/i,/\b(?:ASSIGNMENT|DEFAULT|ELEMENTAL|ELSE|ELSEIF|ELSEWHERE|ENTRY|IN|INCLUDE|INOUT|KIND|NULL|ONLY|OPERATOR|OUT|PURE|RECURSIVE|RESULT|SEQUENCE|STAT|THEN|USE)\b/i],operator:[/\*\*|\/\/|=>|[=\/]=|[<>]=?|::|[+\-*=%]|\.[A-Z]+\./i,{pattern:/(^|(?!\().)\/(?!\))/,lookbehind:!0}],punctuation:/\(\/|\/\)|[(),;:&]/}}e.exports=t,t.displayName="fortran",t.aliases=[]},95559:function(e){"use strict";function t(e){e.languages.fsharp=e.languages.extend("clike",{comment:[{pattern:/(^|[^\\])\(\*(?!\))[\s\S]*?\*\)/,lookbehind:!0,greedy:!0},{pattern:/(^|[^\\:])\/\/.*/,lookbehind:!0,greedy:!0}],string:{pattern:/(?:"""[\s\S]*?"""|@"(?:""|[^"])*"|"(?:\\[\s\S]|[^\\"])*")B?/,greedy:!0},"class-name":{pattern:/(\b(?:exception|inherit|interface|new|of|type)\s+|\w\s*:\s*|\s:\??>\s*)[.\w]+\b(?:\s*(?:->|\*)\s*[.\w]+\b)*(?!\s*[:.])/,lookbehind:!0,inside:{operator:/->|\*/,punctuation:/\./}},keyword:/\b(?:let|return|use|yield)(?:!\B|\b)|\b(?:abstract|and|as|asr|assert|atomic|base|begin|break|checked|class|component|const|constraint|constructor|continue|default|delegate|do|done|downcast|downto|eager|elif|else|end|event|exception|extern|external|false|finally|fixed|for|fun|function|functor|global|if|in|include|inherit|inline|interface|internal|land|lazy|lor|lsl|lsr|lxor|match|member|method|mixin|mod|module|mutable|namespace|new|not|null|object|of|open|or|override|parallel|private|process|protected|public|pure|rec|sealed|select|sig|static|struct|tailcall|then|to|trait|true|try|type|upcast|val|virtual|void|volatile|when|while|with)\b/,number:[/\b0x[\da-fA-F]+(?:LF|lf|un)?\b/,/\b0b[01]+(?:uy|y)?\b/,/(?:\b\d+(?:\.\d*)?|\B\.\d+)(?:[fm]|e[+-]?\d+)?\b/i,/\b\d+(?:[IlLsy]|UL|u[lsy]?)?\b/],operator:/([<>~&^])\1\1|([*.:<>&])\2|<-|->|[!=:]=|?|\??(?:<=|>=|<>|[-+*/%=<>])\??|[!?^&]|~[+~-]|:>|:\?>?/}),e.languages.insertBefore("fsharp","keyword",{preprocessor:{pattern:/(^[\t ]*)#.*/m,lookbehind:!0,alias:"property",inside:{directive:{pattern:/(^#)\b(?:else|endif|if|light|line|nowarn)\b/,lookbehind:!0,alias:"keyword"}}}}),e.languages.insertBefore("fsharp","punctuation",{"computation-expression":{pattern:/\b[_a-z]\w*(?=\s*\{)/i,alias:"keyword"}}),e.languages.insertBefore("fsharp","string",{annotation:{pattern:/\[<.+?>\]/,greedy:!0,inside:{punctuation:/^\[<|>\]$/,"class-name":{pattern:/^\w+$|(^|;\s*)[A-Z]\w*(?=\()/,lookbehind:!0},"annotation-content":{pattern:/[\s\S]+/,inside:e.languages.fsharp}}},char:{pattern:/'(?:[^\\']|\\(?:.|\d{3}|x[a-fA-F\d]{2}|u[a-fA-F\d]{4}|U[a-fA-F\d]{8}))'B?/,greedy:!0}})}e.exports=t,t.displayName="fsharp",t.aliases=[]},82114:function(e,t,n){"use strict";var r=n(93205);function a(e){e.register(r),function(e){for(var t=/[^<()"']|\((?:)*\)|<(?!#--)|<#--(?:[^-]|-(?!->))*-->|"(?:[^\\"]|\\.)*"|'(?:[^\\']|\\.)*'/.source,n=0;n<2;n++)t=t.replace(//g,function(){return t});t=t.replace(//g,/[^\s\S]/.source);var r={comment:/<#--[\s\S]*?-->/,string:[{pattern:/\br("|')(?:(?!\1)[^\\]|\\.)*\1/,greedy:!0},{pattern:RegExp(/("|')(?:(?!\1|\$\{)[^\\]|\\.|\$\{(?:(?!\})(?:))*\})*\1/.source.replace(//g,function(){return t})),greedy:!0,inside:{interpolation:{pattern:RegExp(/((?:^|[^\\])(?:\\\\)*)\$\{(?:(?!\})(?:))*\}/.source.replace(//g,function(){return t})),lookbehind:!0,inside:{"interpolation-punctuation":{pattern:/^\$\{|\}$/,alias:"punctuation"},rest:null}}}}],keyword:/\b(?:as)\b/,boolean:/\b(?:false|true)\b/,"builtin-function":{pattern:/((?:^|[^?])\?\s*)\w+/,lookbehind:!0,alias:"function"},function:/\b\w+(?=\s*\()/,number:/\b\d+(?:\.\d+)?\b/,operator:/\.\.[<*!]?|->|--|\+\+|&&|\|\||\?{1,2}|[-+*/%!=<>]=?|\b(?:gt|gte|lt|lte)\b/,punctuation:/[,;.:()[\]{}]/};r.string[1].inside.interpolation.inside.rest=r,e.languages.ftl={"ftl-comment":{pattern:/^<#--[\s\S]*/,alias:"comment"},"ftl-directive":{pattern:/^<[\s\S]+>$/,inside:{directive:{pattern:/(^<\/?)[#@][a-z]\w*/i,lookbehind:!0,alias:"keyword"},punctuation:/^<\/?|\/?>$/,content:{pattern:/\s*\S[\s\S]*/,alias:"ftl",inside:r}}},"ftl-interpolation":{pattern:/^\$\{[\s\S]*\}$/,inside:{punctuation:/^\$\{|\}$/,content:{pattern:/\s*\S[\s\S]*/,alias:"ftl",inside:r}}}},e.hooks.add("before-tokenize",function(n){var r=RegExp(/<#--[\s\S]*?-->|<\/?[#@][a-zA-Z](?:)*?>|\$\{(?:)*?\}/.source.replace(//g,function(){return t}),"gi");e.languages["markup-templating"].buildPlaceholders(n,"ftl",r)}),e.hooks.add("after-tokenize",function(t){e.languages["markup-templating"].tokenizePlaceholders(t,"ftl")})}(e)}e.exports=a,a.displayName="ftl",a.aliases=[]},6806:function(e){"use strict";function t(e){e.languages.gap={shell:{pattern:/^gap>[\s\S]*?(?=^gap>|$(?![\s\S]))/m,greedy:!0,inside:{gap:{pattern:/^(gap>).+(?:(?:\r(?:\n|(?!\n))|\n)>.*)*/,lookbehind:!0,inside:null},punctuation:/^gap>/}},comment:{pattern:/#.*/,greedy:!0},string:{pattern:/(^|[^\\'"])(?:'(?:[^\r\n\\']|\\.){1,10}'|"(?:[^\r\n\\"]|\\.)*"(?!")|"""[\s\S]*?""")/,lookbehind:!0,greedy:!0,inside:{continuation:{pattern:/([\r\n])>/,lookbehind:!0,alias:"punctuation"}}},keyword:/\b(?:Assert|Info|IsBound|QUIT|TryNextMethod|Unbind|and|atomic|break|continue|do|elif|else|end|fi|for|function|if|in|local|mod|not|od|or|quit|readonly|readwrite|rec|repeat|return|then|until|while)\b/,boolean:/\b(?:false|true)\b/,function:/\b[a-z_]\w*(?=\s*\()/i,number:{pattern:/(^|[^\w.]|\.\.)(?:\d+(?:\.\d*)?|\.\d+)(?:[eE][+-]?\d+)?(?:_[a-z]?)?(?=$|[^\w.]|\.\.)/,lookbehind:!0},continuation:{pattern:/([\r\n])>/,lookbehind:!0,alias:"punctuation"},operator:/->|[-+*/^~=!]|<>|[<>]=?|:=|\.\./,punctuation:/[()[\]{},;.:]/},e.languages.gap.shell.inside.gap.inside=e.languages.gap}e.exports=t,t.displayName="gap",t.aliases=[]},12208:function(e){"use strict";function t(e){e.languages.gcode={comment:/;.*|\B\(.*?\)\B/,string:{pattern:/"(?:""|[^"])*"/,greedy:!0},keyword:/\b[GM]\d+(?:\.\d+)?\b/,property:/\b[A-Z]/,checksum:{pattern:/(\*)\d+/,lookbehind:!0,alias:"number"},punctuation:/[:*]/}}e.exports=t,t.displayName="gcode",t.aliases=[]},62728:function(e){"use strict";function t(e){e.languages.gdscript={comment:/#.*/,string:{pattern:/@?(?:("|')(?:(?!\1)[^\n\\]|\\[\s\S])*\1(?!"|')|"""(?:[^\\]|\\[\s\S])*?""")/,greedy:!0},"class-name":{pattern:/(^(?:class|class_name|extends)[ \t]+|^export\([ \t]*|\bas[ \t]+|(?:\b(?:const|var)[ \t]|[,(])[ \t]*\w+[ \t]*:[ \t]*|->[ \t]*)[a-zA-Z_]\w*/m,lookbehind:!0},keyword:/\b(?:and|as|assert|break|breakpoint|class|class_name|const|continue|elif|else|enum|export|extends|for|func|if|in|is|master|mastersync|match|not|null|onready|or|pass|preload|puppet|puppetsync|remote|remotesync|return|self|setget|signal|static|tool|var|while|yield)\b/,function:/\b[a-z_]\w*(?=[ \t]*\()/i,variable:/\$\w+/,number:[/\b0b[01_]+\b|\b0x[\da-fA-F_]+\b|(?:\b\d[\d_]*(?:\.[\d_]*)?|\B\.[\d_]+)(?:e[+-]?[\d_]+)?\b/,/\b(?:INF|NAN|PI|TAU)\b/],constant:/\b[A-Z][A-Z_\d]*\b/,boolean:/\b(?:false|true)\b/,operator:/->|:=|&&|\|\||<<|>>|[-+*/%&|!<>=]=?|[~^]/,punctuation:/[.:,;()[\]{}]/}}e.exports=t,t.displayName="gdscript",t.aliases=[]},81549:function(e){"use strict";function t(e){e.languages.gedcom={"line-value":{pattern:/(^[\t ]*\d+ +(?:@\w[\w!"$%&'()*+,\-./:;<=>?[\\\]^`{|}~\x80-\xfe #]*@ +)?\w+ ).+/m,lookbehind:!0,inside:{pointer:{pattern:/^@\w[\w!"$%&'()*+,\-./:;<=>?[\\\]^`{|}~\x80-\xfe #]*@$/,alias:"variable"}}},tag:{pattern:/(^[\t ]*\d+ +(?:@\w[\w!"$%&'()*+,\-./:;<=>?[\\\]^`{|}~\x80-\xfe #]*@ +)?)\w+/m,lookbehind:!0,alias:"string"},level:{pattern:/(^[\t ]*)\d+/m,lookbehind:!0,alias:"number"},pointer:{pattern:/@\w[\w!"$%&'()*+,\-./:;<=>?[\\\]^`{|}~\x80-\xfe #]*@/,alias:"variable"}}}e.exports=t,t.displayName="gedcom",t.aliases=[]},6024:function(e){"use strict";function t(e){var t;t=/(?:\r?\n|\r)[ \t]*\|.+\|(?:(?!\|).)*/.source,e.languages.gherkin={pystring:{pattern:/("""|''')[\s\S]+?\1/,alias:"string"},comment:{pattern:/(^[ \t]*)#.*/m,lookbehind:!0},tag:{pattern:/(^[ \t]*)@\S*/m,lookbehind:!0},feature:{pattern:/((?:^|\r?\n|\r)[ \t]*)(?:Ability|Ahoy matey!|Arwedd|Aspekt|Besigheid Behoefte|Business Need|Caracteristica|Característica|Egenskab|Egenskap|Eiginleiki|Feature|Fīča|Fitur|Fonctionnalité|Fonksyonalite|Funcionalidade|Funcionalitat|Functionalitate|Funcţionalitate|Funcționalitate|Functionaliteit|Fungsi|Funkcia|Funkcija|Funkcionalitāte|Funkcionalnost|Funkcja|Funksie|Funktionalität|Funktionalitéit|Funzionalità|Hwaet|Hwæt|Jellemző|Karakteristik|Lastnost|Mak|Mogucnost|laH|Mogućnost|Moznosti|Možnosti|OH HAI|Omadus|Ominaisuus|Osobina|Özellik|Potrzeba biznesowa|perbogh|poQbogh malja'|Požadavek|Požiadavka|Pretty much|Qap|Qu'meH 'ut|Savybė|Tính năng|Trajto|Vermoë|Vlastnosť|Właściwość|Značilnost|Δυνατότητα|Λειτουργία|Могућност|Мөмкинлек|Особина|Свойство|Үзенчәлеклелек|Функционал|Функционалност|Функция|Функціонал|תכונה|خاصية|خصوصیت|صلاحیت|کاروبار کی ضرورت|وِیژگی|रूप लेख|ਖਾਸੀਅਤ|ਨਕਸ਼ ਨੁਹਾਰ|ਮੁਹਾਂਦਰਾ|గుణము|ಹೆಚ್ಚಳ|ความต้องการทางธุรกิจ|ความสามารถ|โครงหลัก|기능|フィーチャ|功能|機能):(?:[^:\r\n]+(?:\r?\n|\r|$))*/,lookbehind:!0,inside:{important:{pattern:/(:)[^\r\n]+/,lookbehind:!0},keyword:/[^:\r\n]+:/}},scenario:{pattern:/(^[ \t]*)(?:Abstract Scenario|Abstrakt Scenario|Achtergrond|Aer|Ær|Agtergrond|All y'all|Antecedentes|Antecedents|Atburðarás|Atburðarásir|Awww, look mate|B4|Background|Baggrund|Bakgrund|Bakgrunn|Bakgrunnur|Beispiele|Beispiller|Bối cảnh|Cefndir|Cenario|Cenário|Cenario de Fundo|Cenário de Fundo|Cenarios|Cenários|Contesto|Context|Contexte|Contexto|Conto|Contoh|Contone|Dæmi|Dasar|Dead men tell no tales|Delineacao do Cenario|Delineação do Cenário|Dis is what went down|Dữ liệu|Dyagram Senaryo|Dyagram senaryo|Egzanp|Ejemplos|Eksempler|Ekzemploj|Enghreifftiau|Esbozo do escenario|Escenari|Escenario|Esempi|Esquema de l'escenari|Esquema del escenario|Esquema do Cenario|Esquema do Cenário|EXAMPLZ|Examples|Exempel|Exemple|Exemples|Exemplos|First off|Fono|Forgatókönyv|Forgatókönyv vázlat|Fundo|Geçmiş|Grundlage|Hannergrond|ghantoH|Háttér|Heave to|Istorik|Juhtumid|Keadaan|Khung kịch bản|Khung tình huống|Kịch bản|Koncept|Konsep skenario|Kontèks|Kontekst|Kontekstas|Konteksts|Kontext|Konturo de la scenaro|Latar Belakang|lut chovnatlh|lut|lutmey|Lýsing Atburðarásar|Lýsing Dæma|MISHUN SRSLY|MISHUN|Menggariskan Senario|mo'|Náčrt Scenára|Náčrt Scénáře|Náčrt Scenáru|Oris scenarija|Örnekler|Osnova|Osnova Scenára|Osnova scénáře|Osnutek|Ozadje|Paraugs|Pavyzdžiai|Példák|Piemēri|Plan du scénario|Plan du Scénario|Plan Senaryo|Plan senaryo|Plang vum Szenario|Pozadí|Pozadie|Pozadina|Príklady|Příklady|Primer|Primeri|Primjeri|Przykłady|Raamstsenaarium|Reckon it's like|Rerefons|Scenár|Scénář|Scenarie|Scenarij|Scenarijai|Scenarijaus šablonas|Scenariji|Scenārijs|Scenārijs pēc parauga|Scenarijus|Scenario|Scénario|Scenario Amlinellol|Scenario Outline|Scenario Template|Scenariomal|Scenariomall|Scenarios|Scenariu|Scenariusz|Scenaro|Schema dello scenario|Se ðe|Se the|Se þe|Senario|Senaryo Deskripsyon|Senaryo deskripsyon|Senaryo|Senaryo taslağı|Shiver me timbers|Situācija|Situai|Situasie Uiteensetting|Situasie|Skenario konsep|Skenario|Skica|Structura scenariu|Structură scenariu|Struktura scenarija|Stsenaarium|Swa hwaer swa|Swa|Swa hwær swa|Szablon scenariusza|Szenario|Szenariogrundriss|Tapaukset|Tapaus|Tapausaihio|Taust|Tausta|Template Keadaan|Template Senario|Template Situai|The thing of it is|Tình huống|Variantai|Voorbeelde|Voorbeelden|Wharrimean is|Yo-ho-ho|You'll wanna|Założenia|Παραδείγματα|Περιγραφή Σεναρίου|Σενάρια|Σενάριο|Υπόβαθρο|Кереш|Контекст|Концепт|Мисаллар|Мисоллар|Основа|Передумова|Позадина|Предистория|Предыстория|Приклади|Пример|Примери|Примеры|Рамка на сценарий|Скица|Структура сценарија|Структура сценария|Структура сценарію|Сценарий|Сценарий структураси|Сценарийның төзелеше|Сценарији|Сценарио|Сценарій|Тарих|Үрнәкләр|דוגמאות|רקע|תבנית תרחיש|תרחיש|الخلفية|الگوی سناریو|امثلة|پس منظر|زمینه|سناریو|سيناريو|سيناريو مخطط|مثالیں|منظر نامے کا خاکہ|منظرنامہ|نمونه ها|उदाहरण|परिदृश्य|परिदृश्य रूपरेखा|पृष्ठभूमि|ਉਦਾਹਰਨਾਂ|ਪਟਕਥਾ|ਪਟਕਥਾ ਢਾਂਚਾ|ਪਟਕਥਾ ਰੂਪ ਰੇਖਾ|ਪਿਛੋਕੜ|ఉదాహరణలు|కథనం|నేపథ్యం|సన్నివేశం|ಉದಾಹರಣೆಗಳು|ಕಥಾಸಾರಾಂಶ|ವಿವರಣೆ|ಹಿನ್ನೆಲೆ|โครงสร้างของเหตุการณ์|ชุดของตัวอย่าง|ชุดของเหตุการณ์|แนวคิด|สรุปเหตุการณ์|เหตุการณ์|배경|시나리오|시나리오 개요|예|サンプル|シナリオ|シナリオアウトライン|シナリオテンプレ|シナリオテンプレート|テンプレ|例|例子|剧本|剧本大纲|劇本|劇本大綱|场景|场景大纲|場景|場景大綱|背景):[^:\r\n]*/m,lookbehind:!0,inside:{important:{pattern:/(:)[^\r\n]*/,lookbehind:!0},keyword:/[^:\r\n]+:/}},"table-body":{pattern:RegExp("("+t+")(?:"+t+")+"),lookbehind:!0,inside:{outline:{pattern:/<[^>]+>/,alias:"variable"},td:{pattern:/\s*[^\s|][^|]*/,alias:"string"},punctuation:/\|/}},"table-head":{pattern:RegExp(t),inside:{th:{pattern:/\s*[^\s|][^|]*/,alias:"variable"},punctuation:/\|/}},atrule:{pattern:/(^[ \t]+)(?:'a|'ach|'ej|7|a|A také|A taktiež|A tiež|A zároveň|Aber|Ac|Adott|Akkor|Ak|Aleshores|Ale|Ali|Allora|Alors|Als|Ama|Amennyiben|Amikor|Ampak|an|AN|Ananging|And y'all|And|Angenommen|Anrhegedig a|An|Apabila|Atès|Atesa|Atunci|Avast!|Aye|A|awer|Bagi|Banjur|Bet|Biết|Blimey!|Buh|But at the end of the day I reckon|But y'all|But|BUT|Cal|Când|Cand|Cando|Ce|Cuando|Če|Ða ðe|Ða|Dadas|Dada|Dados|Dado|DaH ghu' bejlu'|dann|Dann|Dano|Dan|Dar|Dat fiind|Data|Date fiind|Date|Dati fiind|Dati|Daţi fiind|Dați fiind|DEN|Dato|De|Den youse gotta|Dengan|Diberi|Diyelim ki|Donada|Donat|Donitaĵo|Do|Dun|Duota|Ðurh|Eeldades|Ef|Eğer ki|Entao|Então|Entón|E|En|Entonces|Epi|És|Etant donnée|Etant donné|Et|Étant données|Étant donnée|Étant donné|Etant données|Etant donnés|Étant donnés|Fakat|Gangway!|Gdy|Gegeben seien|Gegeben sei|Gegeven|Gegewe|ghu' noblu'|Gitt|Given y'all|Given|Givet|Givun|Ha|Cho|I CAN HAZ|In|Ir|It's just unbelievable|I|Ja|Jeśli|Jeżeli|Kad|Kada|Kadar|Kai|Kaj|Když|Keď|Kemudian|Ketika|Khi|Kiedy|Ko|Kuid|Kui|Kun|Lan|latlh|Le sa a|Let go and haul|Le|Lè sa a|Lè|Logo|Lorsqu'<|Lorsque|mä|Maar|Mais|Mając|Ma|Majd|Maka|Manawa|Mas|Men|Menawa|Mutta|Nalika|Nalikaning|Nanging|Når|När|Nato|Nhưng|Niin|Njuk|O zaman|Och|Og|Oletetaan|Ond|Onda|Oraz|Pak|Pero|Però|Podano|Pokiaľ|Pokud|Potem|Potom|Privzeto|Pryd|Quan|Quand|Quando|qaSDI'|Så|Sed|Se|Siis|Sipoze ke|Sipoze Ke|Sipoze|Si|Şi|Și|Soit|Stel|Tada|Tad|Takrat|Tak|Tapi|Ter|Tetapi|Tha the|Tha|Then y'all|Then|Thì|Thurh|Toda|Too right|Un|Und|ugeholl|Và|vaj|Vendar|Ve|wann|Wanneer|WEN|Wenn|When y'all|When|Wtedy|Wun|Y'know|Yeah nah|Yna|Youse know like when|Youse know when youse got|Y|Za predpokladu|Za předpokladu|Zadan|Zadani|Zadano|Zadate|Zadato|Zakładając|Zaradi|Zatati|Þa þe|Þa|Þá|Þegar|Þurh|Αλλά|Δεδομένου|Και|Όταν|Τότε|А також|Агар|Але|Али|Аммо|А|Әгәр|Әйтик|Әмма|Бирок|Ва|Вә|Дадено|Дано|Допустим|Если|Задате|Задати|Задато|И|І|К тому же|Када|Кад|Когато|Когда|Коли|Ләкин|Лекин|Нәтиҗәдә|Нехай|Но|Онда|Припустимо, що|Припустимо|Пусть|Также|Та|Тогда|Тоді|То|Унда|Һәм|Якщо|אבל|אזי|אז|בהינתן|וגם|כאשר|آنگاه|اذاً|اگر|اما|اور|با فرض|بالفرض|بفرض|پھر|تب|ثم|جب|عندما|فرض کیا|لكن|لیکن|متى|هنگامی|و|अगर|और|कदा|किन्तु|चूंकि|जब|तथा|तदा|तब|परन्तु|पर|यदि|ਅਤੇ|ਜਦੋਂ|ਜਿਵੇਂ ਕਿ|ਜੇਕਰ|ਤਦ|ਪਰ|అప్పుడు|ఈ పరిస్థితిలో|కాని|చెప్పబడినది|మరియు|ಆದರೆ|ನಂತರ|ನೀಡಿದ|ಮತ್ತು|ಸ್ಥಿತಿಯನ್ನು|กำหนดให้|ดังนั้น|แต่|เมื่อ|และ|그러면<|그리고<|단<|만약<|만일<|먼저<|조건<|하지만<|かつ<|しかし<|ただし<|ならば<|もし<|並且<|但し<|但是<|假如<|假定<|假設<|假设<|前提<|同时<|同時<|并且<|当<|當<|而且<|那么<|那麼<)(?=[ \t])/m,lookbehind:!0},string:{pattern:/"(?:\\.|[^"\\\r\n])*"|'(?:\\.|[^'\\\r\n])*'/,inside:{outline:{pattern:/<[^>]+>/,alias:"variable"}}},outline:{pattern:/<[^>]+>/,alias:"variable"}}}e.exports=t,t.displayName="gherkin",t.aliases=[]},13600:function(e){"use strict";function t(e){e.languages.git={comment:/^#.*/m,deleted:/^[-–].*/m,inserted:/^\+.*/m,string:/("|')(?:\\.|(?!\1)[^\\\r\n])*\1/,command:{pattern:/^.*\$ git .*$/m,inside:{parameter:/\s--?\w+/}},coord:/^@@.*@@$/m,"commit-sha1":/^commit \w{40}$/m}}e.exports=t,t.displayName="git",t.aliases=[]},3322:function(e,t,n){"use strict";var r=n(65806);function a(e){e.register(r),e.languages.glsl=e.languages.extend("c",{keyword:/\b(?:active|asm|atomic_uint|attribute|[ibdu]?vec[234]|bool|break|buffer|case|cast|centroid|class|coherent|common|const|continue|d?mat[234](?:x[234])?|default|discard|do|double|else|enum|extern|external|false|filter|fixed|flat|float|for|fvec[234]|goto|half|highp|hvec[234]|[iu]?sampler2DMS(?:Array)?|[iu]?sampler2DRect|[iu]?samplerBuffer|[iu]?samplerCube|[iu]?samplerCubeArray|[iu]?sampler[123]D|[iu]?sampler[12]DArray|[iu]?image2DMS(?:Array)?|[iu]?image2DRect|[iu]?imageBuffer|[iu]?imageCube|[iu]?imageCubeArray|[iu]?image[123]D|[iu]?image[12]DArray|if|in|inline|inout|input|int|interface|invariant|layout|long|lowp|mediump|namespace|noinline|noperspective|out|output|partition|patch|precise|precision|public|readonly|resource|restrict|return|sample|sampler[12]DArrayShadow|sampler[12]DShadow|sampler2DRectShadow|sampler3DRect|samplerCubeArrayShadow|samplerCubeShadow|shared|short|sizeof|smooth|static|struct|subroutine|superp|switch|template|this|true|typedef|uint|uniform|union|unsigned|using|varying|void|volatile|while|writeonly)\b/})}e.exports=a,a.displayName="glsl",a.aliases=[]},53877:function(e){"use strict";function t(e){e.languages.gamemakerlanguage=e.languages.gml=e.languages.extend("clike",{keyword:/\b(?:break|case|continue|default|do|else|enum|exit|for|globalvar|if|repeat|return|switch|until|var|while)\b/,number:/(?:\b0x[\da-f]+|(?:\b\d+(?:\.\d*)?|\B\.\d+)(?:e[+-]?\d+)?)[ulf]{0,4}/i,operator:/--|\+\+|[-+%/=]=?|!=|\*\*?=?|<[<=>]?|>[=>]?|&&?|\^\^?|\|\|?|~|\b(?:and|at|not|or|with|xor)\b/,constant:/\b(?:GM_build_date|GM_version|action_(?:continue|restart|reverse|stop)|all|gamespeed_(?:fps|microseconds)|global|local|noone|other|pi|pointer_(?:invalid|null)|self|timezone_(?:local|utc)|undefined|ev_(?:create|destroy|step|alarm|keyboard|mouse|collision|other|draw|draw_(?:begin|end|post|pre)|keypress|keyrelease|trigger|(?:left|middle|no|right)_button|(?:left|middle|right)_press|(?:left|middle|right)_release|mouse_(?:enter|leave|wheel_down|wheel_up)|global_(?:left|middle|right)_button|global_(?:left|middle|right)_press|global_(?:left|middle|right)_release|joystick(?:1|2)_(?:button1|button2|button3|button4|button5|button6|button7|button8|down|left|right|up)|outside|boundary|game_start|game_end|room_start|room_end|no_more_lives|animation_end|end_of_path|no_more_health|user\d|gui|gui_begin|gui_end|step_(?:begin|end|normal))|vk_(?:alt|anykey|backspace|control|delete|down|end|enter|escape|home|insert|left|nokey|pagedown|pageup|pause|printscreen|return|right|shift|space|tab|up|f\d|numpad\d|add|decimal|divide|lalt|lcontrol|lshift|multiply|ralt|rcontrol|rshift|subtract)|achievement_(?:filter_(?:all_players|favorites_only|friends_only)|friends_info|info|leaderboard_info|our_info|pic_loaded|show_(?:achievement|bank|friend_picker|leaderboard|profile|purchase_prompt|ui)|type_challenge|type_score_challenge)|asset_(?:font|object|path|room|script|shader|sound|sprite|tiles|timeline|unknown)|audio_(?:3d|falloff_(?:exponent_distance|exponent_distance_clamped|inverse_distance|inverse_distance_clamped|linear_distance|linear_distance_clamped|none)|mono|new_system|old_system|stereo)|bm_(?:add|complex|dest_alpha|dest_color|dest_colour|inv_dest_alpha|inv_dest_color|inv_dest_colour|inv_src_alpha|inv_src_color|inv_src_colour|max|normal|one|src_alpha|src_alpha_sat|src_color|src_colour|subtract|zero)|browser_(?:chrome|firefox|ie|ie_mobile|not_a_browser|opera|safari|safari_mobile|tizen|unknown|windows_store)|buffer_(?:bool|f16|f32|f64|fast|fixed|generalerror|grow|invalidtype|network|outofbounds|outofspace|s16|s32|s8|seek_end|seek_relative|seek_start|string|text|u16|u32|u64|u8|vbuffer|wrap)|c_(?:aqua|black|blue|dkgray|fuchsia|gray|green|lime|ltgray|maroon|navy|olive|orange|purple|red|silver|teal|white|yellow)|cmpfunc_(?:always|equal|greater|greaterequal|less|lessequal|never|notequal)|cr_(?:appstart|arrow|beam|cross|default|drag|handpoint|hourglass|none|size_all|size_nesw|size_ns|size_nwse|size_we|uparrow)|cull_(?:clockwise|counterclockwise|noculling)|device_(?:emulator|tablet)|device_ios_(?:ipad|ipad_retina|iphone|iphone5|iphone6|iphone6plus|iphone_retina|unknown)|display_(?:landscape|landscape_flipped|portrait|portrait_flipped)|dll_(?:cdecl|cdel|stdcall)|ds_type_(?:grid|list|map|priority|queue|stack)|ef_(?:cloud|ellipse|explosion|firework|flare|rain|ring|smoke|smokeup|snow|spark|star)|fa_(?:archive|bottom|center|directory|hidden|left|middle|readonly|right|sysfile|top|volumeid)|fb_login_(?:default|fallback_to_webview|forcing_safari|forcing_webview|no_fallback_to_webview|use_system_account)|iap_(?:available|canceled|ev_consume|ev_product|ev_purchase|ev_restore|ev_storeload|failed|purchased|refunded|status_available|status_loading|status_processing|status_restoring|status_unavailable|status_uninitialised|storeload_failed|storeload_ok|unavailable)|leaderboard_type_(?:number|time_mins_secs)|lighttype_(?:dir|point)|matrix_(?:projection|view|world)|mb_(?:any|left|middle|none|right)|network_(?:config_(?:connect_timeout|disable_reliable_udp|enable_reliable_udp|use_non_blocking_socket)|socket_(?:bluetooth|tcp|udp)|type_(?:connect|data|disconnect|non_blocking_connect))|of_challenge_(?:lose|tie|win)|os_(?:android|ios|linux|macosx|ps3|ps4|psvita|unknown|uwp|win32|win8native|windows|winphone|xboxone)|phy_debug_render_(?:aabb|collision_pairs|coms|core_shapes|joints|obb|shapes)|phy_joint_(?:anchor_1_x|anchor_1_y|anchor_2_x|anchor_2_y|angle|angle_limits|damping_ratio|frequency|length_1|length_2|lower_angle_limit|max_force|max_length|max_motor_force|max_motor_torque|max_torque|motor_force|motor_speed|motor_torque|reaction_force_x|reaction_force_y|reaction_torque|speed|translation|upper_angle_limit)|phy_particle_data_flag_(?:category|color|colour|position|typeflags|velocity)|phy_particle_flag_(?:colormixing|colourmixing|elastic|powder|spring|tensile|viscous|wall|water|zombie)|phy_particle_group_flag_(?:rigid|solid)|pr_(?:linelist|linestrip|pointlist|trianglefan|trianglelist|trianglestrip)|ps_(?:distr|shape)_(?:diamond|ellipse|gaussian|invgaussian|line|linear|rectangle)|pt_shape_(?:circle|cloud|disk|explosion|flare|line|pixel|ring|smoke|snow|spark|sphere|square|star)|ty_(?:real|string)|gp_(?:face\d|axislh|axislv|axisrh|axisrv|padd|padl|padr|padu|select|shoulderl|shoulderlb|shoulderr|shoulderrb|start|stickl|stickr)|lb_disp_(?:none|numeric|time_ms|time_sec)|lb_sort_(?:ascending|descending|none)|ov_(?:achievements|community|friends|gamegroup|players|settings)|ugc_(?:filetype_(?:community|microtrans)|list_(?:Favorited|Followed|Published|Subscribed|UsedOrPlayed|VotedDown|VotedOn|VotedUp|WillVoteLater)|match_(?:AllGuides|Artwork|Collections|ControllerBindings|IntegratedGuides|Items|Items_Mtx|Items_ReadyToUse|Screenshots|UsableInGame|Videos|WebGuides)|query_(?:AcceptedForGameRankedByAcceptanceDate|CreatedByFriendsRankedByPublicationDate|FavoritedByFriendsRankedByPublicationDate|NotYetRated)|query_RankedBy(?:NumTimesReported|PublicationDate|TextSearch|TotalVotesAsc|Trend|Vote|VotesUp)|result_success|sortorder_CreationOrder(?:Asc|Desc)|sortorder_(?:ForModeration|LastUpdatedDesc|SubscriptionDateDesc|TitleAsc|VoteScoreDesc)|visibility_(?:friends_only|private|public))|vertex_usage_(?:binormal|blendindices|blendweight|color|colour|depth|fog|normal|position|psize|sample|tangent|texcoord|textcoord)|vertex_type_(?:float\d|color|colour|ubyte4)|input_type|layerelementtype_(?:background|instance|oldtilemap|particlesystem|sprite|tile|tilemap|undefined)|se_(?:chorus|compressor|echo|equalizer|flanger|gargle|none|reverb)|text_type|tile_(?:flip|index_mask|mirror|rotate)|(?:obj|rm|scr|spr)\w+)\b/,variable:/\b(?:alarm|application_surface|async_load|background_(?:alpha|blend|color|colour|foreground|height|hspeed|htiled|index|showcolor|showcolour|visible|vspeed|vtiled|width|x|xscale|y|yscale)|bbox_(?:bottom|left|right|top)|browser_(?:height|width)|caption_(?:health|lives|score)|current_(?:day|hour|minute|month|second|time|weekday|year)|cursor_sprite|debug_mode|delta_time|direction|display_aa|error_(?:last|occurred)|event_(?:action|number|object|type)|fps|fps_real|friction|game_(?:display|project|save)_(?:id|name)|gamemaker_(?:pro|registered|version)|gravity|gravity_direction|(?:h|v)speed|health|iap_data|id|image_(?:alpha|angle|blend|depth|index|number|speed|xscale|yscale)|instance_(?:count|id)|keyboard_(?:key|lastchar|lastkey|string)|layer|lives|mask_index|mouse_(?:button|lastbutton|x|y)|object_index|os_(?:browser|device|type|version)|path_(?:endaction|index|orientation|position|positionprevious|scale|speed)|persistent|phy_(?:rotation|(?:col_normal|collision|com|linear_velocity|position|speed)_(?:x|y)|angular_(?:damping|velocity)|position_(?:x|y)previous|speed|linear_damping|bullet|fixed_rotation|active|mass|inertia|dynamic|kinematic|sleeping|collision_points)|pointer_(?:invalid|null)|room|room_(?:caption|first|height|last|persistent|speed|width)|score|secure_mode|show_(?:health|lives|score)|solid|speed|sprite_(?:height|index|width|xoffset|yoffset)|temp_directory|timeline_(?:index|loop|position|running|speed)|transition_(?:color|kind|steps)|undefined|view_(?:angle|current|enabled|(?:h|v)(?:border|speed)|(?:h|w|x|y)port|(?:h|w|x|y)view|object|surface_id|visible)|visible|webgl_enabled|working_directory|(?:x|y)(?:previous|start)|x|y|argument(?:_relitive|_count|\d)|argument|global|local|other|self)\b/})}e.exports=t,t.displayName="gml",t.aliases=[]},60794:function(e){"use strict";function t(e){e.languages.gn={comment:{pattern:/#.*/,greedy:!0},"string-literal":{pattern:/(^|[^\\"])"(?:[^\r\n"\\]|\\.)*"/,lookbehind:!0,greedy:!0,inside:{interpolation:{pattern:/((?:^|[^\\])(?:\\{2})*)\$(?:\{[\s\S]*?\}|[a-zA-Z_]\w*|0x[a-fA-F0-9]{2})/,lookbehind:!0,inside:{number:/^\$0x[\s\S]{2}$/,variable:/^\$\w+$/,"interpolation-punctuation":{pattern:/^\$\{|\}$/,alias:"punctuation"},expression:{pattern:/[\s\S]+/,inside:null}}},string:/[\s\S]+/}},keyword:/\b(?:else|if)\b/,boolean:/\b(?:false|true)\b/,"builtin-function":{pattern:/\b(?:assert|defined|foreach|import|pool|print|template|tool|toolchain)(?=\s*\()/i,alias:"keyword"},function:/\b[a-z_]\w*(?=\s*\()/i,constant:/\b(?:current_cpu|current_os|current_toolchain|default_toolchain|host_cpu|host_os|root_build_dir|root_gen_dir|root_out_dir|target_cpu|target_gen_dir|target_os|target_out_dir)\b/,number:/-?\b\d+\b/,operator:/[-+!=<>]=?|&&|\|\|/,punctuation:/[(){}[\],.]/},e.languages.gn["string-literal"].inside.interpolation.inside.expression.inside=e.languages.gn,e.languages.gni=e.languages.gn}e.exports=t,t.displayName="gn",t.aliases=["gni"]},20222:function(e){"use strict";function t(e){e.languages["go-mod"]=e.languages["go-module"]={comment:{pattern:/\/\/.*/,greedy:!0},version:{pattern:/(^|[\s()[\],])v\d+\.\d+\.\d+(?:[+-][-+.\w]*)?(?![^\s()[\],])/,lookbehind:!0,alias:"number"},"go-version":{pattern:/((?:^|\s)go\s+)\d+(?:\.\d+){1,2}/,lookbehind:!0,alias:"number"},keyword:{pattern:/^([ \t]*)(?:exclude|go|module|replace|require|retract)\b/m,lookbehind:!0},operator:/=>/,punctuation:/[()[\],]/}}e.exports=t,t.displayName="goModule",t.aliases=[]},51519:function(e){"use strict";function t(e){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"]}e.exports=t,t.displayName="go",t.aliases=[]},94055:function(e){"use strict";function t(e){e.languages.graphql={comment:/#.*/,description:{pattern:/(?:"""(?:[^"]|(?!""")")*"""|"(?:\\.|[^\\"\r\n])*")(?=\s*[a-z_])/i,greedy:!0,alias:"string",inside:{"language-markdown":{pattern:/(^"(?:"")?)(?!\1)[\s\S]+(?=\1$)/,lookbehind:!0,inside:e.languages.markdown}}},string:{pattern:/"""(?:[^"]|(?!""")")*"""|"(?:\\.|[^\\"\r\n])*"/,greedy:!0},number:/(?:\B-|\b)\d+(?:\.\d+)?(?:e[+-]?\d+)?\b/i,boolean:/\b(?:false|true)\b/,variable:/\$[a-z_]\w*/i,directive:{pattern:/@[a-z_]\w*/i,alias:"function"},"attr-name":{pattern:/\b[a-z_]\w*(?=\s*(?:\((?:[^()"]|"(?:\\.|[^\\"\r\n])*")*\))?:)/i,greedy:!0},"atom-input":{pattern:/\b[A-Z]\w*Input\b/,alias:"class-name"},scalar:/\b(?:Boolean|Float|ID|Int|String)\b/,constant:/\b[A-Z][A-Z_\d]*\b/,"class-name":{pattern:/(\b(?:enum|implements|interface|on|scalar|type|union)\s+|&\s*|:\s*|\[)[A-Z_]\w*/,lookbehind:!0},fragment:{pattern:/(\bfragment\s+|\.{3}\s*(?!on\b))[a-zA-Z_]\w*/,lookbehind:!0,alias:"function"},"definition-mutation":{pattern:/(\bmutation\s+)[a-zA-Z_]\w*/,lookbehind:!0,alias:"function"},"definition-query":{pattern:/(\bquery\s+)[a-zA-Z_]\w*/,lookbehind:!0,alias:"function"},keyword:/\b(?:directive|enum|extend|fragment|implements|input|interface|mutation|on|query|repeatable|scalar|schema|subscription|type|union)\b/,operator:/[!=|&]|\.{3}/,"property-query":/\w+(?=\s*\()/,object:/\w+(?=\s*\{)/,punctuation:/[!(){}\[\]:=,]/,property:/\w+/},e.hooks.add("after-tokenize",function(e){if("graphql"===e.language)for(var t=e.tokens.filter(function(e){return"string"!=typeof e&&"comment"!==e.type&&"scalar"!==e.type}),n=0;n0)){var s=d(/^\{$/,/^\}$/);if(-1===s)continue;for(var l=n;l=0&&p(c,"variable-input")}}}}function u(e,r){r=r||0;for(var a=0;a]?|\+[+=]?|!=?|<(?:<=?|=>?)?|>(?:>>?=?|=)?|&[&=]?|\|[|=]?|\/=?|\^=?|%=?)/,lookbehind:!0},punctuation:/\.+|[{}[\];(),:$]/}),e.languages.insertBefore("groovy","string",{shebang:{pattern:/#!.+/,alias:"comment"}}),e.languages.insertBefore("groovy","punctuation",{"spock-block":/\b(?:and|cleanup|expect|given|setup|then|when|where):/}),e.languages.insertBefore("groovy","function",{annotation:{pattern:/(^|[^.])@\w+/,lookbehind:!0,alias:"punctuation"}}),e.hooks.add("wrap",function(t){if("groovy"===t.language&&"string"===t.type){var n=t.content.value[0];if("'"!=n){var r=/([^\\])(?:\$(?:\{.*?\}|[\w.]+))/;"$"===n&&(r=/([^\$])(?:\$(?:\{.*?\}|[\w.]+))/),t.content.value=t.content.value.replace(/</g,"<").replace(/&/g,"&"),t.content=e.highlight(t.content.value,{expression:{pattern:r,lookbehind:!0,inside:e.languages.groovy}}),t.classes.push("/"===n?"regex":"gstring")}}})}e.exports=t,t.displayName="groovy",t.aliases=[]},29536:function(e,t,n){"use strict";var r=n(56939);function a(e){e.register(r),function(e){e.languages.haml={"multiline-comment":{pattern:/((?:^|\r?\n|\r)([\t ]*))(?:\/|-#).*(?:(?:\r?\n|\r)\2[\t ].+)*/,lookbehind:!0,alias:"comment"},"multiline-code":[{pattern:/((?:^|\r?\n|\r)([\t ]*)(?:[~-]|[&!]?=)).*,[\t ]*(?:(?:\r?\n|\r)\2[\t ].*,[\t ]*)*(?:(?:\r?\n|\r)\2[\t ].+)/,lookbehind:!0,inside:e.languages.ruby},{pattern:/((?:^|\r?\n|\r)([\t ]*)(?:[~-]|[&!]?=)).*\|[\t ]*(?:(?:\r?\n|\r)\2[\t ].*\|[\t ]*)*/,lookbehind:!0,inside:e.languages.ruby}],filter:{pattern:/((?:^|\r?\n|\r)([\t ]*)):[\w-]+(?:(?:\r?\n|\r)(?:\2[\t ].+|\s*?(?=\r?\n|\r)))+/,lookbehind:!0,inside:{"filter-name":{pattern:/^:[\w-]+/,alias:"symbol"}}},markup:{pattern:/((?:^|\r?\n|\r)[\t ]*)<.+/,lookbehind:!0,inside:e.languages.markup},doctype:{pattern:/((?:^|\r?\n|\r)[\t ]*)!!!(?: .+)?/,lookbehind:!0},tag:{pattern:/((?:^|\r?\n|\r)[\t ]*)[%.#][\w\-#.]*[\w\-](?:\([^)]+\)|\{(?:\{[^}]+\}|[^{}])+\}|\[[^\]]+\])*[\/<>]*/,lookbehind:!0,inside:{attributes:[{pattern:/(^|[^#])\{(?:\{[^}]+\}|[^{}])+\}/,lookbehind:!0,inside:e.languages.ruby},{pattern:/\([^)]+\)/,inside:{"attr-value":{pattern:/(=\s*)(?:"(?:\\.|[^\\"\r\n])*"|[^)\s]+)/,lookbehind:!0},"attr-name":/[\w:-]+(?=\s*!?=|\s*[,)])/,punctuation:/[=(),]/}},{pattern:/\[[^\]]+\]/,inside:e.languages.ruby}],punctuation:/[<>]/}},code:{pattern:/((?:^|\r?\n|\r)[\t ]*(?:[~-]|[&!]?=)).+/,lookbehind:!0,inside:e.languages.ruby},interpolation:{pattern:/#\{[^}]+\}/,inside:{delimiter:{pattern:/^#\{|\}$/,alias:"punctuation"},ruby:{pattern:/[\s\S]+/,inside:e.languages.ruby}}},punctuation:{pattern:/((?:^|\r?\n|\r)[\t ]*)[~=\-&!]+/,lookbehind:!0}};for(var t=["css",{filter:"coffee",language:"coffeescript"},"erb","javascript","less","markdown","ruby","scss","textile"],n={},r=0,a=t.length;r@\[\\\]^`{|}~]/,variable:/[^!"#%&'()*+,\/;<=>@\[\\\]^`{|}~\s]+/},e.hooks.add("before-tokenize",function(t){e.languages["markup-templating"].buildPlaceholders(t,"handlebars",/\{\{\{[\s\S]+?\}\}\}|\{\{[\s\S]+?\}\}/g)}),e.hooks.add("after-tokenize",function(t){e.languages["markup-templating"].tokenizePlaceholders(t,"handlebars")}),e.languages.hbs=e.languages.handlebars}e.exports=a,a.displayName="handlebars",a.aliases=["hbs"]},58090:function(e){"use strict";function t(e){e.languages.haskell={comment:{pattern:/(^|[^-!#$%*+=?&@|~.:<>^\\\/])(?:--(?:(?=.)[^-!#$%*+=?&@|~.:<>^\\\/].*|$)|\{-[\s\S]*?-\})/m,lookbehind:!0},char:{pattern:/'(?:[^\\']|\\(?:[abfnrtv\\"'&]|\^[A-Z@[\]^_]|ACK|BEL|BS|CAN|CR|DC1|DC2|DC3|DC4|DEL|DLE|EM|ENQ|EOT|ESC|ETB|ETX|FF|FS|GS|HT|LF|NAK|NUL|RS|SI|SO|SOH|SP|STX|SUB|SYN|US|VT|\d+|o[0-7]+|x[0-9a-fA-F]+))'/,alias:"string"},string:{pattern:/"(?:[^\\"]|\\(?:\S|\s+\\))*"/,greedy:!0},keyword:/\b(?:case|class|data|deriving|do|else|if|in|infixl|infixr|instance|let|module|newtype|of|primitive|then|type|where)\b/,"import-statement":{pattern:/(^[\t ]*)import\s+(?:qualified\s+)?(?:[A-Z][\w']*)(?:\.[A-Z][\w']*)*(?:\s+as\s+(?:[A-Z][\w']*)(?:\.[A-Z][\w']*)*)?(?:\s+hiding\b)?/m,lookbehind:!0,inside:{keyword:/\b(?:as|hiding|import|qualified)\b/,punctuation:/\./}},builtin:/\b(?:abs|acos|acosh|all|and|any|appendFile|approxRational|asTypeOf|asin|asinh|atan|atan2|atanh|basicIORun|break|catch|ceiling|chr|compare|concat|concatMap|const|cos|cosh|curry|cycle|decodeFloat|denominator|digitToInt|div|divMod|drop|dropWhile|either|elem|encodeFloat|enumFrom|enumFromThen|enumFromThenTo|enumFromTo|error|even|exp|exponent|fail|filter|flip|floatDigits|floatRadix|floatRange|floor|fmap|foldl|foldl1|foldr|foldr1|fromDouble|fromEnum|fromInt|fromInteger|fromIntegral|fromRational|fst|gcd|getChar|getContents|getLine|group|head|id|inRange|index|init|intToDigit|interact|ioError|isAlpha|isAlphaNum|isAscii|isControl|isDenormalized|isDigit|isHexDigit|isIEEE|isInfinite|isLower|isNaN|isNegativeZero|isOctDigit|isPrint|isSpace|isUpper|iterate|last|lcm|length|lex|lexDigits|lexLitChar|lines|log|logBase|lookup|map|mapM|mapM_|max|maxBound|maximum|maybe|min|minBound|minimum|mod|negate|not|notElem|null|numerator|odd|or|ord|otherwise|pack|pi|pred|primExitWith|print|product|properFraction|putChar|putStr|putStrLn|quot|quotRem|range|rangeSize|read|readDec|readFile|readFloat|readHex|readIO|readInt|readList|readLitChar|readLn|readOct|readParen|readSigned|reads|readsPrec|realToFrac|recip|rem|repeat|replicate|return|reverse|round|scaleFloat|scanl|scanl1|scanr|scanr1|seq|sequence|sequence_|show|showChar|showInt|showList|showLitChar|showParen|showSigned|showString|shows|showsPrec|significand|signum|sin|sinh|snd|sort|span|splitAt|sqrt|subtract|succ|sum|tail|take|takeWhile|tan|tanh|threadToIOResult|toEnum|toInt|toInteger|toLower|toRational|toUpper|truncate|uncurry|undefined|unlines|until|unwords|unzip|unzip3|userError|words|writeFile|zip|zip3|zipWith|zipWith3)\b/,number:/\b(?:\d+(?:\.\d+)?(?:e[+-]?\d+)?|0o[0-7]+|0x[0-9a-f]+)\b/i,operator:[{pattern:/`(?:[A-Z][\w']*\.)*[_a-z][\w']*`/,greedy:!0},{pattern:/(\s)\.(?=\s)/,lookbehind:!0},/[-!#$%*+=?&@|~:<>^\\\/][-!#$%*+=?&@|~.:<>^\\\/]*|\.[-!#$%*+=?&@|~.:<>^\\\/]+/],hvariable:{pattern:/\b(?:[A-Z][\w']*\.)*[_a-z][\w']*/,inside:{punctuation:/\./}},constant:{pattern:/\b(?:[A-Z][\w']*\.)*[A-Z][\w']*/,inside:{punctuation:/\./}},punctuation:/[{}[\];(),.:]/},e.languages.hs=e.languages.haskell}e.exports=t,t.displayName="haskell",t.aliases=["hs"]},95121:function(e){"use strict";function t(e){e.languages.haxe=e.languages.extend("clike",{string:{pattern:/"(?:[^"\\]|\\[\s\S])*"/,greedy:!0},"class-name":[{pattern:/(\b(?:abstract|class|enum|extends|implements|interface|new|typedef)\s+)[A-Z_]\w*/,lookbehind:!0},/\b[A-Z]\w*/],keyword:/\bthis\b|\b(?:abstract|as|break|case|cast|catch|class|continue|default|do|dynamic|else|enum|extends|extern|final|for|from|function|if|implements|import|in|inline|interface|macro|new|null|operator|overload|override|package|private|public|return|static|super|switch|throw|to|try|typedef|untyped|using|var|while)(?!\.)\b/,function:{pattern:/\b[a-z_]\w*(?=\s*(?:<[^<>]*>\s*)?\()/i,greedy:!0},operator:/\.{3}|\+\+|--|&&|\|\||->|=>|(?:<{1,3}|[-+*/%!=&|^])=?|[?:~]/}),e.languages.insertBefore("haxe","string",{"string-interpolation":{pattern:/'(?:[^'\\]|\\[\s\S])*'/,greedy:!0,inside:{interpolation:{pattern:/(^|[^\\])\$(?:\w+|\{[^{}]+\})/,lookbehind:!0,inside:{"interpolation-punctuation":{pattern:/^\$\{?|\}$/,alias:"punctuation"},expression:{pattern:/[\s\S]+/,inside:e.languages.haxe}}},string:/[\s\S]+/}}}),e.languages.insertBefore("haxe","class-name",{regex:{pattern:/~\/(?:[^\/\\\r\n]|\\.)+\/[a-z]*/,greedy:!0,inside:{"regex-flags":/\b[a-z]+$/,"regex-source":{pattern:/^(~\/)[\s\S]+(?=\/$)/,lookbehind:!0,alias:"language-regex",inside:e.languages.regex},"regex-delimiter":/^~\/|\/$/}}}),e.languages.insertBefore("haxe","keyword",{preprocessor:{pattern:/#(?:else|elseif|end|if)\b.*/,alias:"property"},metadata:{pattern:/@:?[\w.]+/,alias:"symbol"},reification:{pattern:/\$(?:\w+|(?=\{))/,alias:"important"}})}e.exports=t,t.displayName="haxe",t.aliases=[]},59904:function(e){"use strict";function t(e){e.languages.hcl={comment:/(?:\/\/|#).*|\/\*[\s\S]*?(?:\*\/|$)/,heredoc:{pattern:/<<-?(\w+\b)[\s\S]*?^[ \t]*\1/m,greedy:!0,alias:"string"},keyword:[{pattern:/(?:data|resource)\s+(?:"(?:\\[\s\S]|[^\\"])*")(?=\s+"[\w-]+"\s+\{)/i,inside:{type:{pattern:/(resource|data|\s+)(?:"(?:\\[\s\S]|[^\\"])*")/i,lookbehind:!0,alias:"variable"}}},{pattern:/(?:backend|module|output|provider|provisioner|variable)\s+(?:[\w-]+|"(?:\\[\s\S]|[^\\"])*")\s+(?=\{)/i,inside:{type:{pattern:/(backend|module|output|provider|provisioner|variable)\s+(?:[\w-]+|"(?:\\[\s\S]|[^\\"])*")\s+/i,lookbehind:!0,alias:"variable"}}},/[\w-]+(?=\s+\{)/],property:[/[-\w\.]+(?=\s*=(?!=))/,/"(?:\\[\s\S]|[^\\"])+"(?=\s*[:=])/],string:{pattern:/"(?:[^\\$"]|\\[\s\S]|\$(?:(?=")|\$+(?!\$)|[^"${])|\$\{(?:[^{}"]|"(?:[^\\"]|\\[\s\S])*")*\})*"/,greedy:!0,inside:{interpolation:{pattern:/(^|[^$])\$\{(?:[^{}"]|"(?:[^\\"]|\\[\s\S])*")*\}/,lookbehind:!0,inside:{type:{pattern:/(\b(?:count|data|local|module|path|self|terraform|var)\b\.)[\w\*]+/i,lookbehind:!0,alias:"variable"},keyword:/\b(?:count|data|local|module|path|self|terraform|var)\b/i,function:/\w+(?=\()/,string:{pattern:/"(?:\\[\s\S]|[^\\"])*"/,greedy:!0},number:/\b0x[\da-f]+\b|\b\d+(?:\.\d*)?(?:e[+-]?\d+)?/i,punctuation:/[!\$#%&'()*+,.\/;<=>@\[\\\]^`{|}~?:]/}}}},number:/\b0x[\da-f]+\b|\b\d+(?:\.\d*)?(?:e[+-]?\d+)?/i,boolean:/\b(?:false|true)\b/i,punctuation:/[=\[\]{}]/}}e.exports=t,t.displayName="hcl",t.aliases=[]},9436:function(e,t,n){"use strict";var r=n(65806);function a(e){e.register(r),e.languages.hlsl=e.languages.extend("c",{"class-name":[e.languages.c["class-name"],/\b(?:AppendStructuredBuffer|BlendState|Buffer|ByteAddressBuffer|CompileShader|ComputeShader|ConsumeStructuredBuffer|DepthStencilState|DepthStencilView|DomainShader|GeometryShader|Hullshader|InputPatch|LineStream|OutputPatch|PixelShader|PointStream|RWBuffer|RWByteAddressBuffer|RWStructuredBuffer|RWTexture(?:1D|1DArray|2D|2DArray|3D)|RasterizerState|RenderTargetView|SamplerComparisonState|SamplerState|StructuredBuffer|Texture(?:1D|1DArray|2D|2DArray|2DMS|2DMSArray|3D|Cube|CubeArray)|TriangleStream|VertexShader)\b/],keyword:[/\b(?:asm|asm_fragment|auto|break|case|catch|cbuffer|centroid|char|class|column_major|compile|compile_fragment|const|const_cast|continue|default|delete|discard|do|dynamic_cast|else|enum|explicit|export|extern|for|friend|fxgroup|goto|groupshared|if|in|inline|inout|interface|line|lineadj|linear|long|matrix|mutable|namespace|new|nointerpolation|noperspective|operator|out|packoffset|pass|pixelfragment|point|precise|private|protected|public|register|reinterpret_cast|return|row_major|sample|sampler|shared|short|signed|sizeof|snorm|stateblock|stateblock_state|static|static_cast|string|struct|switch|tbuffer|technique|technique10|technique11|template|texture|this|throw|triangle|triangleadj|try|typedef|typename|uniform|union|unorm|unsigned|using|vector|vertexfragment|virtual|void|volatile|while)\b/,/\b(?:bool|double|dword|float|half|int|min(?:10float|12int|16(?:float|int|uint))|uint)(?:[1-4](?:x[1-4])?)?\b/],number:/(?:(?:\b\d+(?:\.\d*)?|\B\.\d+)(?:[eE][+-]?\d+)?|\b0x[\da-fA-F]+)[fFhHlLuU]?\b/,boolean:/\b(?:false|true)\b/})}e.exports=a,a.displayName="hlsl",a.aliases=[]},60591:function(e){"use strict";function t(e){e.languages.hoon={comment:{pattern:/::.*/,greedy:!0},string:{pattern:/"[^"]*"|'[^']*'/,greedy:!0},constant:/%(?:\.[ny]|[\w-]+)/,"class-name":/@(?:[a-z0-9-]*[a-z0-9])?|\*/i,function:/(?:\+[-+] {2})?(?:[a-z](?:[a-z0-9-]*[a-z0-9])?)/,keyword:/\.[\^\+\*=\?]|![><:\.=\?!]|=[>|:,\.\-\^<+;/~\*\?]|\?[>|:\.\-\^<\+&~=@!]|\|[\$_%:\.\-\^~\*=@\?]|\+[|\$\+\*]|:[_\-\^\+~\*]|%[_:\.\-\^\+~\*=]|\^[|:\.\-\+&~\*=\?]|\$[|_%:<>\-\^&~@=\?]|;[:<\+;\/~\*=]|~[>|\$_%<\+\/&=\?!]|--|==/}}e.exports=t,t.displayName="hoon",t.aliases=[]},76942:function(e){"use strict";function t(e){e.languages.hpkp={directive:{pattern:/\b(?:includeSubDomains|max-age|pin-sha256|preload|report-to|report-uri|strict)(?=[\s;=]|$)/i,alias:"property"},operator:/=/,punctuation:/;/}}e.exports=t,t.displayName="hpkp",t.aliases=[]},60561:function(e){"use strict";function t(e){e.languages.hsts={directive:{pattern:/\b(?:includeSubDomains|max-age|preload)(?=[\s;=]|$)/i,alias:"property"},operator:/=/,punctuation:/;/}}e.exports=t,t.displayName="hsts",t.aliases=[]},49660:function(e){"use strict";function t(e){!function(e){function t(e){return RegExp("(^(?:"+e+"):[ ]*(?![ ]))[^]+","i")}e.languages.http={"request-line":{pattern:/^(?:CONNECT|DELETE|GET|HEAD|OPTIONS|PATCH|POST|PRI|PUT|SEARCH|TRACE)\s(?:https?:\/\/|\/)\S*\sHTTP\/[\d.]+/m,inside:{method:{pattern:/^[A-Z]+\b/,alias:"property"},"request-target":{pattern:/^(\s)(?:https?:\/\/|\/)\S*(?=\s)/,lookbehind:!0,alias:"url",inside:e.languages.uri},"http-version":{pattern:/^(\s)HTTP\/[\d.]+/,lookbehind:!0,alias:"property"}}},"response-status":{pattern:/^HTTP\/[\d.]+ \d+ .+/m,inside:{"http-version":{pattern:/^HTTP\/[\d.]+/,alias:"property"},"status-code":{pattern:/^(\s)\d+(?=\s)/,lookbehind:!0,alias:"number"},"reason-phrase":{pattern:/^(\s).+/,lookbehind:!0,alias:"string"}}},header:{pattern:/^[\w-]+:.+(?:(?:\r\n?|\n)[ \t].+)*/m,inside:{"header-value":[{pattern:t(/Content-Security-Policy/.source),lookbehind:!0,alias:["csp","languages-csp"],inside:e.languages.csp},{pattern:t(/Public-Key-Pins(?:-Report-Only)?/.source),lookbehind:!0,alias:["hpkp","languages-hpkp"],inside:e.languages.hpkp},{pattern:t(/Strict-Transport-Security/.source),lookbehind:!0,alias:["hsts","languages-hsts"],inside:e.languages.hsts},{pattern:t(/[^:]+/.source),lookbehind:!0}],"header-name":{pattern:/^[^:]+/,alias:"keyword"},punctuation:/^:/}}};var n,r=e.languages,a={"application/javascript":r.javascript,"application/json":r.json||r.javascript,"application/xml":r.xml,"text/xml":r.xml,"text/html":r.html,"text/css":r.css,"text/plain":r.plain},i={"application/json":!0,"application/xml":!0};for(var o in a)if(a[o]){n=n||{};var s=i[o]?function(e){var t=e.replace(/^[a-z]+\//,"");return"(?:"+e+"|\\w+/(?:[\\w.-]+\\+)+"+t+"(?![+\\w.-]))"}(o):o;n[o.replace(/\//g,"-")]={pattern:RegExp("("+/content-type:\s*/.source+s+/(?:(?:\r\n?|\n)[\w-].*)*(?:\r(?:\n|(?!\n))|\n)/.source+")"+/[^ \t\w-][\s\S]*/.source,"i"),lookbehind:!0,inside:a[o]}}n&&e.languages.insertBefore("http","header",n)}(e)}e.exports=t,t.displayName="http",t.aliases=[]},30615:function(e){"use strict";function t(e){e.languages.ichigojam={comment:/(?:\B'|REM)(?:[^\n\r]*)/i,string:{pattern:/"(?:""|[!#$%&'()*,\/:;<=>?^\w +\-.])*"/,greedy:!0},number:/\B#[0-9A-F]+|\B`[01]+|(?:\b\d+(?:\.\d*)?|\B\.\d+)(?:E[+-]?\d+)?/i,keyword:/\b(?:BEEP|BPS|CASE|CLEAR|CLK|CLO|CLP|CLS|CLT|CLV|CONT|COPY|ELSE|END|FILE|FILES|FOR|GOSUB|GOTO|GSB|IF|INPUT|KBD|LED|LET|LIST|LOAD|LOCATE|LRUN|NEW|NEXT|OUT|PLAY|POKE|PRINT|PWM|REM|RENUM|RESET|RETURN|RIGHT|RTN|RUN|SAVE|SCROLL|SLEEP|SRND|STEP|STOP|SUB|TEMPO|THEN|TO|UART|VIDEO|WAIT)(?:\$|\b)/i,function:/\b(?:ABS|ANA|ASC|BIN|BTN|DEC|END|FREE|HELP|HEX|I2CR|I2CW|IN|INKEY|LEN|LINE|PEEK|RND|SCR|SOUND|STR|TICK|USR|VER|VPEEK|ZER)(?:\$|\b)/i,label:/(?:\B@\S+)/,operator:/<[=>]?|>=?|\|\||&&|[+\-*\/=|&^~!]|\b(?:AND|NOT|OR)\b/i,punctuation:/[\[,;:()\]]/}}e.exports=t,t.displayName="ichigojam",t.aliases=[]},93865:function(e){"use strict";function t(e){e.languages.icon={comment:/#.*/,string:{pattern:/(["'])(?:(?!\1)[^\\\r\n_]|\\.|_(?!\1)(?:\r\n|[\s\S]))*\1/,greedy:!0},number:/\b(?:\d+r[a-z\d]+|\d+(?:\.\d+)?(?:e[+-]?\d+)?)\b|\.\d+\b/i,"builtin-keyword":{pattern:/&(?:allocated|ascii|clock|collections|cset|current|date|dateline|digits|dump|e|error(?:number|text|value)?|errout|fail|features|file|host|input|lcase|letters|level|line|main|null|output|phi|pi|pos|progname|random|regions|source|storage|subject|time|trace|ucase|version)\b/,alias:"variable"},directive:{pattern:/\$\w+/,alias:"builtin"},keyword:/\b(?:break|by|case|create|default|do|else|end|every|fail|global|if|initial|invocable|link|local|next|not|of|procedure|record|repeat|return|static|suspend|then|to|until|while)\b/,function:/\b(?!\d)\w+(?=\s*[({]|\s*!\s*\[)/,operator:/[+-]:(?!=)|(?:[\/?@^%&]|\+\+?|--?|==?=?|~==?=?|\*\*?|\|\|\|?|<(?:->?|>?=?)(?::=)?|:(?:=:?)?|[!.\\|~]/,punctuation:/[\[\](){},;]/}}e.exports=t,t.displayName="icon",t.aliases=[]},51078:function(e){"use strict";function t(e){!function(e){function t(e,n){return n<=0?/[]/.source:e.replace(//g,function(){return t(e,n-1)})}var n=/'[{}:=,](?:[^']|'')*'(?!')/,r={pattern:/''/,greedy:!0,alias:"operator"},a=t(/\{(?:[^{}']|'(?![{},'])|''||)*\}/.source.replace(//g,function(){return n.source}),8),i={pattern:RegExp(a),inside:{message:{pattern:/^(\{)[\s\S]+(?=\}$)/,lookbehind:!0,inside:null},"message-delimiter":{pattern:/./,alias:"punctuation"}}};e.languages["icu-message-format"]={argument:{pattern:RegExp(a),greedy:!0,inside:{content:{pattern:/^(\{)[\s\S]+(?=\}$)/,lookbehind:!0,inside:{"argument-name":{pattern:/^(\s*)[^{}:=,\s]+/,lookbehind:!0},"choice-style":{pattern:/^(\s*,\s*choice\s*,\s*)\S(?:[\s\S]*\S)?/,lookbehind:!0,inside:{punctuation:/\|/,range:{pattern:/^(\s*)[+-]?(?:\d+(?:\.\d*)?|\u221e)\s*[<#\u2264]/,lookbehind:!0,inside:{operator:/[<#\u2264]/,number:/\S+/}},rest:null}},"plural-style":{pattern:/^(\s*,\s*(?:plural|selectordinal)\s*,\s*)\S(?:[\s\S]*\S)?/,lookbehind:!0,inside:{offset:/^offset:\s*\d+/,"nested-message":i,selector:{pattern:/=\d+|[^{}:=,\s]+/,inside:{keyword:/^(?:few|many|one|other|two|zero)$/}}}},"select-style":{pattern:/^(\s*,\s*select\s*,\s*)\S(?:[\s\S]*\S)?/,lookbehind:!0,inside:{"nested-message":i,selector:{pattern:/[^{}:=,\s]+/,inside:{keyword:/^other$/}}}},keyword:/\b(?:choice|plural|select|selectordinal)\b/,"arg-type":{pattern:/\b(?:date|duration|number|ordinal|spellout|time)\b/,alias:"keyword"},"arg-skeleton":{pattern:/(,\s*)::[^{}:=,\s]+/,lookbehind:!0},"arg-style":{pattern:/(,\s*)(?:currency|full|integer|long|medium|percent|short)(?=\s*$)/,lookbehind:!0},"arg-style-text":{pattern:RegExp(/(^\s*,\s*(?=\S))/.source+t(/(?:[^{}']|'[^']*'|\{(?:)?\})+/.source,8)+"$"),lookbehind:!0,alias:"string"},punctuation:/,/}},"argument-delimiter":{pattern:/./,alias:"operator"}}},escape:r,string:{pattern:n,greedy:!0,inside:{escape:r}}},i.inside.message.inside=e.languages["icu-message-format"],e.languages["icu-message-format"].argument.inside.content.inside["choice-style"].inside.rest=e.languages["icu-message-format"]}(e)}e.exports=t,t.displayName="icuMessageFormat",t.aliases=[]},91178:function(e,t,n){"use strict";var r=n(58090);function a(e){e.register(r),e.languages.idris=e.languages.extend("haskell",{comment:{pattern:/(?:(?:--|\|\|\|).*$|\{-[\s\S]*?-\})/m},keyword:/\b(?:Type|case|class|codata|constructor|corecord|data|do|dsl|else|export|if|implementation|implicit|import|impossible|in|infix|infixl|infixr|instance|interface|let|module|mutual|namespace|of|parameters|partial|postulate|private|proof|public|quoteGoal|record|rewrite|syntax|then|total|using|where|with)\b/,builtin:void 0}),e.languages.insertBefore("idris","keyword",{"import-statement":{pattern:/(^\s*import\s+)(?:[A-Z][\w']*)(?:\.[A-Z][\w']*)*/m,lookbehind:!0,inside:{punctuation:/\./}}}),e.languages.idr=e.languages.idris}e.exports=a,a.displayName="idris",a.aliases=["idr"]},40011:function(e){"use strict";function t(e){e.languages.iecst={comment:[{pattern:/(^|[^\\])(?:\/\*[\s\S]*?(?:\*\/|$)|\(\*[\s\S]*?(?:\*\)|$)|\{[\s\S]*?(?:\}|$))/,lookbehind:!0,greedy:!0},{pattern:/(^|[^\\:])\/\/.*/,lookbehind:!0,greedy:!0}],string:{pattern:/(["'])(?:\\(?:\r\n|[\s\S])|(?!\1)[^\\\r\n])*\1/,greedy:!0},keyword:[/\b(?:END_)?(?:PROGRAM|CONFIGURATION|INTERFACE|FUNCTION_BLOCK|FUNCTION|ACTION|TRANSITION|TYPE|STRUCT|(?:INITIAL_)?STEP|NAMESPACE|LIBRARY|CHANNEL|FOLDER|RESOURCE|VAR_(?:ACCESS|CONFIG|EXTERNAL|GLOBAL|INPUT|IN_OUT|OUTPUT|TEMP)|VAR|METHOD|PROPERTY)\b/i,/\b(?:AT|BY|(?:END_)?(?:CASE|FOR|IF|REPEAT|WHILE)|CONSTANT|CONTINUE|DO|ELSE|ELSIF|EXIT|EXTENDS|FROM|GET|GOTO|IMPLEMENTS|JMP|NON_RETAIN|OF|PRIVATE|PROTECTED|PUBLIC|RETAIN|RETURN|SET|TASK|THEN|TO|UNTIL|USING|WITH|__CATCH|__ENDTRY|__FINALLY|__TRY)\b/],"class-name":/\b(?:ANY|ARRAY|BOOL|BYTE|U?(?:D|L|S)?INT|(?:D|L)?WORD|DATE(?:_AND_TIME)?|DT|L?REAL|POINTER|STRING|TIME(?:_OF_DAY)?|TOD)\b/,address:{pattern:/%[IQM][XBWDL][\d.]*|%[IQ][\d.]*/,alias:"symbol"},number:/\b(?:16#[\da-f]+|2#[01_]+|0x[\da-f]+)\b|\b(?:D|DT|T|TOD)#[\d_shmd:]*|\b[A-Z]*#[\d.,_]*|(?:\b\d+(?:\.\d*)?|\B\.\d+)(?:e[+-]?\d+)?/i,boolean:/\b(?:FALSE|NULL|TRUE)\b/,operator:/S?R?:?=>?|&&?|\*\*?|<[=>]?|>=?|[-:^/+#]|\b(?:AND|EQ|EXPT|GE|GT|LE|LT|MOD|NE|NOT|OR|XOR)\b/,function:/\b[a-z_]\w*(?=\s*\()/i,punctuation:/[()[\].,;]/}}e.exports=t,t.displayName="iecst",t.aliases=[]},12017:function(e){"use strict";function t(e){e.languages.ignore={comment:/^#.*/m,entry:{pattern:/\S(?:.*(?:(?:\\ )|\S))?/,alias:"string",inside:{operator:/^!|\*\*?|\?/,regex:{pattern:/(^|[^\\])\[[^\[\]]*\]/,lookbehind:!0},punctuation:/\//}}},e.languages.gitignore=e.languages.ignore,e.languages.hgignore=e.languages.ignore,e.languages.npmignore=e.languages.ignore}e.exports=t,t.displayName="ignore",t.aliases=["gitignore","hgignore","npmignore"]},65175:function(e){"use strict";function t(e){e.languages.inform7={string:{pattern:/"[^"]*"/,inside:{substitution:{pattern:/\[[^\[\]]+\]/,inside:{delimiter:{pattern:/\[|\]/,alias:"punctuation"}}}}},comment:{pattern:/\[[^\[\]]+\]/,greedy:!0},title:{pattern:/^[ \t]*(?:book|chapter|part(?! of)|section|table|volume)\b.+/im,alias:"important"},number:{pattern:/(^|[^-])(?:\b\d+(?:\.\d+)?(?:\^\d+)?(?:(?!\d)\w+)?|\b(?:eight|eleven|five|four|nine|one|seven|six|ten|three|twelve|two))\b(?!-)/i,lookbehind:!0},verb:{pattern:/(^|[^-])\b(?:answering|applying to|are|asking|attacking|be(?:ing)?|burning|buying|called|carries|carry(?! out)|carrying|climbing|closing|conceal(?:ing|s)?|consulting|contain(?:ing|s)?|cutting|drinking|dropping|eating|enclos(?:es?|ing)|entering|examining|exiting|getting|giving|going|ha(?:s|ve|ving)|hold(?:ing|s)?|impl(?:ies|y)|incorporat(?:es?|ing)|inserting|is|jumping|kissing|listening|locking|looking|mean(?:ing|s)?|opening|provid(?:es?|ing)|pulling|pushing|putting|relat(?:es?|ing)|removing|searching|see(?:ing|s)?|setting|showing|singing|sleeping|smelling|squeezing|support(?:ing|s)?|swearing|switching|taking|tasting|telling|thinking|throwing|touching|turning|tying|unlock(?:ing|s)?|var(?:ies|y|ying)|waiting|waking|waving|wear(?:ing|s)?)\b(?!-)/i,lookbehind:!0,alias:"operator"},keyword:{pattern:/(^|[^-])\b(?:after|before|carry out|check|continue the action|definition(?= *:)|do nothing|else|end (?:if|the story|unless)|every turn|if|include|instead(?: of)?|let|move|no|now|otherwise|repeat|report|resume the story|rule for|running through|say(?:ing)?|stop the action|test|try(?:ing)?|understand|unless|use|when|while|yes)\b(?!-)/i,lookbehind:!0},property:{pattern:/(^|[^-])\b(?:adjacent(?! to)|carried|closed|concealed|contained|dark|described|edible|empty|enclosed|enterable|even|female|fixed in place|full|handled|held|improper-named|incorporated|inedible|invisible|lighted|lit|lock(?:able|ed)|male|marked for listing|mentioned|negative|neuter|non-(?:empty|full|recurring)|odd|opaque|open(?:able)?|plural-named|portable|positive|privately-named|proper-named|provided|publically-named|pushable between rooms|recurring|related|rubbing|scenery|seen|singular-named|supported|swinging|switch(?:able|ed(?: off| on)?)|touch(?:able|ed)|transparent|unconcealed|undescribed|unlit|unlocked|unmarked for listing|unmentioned|unopenable|untouchable|unvisited|variable|visible|visited|wearable|worn)\b(?!-)/i,lookbehind:!0,alias:"symbol"},position:{pattern:/(^|[^-])\b(?:above|adjacent to|back side of|below|between|down|east|everywhere|front side|here|in|inside(?: from)?|north(?:east|west)?|nowhere|on(?: top of)?|other side|outside(?: from)?|parts? of|regionally in|south(?:east|west)?|through|up|west|within)\b(?!-)/i,lookbehind:!0,alias:"keyword"},type:{pattern:/(^|[^-])\b(?:actions?|activit(?:ies|y)|actors?|animals?|backdrops?|containers?|devices?|directions?|doors?|holders?|kinds?|lists?|m[ae]n|nobody|nothing|nouns?|numbers?|objects?|people|persons?|player(?:'s holdall)?|regions?|relations?|rooms?|rule(?:book)?s?|scenes?|someone|something|supporters?|tables?|texts?|things?|time|vehicles?|wom[ae]n)\b(?!-)/i,lookbehind:!0,alias:"variable"},punctuation:/[.,:;(){}]/},e.languages.inform7.string.inside.substitution.inside.rest=e.languages.inform7,e.languages.inform7.string.inside.substitution.inside.rest.text={pattern:/\S(?:\s*\S)*/,alias:"comment"}}e.exports=t,t.displayName="inform7",t.aliases=[]},14970:function(e){"use strict";function t(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:/=/}}e.exports=t,t.displayName="ini",t.aliases=[]},30764:function(e){"use strict";function t(e){e.languages.io={comment:{pattern:/(^|[^\\])(?:\/\*[\s\S]*?(?:\*\/|$)|\/\/.*|#.*)/,lookbehind:!0,greedy:!0},"triple-quoted-string":{pattern:/"""(?:\\[\s\S]|(?!""")[^\\])*"""/,greedy:!0,alias:"string"},string:{pattern:/"(?:\\.|[^\\\r\n"])*"/,greedy:!0},keyword:/\b(?:activate|activeCoroCount|asString|block|break|call|catch|clone|collectGarbage|compileString|continue|do|doFile|doMessage|doString|else|elseif|exit|for|foreach|forward|getEnvironmentVariable|getSlot|hasSlot|if|ifFalse|ifNil|ifNilEval|ifTrue|isActive|isNil|isResumable|list|message|method|parent|pass|pause|perform|performWithArgList|print|println|proto|raise|raiseResumable|removeSlot|resend|resume|schedulerSleepSeconds|self|sender|setSchedulerSleepSeconds|setSlot|shallowCopy|slotNames|super|system|then|thisBlock|thisContext|try|type|uniqueId|updateSlot|wait|while|write|yield)\b/,builtin:/\b(?:Array|AudioDevice|AudioMixer|BigNum|Block|Box|Buffer|CFunction|CGI|Color|Curses|DBM|DNSResolver|DOConnection|DOProxy|DOServer|Date|Directory|Duration|DynLib|Error|Exception|FFT|File|Fnmatch|Font|Future|GL|GLE|GLScissor|GLU|GLUCylinder|GLUQuadric|GLUSphere|GLUT|Host|Image|Importer|LinkList|List|Lobby|Locals|MD5|MP3Decoder|MP3Encoder|Map|Message|Movie|Notification|Number|Object|OpenGL|Point|Protos|Random|Regex|SGML|SGMLElement|SGMLParser|SQLite|Sequence|Server|ShowMessage|SleepyCat|SleepyCatCursor|Socket|SocketManager|Sound|Soup|Store|String|Tree|UDPSender|UPDReceiver|URL|User|Warning|WeakLink)\b/,boolean:/\b(?:false|nil|true)\b/,number:/\b0x[\da-f]+\b|(?:\b\d+(?:\.\d*)?|\B\.\d+)(?:e-?\d+)?/i,operator:/[=!*/%+\-^&|]=|>>?=?|<+*\-%$|,#][.:]?|[?^]\.?|[;\[]:?|[~}"i][.:]|[ACeEIjLor]\.|(?:[_\/\\qsux]|_?\d):)/,alias:"keyword"},number:/\b_?(?:(?!\d:)\d+(?:\.\d+)?(?:(?:ad|ar|[ejpx])_?\d+(?:\.\d+)?)*(?:b_?[\da-z]+(?:\.[\da-z]+)?)?|_\b(?!\.))/,adverb:{pattern:/[~}]|[\/\\]\.?|[bfM]\.|t[.:]/,alias:"builtin"},operator:/[=a][.:]|_\./,conjunction:{pattern:/&(?:\.:?|:)?|[.:@][.:]?|[!D][.:]|[;dHT]\.|`:?|[\^LS]:|"/,alias:"variable"},punctuation:/[()]/}}e.exports=t,t.displayName="j",t.aliases=[]},15909:function(e){"use strict";function t(e){var t,n,r;t=/\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|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={pattern:RegExp((n=/(^|[^\w.])(?:[a-z]\w*\s*\.\s*)*(?:[A-Z]\w*\s*\.\s*)*/.source)+/[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:/\./}},e.languages.java=e.languages.extend("clike",{string:{pattern:/(^|[^\\])"(?:\\.|[^"\\\r\n])*"/,lookbehind:!0,greedy:!0},"class-name":[r,{pattern:RegExp(n+/[A-Z]\w*(?=\s+\w+\s*[;,=()])/.source),lookbehind:!0,inside:r.inside}],keyword:t,function:[e.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}}),e.languages.insertBefore("java","string",{"triple-quoted-string":{pattern:/"""[ \t]*[\r\n](?:(?:"|"")?(?:\\.|[^"\\]))*"""/,greedy:!0,alias:"string"},char:{pattern:/'(?:\\.|[^'\\\r\n]){1,6}'/,greedy:!0}}),e.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":r,keyword:t,punctuation:/[<>(),.:]/,operator:/[?&|]/}},namespace:{pattern:RegExp(/(\b(?:exports|import(?:\s+static)?|module|open|opens|package|provides|requires|to|transitive|uses|with)\s+)(?!)[a-z]\w*(?:\.[a-z]\w*)*\.?/.source.replace(//g,function(){return t.source})),lookbehind:!0,inside:{punctuation:/\./}}})}e.exports=t,t.displayName="java",t.aliases=[]},36553:function(e,t,n){"use strict";var r=n(15909),a=n(9858);function i(e){var t,n,i;e.register(r),e.register(a),t=/(^(?:[\t ]*(?:\*\s*)*))[^*\s].*$/m,n=/#\s*\w+(?:\s*\([^()]*\))?/.source,i=/(?:\b[a-zA-Z]\w+\s*\.\s*)*\b[A-Z]\w*(?:\s*)?|/.source.replace(//g,function(){return n}),e.languages.javadoc=e.languages.extend("javadoclike",{}),e.languages.insertBefore("javadoc","keyword",{reference:{pattern:RegExp(/(@(?:exception|link|linkplain|see|throws|value)\s+(?:\*\s*)?)/.source+"(?:"+i+")"),lookbehind:!0,inside:{function:{pattern:/(#\s*)\w+(?=\s*\()/,lookbehind:!0},field:{pattern:/(#\s*)\w+/,lookbehind:!0},namespace:{pattern:/\b(?:[a-z]\w*\s*\.\s*)+/,inside:{punctuation:/\./}},"class-name":/\b[A-Z]\w*/,keyword:e.languages.java.keyword,punctuation:/[#()[\],.]/}},"class-name":{pattern:/(@param\s+)<[A-Z]\w*>/,lookbehind:!0,inside:{punctuation:/[.<>]/}},"code-section":[{pattern:/(\{@code\s+(?!\s))(?:[^\s{}]|\s+(?![\s}])|\{(?:[^{}]|\{(?:[^{}]|\{(?:[^{}]|\{[^{}]*\})*\})*\})*\})+(?=\s*\})/,lookbehind:!0,inside:{code:{pattern:t,lookbehind:!0,inside:e.languages.java,alias:"language-java"}}},{pattern:/(<(code|pre|tt)>(?!)\s*)\S(?:\S|\s+\S)*?(?=\s*<\/\2>)/,lookbehind:!0,inside:{line:{pattern:t,lookbehind:!0,inside:{tag:e.languages.markup.tag,entity:e.languages.markup.entity,code:{pattern:/.+/,inside:e.languages.java,alias:"language-java"}}}}}],tag:e.languages.markup.tag,entity:e.languages.markup.entity}),e.languages.javadoclike.addSupport("java",e.languages.javadoc)}e.exports=i,i.displayName="javadoc",i.aliases=[]},9858:function(e){"use strict";function t(e){var t;Object.defineProperty(t=e.languages.javadoclike={parameter:{pattern:/(^[\t ]*(?:\/{3}|\*|\/\*\*)\s*@(?:arg|arguments|param)\s+)\w+/m,lookbehind:!0},keyword:{pattern:/(^[\t ]*(?:\/{3}|\*|\/\*\*)\s*|\{)@[a-z][a-zA-Z-]+\b/m,lookbehind:!0},punctuation:/[{}]/},"addSupport",{value:function(t,n){"string"==typeof t&&(t=[t]),t.forEach(function(t){!function(t,n){var r="doc-comment",a=e.languages[t];if(a){var i=a[r];if(!i){var o={};o[r]={pattern:/(^|[^\\])\/\*\*[^/][\s\S]*?(?:\*\/|$)/,lookbehind:!0,alias:"comment"},i=(a=e.languages.insertBefore(t,"comment",o))[r]}if(i instanceof RegExp&&(i=a[r]={pattern:i}),Array.isArray(i))for(var s=0,l=i.length;s|&&=?|\|\|=?|[!=]==|<<=?|>>>?=?|[-+*/%&|^!=<>]=?|\.{3}|\?\?=?|\?\.?|[~:]/}),e.languages.javascript["class-name"][0].pattern=/(\b(?:class|extends|implements|instanceof|interface|new)\s+)[\w.\\]+/,e.languages.insertBefore("javascript","keyword",{regex:{pattern:/((?:^|[^$\w\xA0-\uFFFF."'\])\s]|\b(?:return|yield))\s*)\/(?:\[(?:[^\]\\\r\n]|\\.)*\]|\\.|[^/\\\[\r\n])+\/[dgimyus]{0,7}(?=(?:\s|\/\*(?:[^*]|\*(?!\/))*\*\/)*(?:$|[\r\n,.;:})\]]|\/\/))/,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}e.exports=t,t.displayName="javascript",t.aliases=["js"]},11223:function(e){"use strict";function t(e){e.languages.javastacktrace={summary:{pattern:/^([\t ]*)(?:(?:Caused by:|Suppressed:|Exception in thread "[^"]*")[\t ]+)?[\w$.]+(?::.*)?$/m,lookbehind:!0,inside:{keyword:{pattern:/^([\t ]*)(?:(?:Caused by|Suppressed)(?=:)|Exception in thread)/m,lookbehind:!0},string:{pattern:/^(\s*)"[^"]*"/,lookbehind:!0},exceptions:{pattern:/^(:?\s*)[\w$.]+(?=:|$)/,lookbehind:!0,inside:{"class-name":/[\w$]+$/,namespace:/\b[a-z]\w*\b/,punctuation:/\./}},message:{pattern:/(:\s*)\S.*/,lookbehind:!0,alias:"string"},punctuation:/:/}},"stack-frame":{pattern:/^([\t ]*)at (?:[\w$./]|@[\w$.+-]*\/)+(?:)?\([^()]*\)/m,lookbehind:!0,inside:{keyword:{pattern:/^(\s*)at(?= )/,lookbehind:!0},source:[{pattern:/(\()\w+\.\w+:\d+(?=\))/,lookbehind:!0,inside:{file:/^\w+\.\w+/,punctuation:/:/,"line-number":{pattern:/\b\d+\b/,alias:"number"}}},{pattern:/(\()[^()]*(?=\))/,lookbehind:!0,inside:{keyword:/^(?:Native Method|Unknown Source)$/}}],"class-name":/[\w$]+(?=\.(?:|[\w$]+)\()/,function:/(?:|[\w$]+)(?=\()/,"class-loader":{pattern:/(\s)[a-z]\w*(?:\.[a-z]\w*)*(?=\/[\w@$.]*\/)/,lookbehind:!0,alias:"namespace",inside:{punctuation:/\./}},module:{pattern:/([\s/])[a-z]\w*(?:\.[a-z]\w*)*(?:@[\w$.+-]*)?(?=\/)/,lookbehind:!0,inside:{version:{pattern:/(@)[\s\S]+/,lookbehind:!0,alias:"number"},punctuation:/[@.]/}},namespace:{pattern:/(?:\b[a-z]\w*\.)+/,inside:{punctuation:/\./}},punctuation:/[()/.]/}},more:{pattern:/^([\t ]*)\.{3} \d+ [a-z]+(?: [a-z]+)*/m,lookbehind:!0,inside:{punctuation:/\.{3}/,number:/\d+/,keyword:/\b[a-z]+(?: [a-z]+)*\b/}}}}e.exports=t,t.displayName="javastacktrace",t.aliases=[]},57957:function(e){"use strict";function t(e){e.languages.jexl={string:/(["'])(?:\\[\s\S]|(?!\1)[^\\])*\1/,transform:{pattern:/(\|\s*)[a-zA-Zа-яА-Я_\u00C0-\u00D6\u00D8-\u00F6\u00F8-\u00FF$][\wа-яА-Я\u00C0-\u00D6\u00D8-\u00F6\u00F8-\u00FF$]*/,alias:"function",lookbehind:!0},function:/[a-zA-Zа-яА-Я_\u00C0-\u00D6\u00D8-\u00F6\u00F8-\u00FF$][\wа-яА-Я\u00C0-\u00D6\u00D8-\u00F6\u00F8-\u00FF$]*\s*(?=\()/,number:/\b\d+(?:\.\d+)?\b|\B\.\d+\b/,operator:/[<>!]=?|-|\+|&&|==|\|\|?|\/\/?|[?:*^%]/,boolean:/\b(?:false|true)\b/,keyword:/\bin\b/,punctuation:/[{}[\](),.]/}}e.exports=t,t.displayName="jexl",t.aliases=[]},66604:function(e){"use strict";function t(e){e.languages.jolie=e.languages.extend("clike",{string:{pattern:/(^|[^\\])"(?:\\[\s\S]|[^"\\])*"/,lookbehind:!0,greedy:!0},"class-name":{pattern:/((?:\b(?:as|courier|embed|in|inputPort|outputPort|service)\b|@)[ \t]*)\w+/,lookbehind:!0},keyword:/\b(?:as|cH|comp|concurrent|constants|courier|cset|csets|default|define|else|embed|embedded|execution|exit|extender|for|foreach|forward|from|global|if|import|in|include|init|inputPort|install|instanceof|interface|is_defined|linkIn|linkOut|main|new|nullProcess|outputPort|over|private|provide|public|scope|sequential|service|single|spawn|synchronized|this|throw|throws|type|undef|until|while|with)\b/,function:/\b[a-z_]\w*(?=[ \t]*[@(])/i,number:/(?:\b\d+(?:\.\d*)?|\B\.\d+)(?:e[+-]?\d+)?l?/i,operator:/-[-=>]?|\+[+=]?|<[<=]?|[>=*!]=?|&&|\|\||[?\/%^@|]/,punctuation:/[()[\]{},;.:]/,builtin:/\b(?:Byte|any|bool|char|double|enum|float|int|length|long|ranges|regex|string|undefined|void)\b/}),e.languages.insertBefore("jolie","keyword",{aggregates:{pattern:/(\bAggregates\s*:\s*)(?:\w+(?:\s+with\s+\w+)?\s*,\s*)*\w+(?:\s+with\s+\w+)?/,lookbehind:!0,inside:{keyword:/\bwith\b/,"class-name":/\w+/,punctuation:/,/}},redirects:{pattern:/(\bRedirects\s*:\s*)(?:\w+\s*=>\s*\w+\s*,\s*)*(?:\w+\s*=>\s*\w+)/,lookbehind:!0,inside:{punctuation:/,/,"class-name":/\w+/,operator:/=>/}},property:{pattern:/\b(?:Aggregates|[Ii]nterfaces|Java|Javascript|Jolie|[Ll]ocation|OneWay|[Pp]rotocol|Redirects|RequestResponse)\b(?=[ \t]*:)/}})}e.exports=t,t.displayName="jolie",t.aliases=[]},77935:function(e){"use strict";function t(e){var t,n,r,a;t=/\\\((?:[^()]|\([^()]*\))*\)/.source,n=RegExp(/(^|[^\\])"(?:[^"\r\n\\]|\\[^\r\n(]|__)*"/.source.replace(/__/g,function(){return t})),r={interpolation:{pattern:RegExp(/((?:^|[^\\])(?:\\{2})*)/.source+t),lookbehind:!0,inside:{content:{pattern:/^(\\\()[\s\S]+(?=\)$)/,lookbehind:!0,inside:null},punctuation:/^\\\(|\)$/}}},a=e.languages.jq={comment:/#.*/,property:{pattern:RegExp(n.source+/(?=\s*:(?!:))/.source),lookbehind:!0,greedy:!0,inside:r},string:{pattern:n,lookbehind:!0,greedy:!0,inside:r},function:{pattern:/(\bdef\s+)[a-z_]\w+/i,lookbehind:!0},variable:/\B\$\w+/,"property-literal":{pattern:/\b[a-z_]\w*(?=\s*:(?!:))/i,alias:"property"},keyword:/\b(?:as|break|catch|def|elif|else|end|foreach|if|import|include|label|module|modulemeta|null|reduce|then|try|while)\b/,boolean:/\b(?:false|true)\b/,number:/(?:\b\d+\.|\B\.)?\b\d+(?:[eE][+-]?\d+)?\b/,operator:[{pattern:/\|=?/,alias:"pipe"},/\.\.|[!=<>]?=|\?\/\/|\/\/=?|[-+*/%]=?|[<>?]|\b(?:and|not|or)\b/],"c-style-function":{pattern:/\b[a-z_]\w*(?=\s*\()/i,alias:"function"},punctuation:/::|[()\[\]{},:;]|\.(?=\s*[\[\w$])/,dot:{pattern:/\./,alias:"important"}},r.interpolation.inside.content.inside=a}e.exports=t,t.displayName="jq",t.aliases=[]},46155:function(e){"use strict";function t(e){!function(e){function t(e,t){return RegExp(e.replace(//g,function(){return/(?!\s)[_$a-zA-Z\xA0-\uFFFF](?:(?!\s)[$\w\xA0-\uFFFF])*/.source}),t)}e.languages.insertBefore("javascript","function-variable",{"method-variable":{pattern:RegExp("(\\.\\s*)"+e.languages.javascript["function-variable"].pattern.source),lookbehind:!0,alias:["function-variable","method","function","property-access"]}}),e.languages.insertBefore("javascript","function",{method:{pattern:RegExp("(\\.\\s*)"+e.languages.javascript.function.source),lookbehind:!0,alias:["function","property-access"]}}),e.languages.insertBefore("javascript","constant",{"known-class-name":[{pattern:/\b(?:(?:Float(?:32|64)|(?:Int|Uint)(?:8|16|32)|Uint8Clamped)?Array|ArrayBuffer|BigInt|Boolean|DataView|Date|Error|Function|Intl|JSON|(?:Weak)?(?:Map|Set)|Math|Number|Object|Promise|Proxy|Reflect|RegExp|String|Symbol|WebAssembly)\b/,alias:"class-name"},{pattern:/\b(?:[A-Z]\w*)Error\b/,alias:"class-name"}]}),e.languages.insertBefore("javascript","keyword",{imports:{pattern:t(/(\bimport\b\s*)(?:(?:\s*,\s*(?:\*\s*as\s+|\{[^{}]*\}))?|\*\s*as\s+|\{[^{}]*\})(?=\s*\bfrom\b)/.source),lookbehind:!0,inside:e.languages.javascript},exports:{pattern:t(/(\bexport\b\s*)(?:\*(?:\s*as\s+)?(?=\s*\bfrom\b)|\{[^{}]*\})/.source),lookbehind:!0,inside:e.languages.javascript}}),e.languages.javascript.keyword.unshift({pattern:/\b(?:as|default|export|from|import)\b/,alias:"module"},{pattern:/\b(?:await|break|catch|continue|do|else|finally|for|if|return|switch|throw|try|while|yield)\b/,alias:"control-flow"},{pattern:/\bnull\b/,alias:["null","nil"]},{pattern:/\bundefined\b/,alias:"nil"}),e.languages.insertBefore("javascript","operator",{spread:{pattern:/\.{3}/,alias:"operator"},arrow:{pattern:/=>/,alias:"operator"}}),e.languages.insertBefore("javascript","punctuation",{"property-access":{pattern:t(/(\.\s*)#?/.source),lookbehind:!0},"maybe-class-name":{pattern:/(^|[^$\w\xA0-\uFFFF])[A-Z][$\w\xA0-\uFFFF]+/,lookbehind:!0},dom:{pattern:/\b(?:document|(?:local|session)Storage|location|navigator|performance|window)\b/,alias:"variable"},console:{pattern:/\bconsole(?=\s*\.)/,alias:"class-name"}});for(var n=["function","function-variable","method","method-variable","property-access"],r=0;r=p.length)return;var o=n[i];if("string"==typeof o||"string"==typeof o.content){var l=p[c],d="string"==typeof o?o:o.content,m=d.indexOf(l);if(-1!==m){++c;var g=d.substring(0,m),f=function(t){var n={};n["interpolation-punctuation"]=a;var i=e.tokenize(t,n);if(3===i.length){var o=[1,1];o.push.apply(o,s(i[1],e.languages.javascript,"javascript")),i.splice.apply(i,o)}return new e.Token("interpolation",i,r.alias,t)}(u[l]),h=d.substring(m+l.length),b=[];if(g&&b.push(g),b.push(f),h){var E=[h];t(E),b.push.apply(b,E)}"string"==typeof o?(n.splice.apply(n,[i,1].concat(b)),i+=b.length-1):o.content=b}}else{var T=o.content;Array.isArray(T)?t(T):t([T])}}}(d),new e.Token(o,d,"language-"+o,t)}(p,f,g)}}else t(u)}}}(t.tokens)})}(e)}e.exports=t,t.displayName="jsTemplates",t.aliases=[]},25319:function(e,t,n){"use strict";var r=n(9858),a=n(4979);function i(e){var t,n,i;e.register(r),e.register(a),t=e.languages.javascript,i="(@(?:arg|argument|param|property)\\s+(?:"+(n=/\{(?:[^{}]|\{(?:[^{}]|\{[^{}]*\})*\})+\}/.source)+"\\s+)?)",e.languages.jsdoc=e.languages.extend("javadoclike",{parameter:{pattern:RegExp(i+/(?:(?!\s)[$\w\xA0-\uFFFF.])+(?=\s|$)/.source),lookbehind:!0,inside:{punctuation:/\./}}}),e.languages.insertBefore("jsdoc","keyword",{"optional-parameter":{pattern:RegExp(i+/\[(?:(?!\s)[$\w\xA0-\uFFFF.])+(?:=[^[\]]+)?\](?=\s|$)/.source),lookbehind:!0,inside:{parameter:{pattern:/(^\[)[$\w\xA0-\uFFFF\.]+/,lookbehind:!0,inside:{punctuation:/\./}},code:{pattern:/(=)[\s\S]*(?=\]$)/,lookbehind:!0,inside:t,alias:"language-javascript"},punctuation:/[=[\]]/}},"class-name":[{pattern:RegExp(/(@(?:augments|class|extends|interface|memberof!?|template|this|typedef)\s+(?:\s+)?)[A-Z]\w*(?:\.[A-Z]\w*)*/.source.replace(//g,function(){return n})),lookbehind:!0,inside:{punctuation:/\./}},{pattern:RegExp("(@[a-z]+\\s+)"+n),lookbehind:!0,inside:{string:t.string,number:t.number,boolean:t.boolean,keyword:e.languages.typescript.keyword,operator:/=>|\.\.\.|[&|?:*]/,punctuation:/[.,;=<>{}()[\]]/}}],example:{pattern:/(@example\s+(?!\s))(?:[^@\s]|\s+(?!\s))+?(?=\s*(?:\*\s*)?(?:@\w|\*\/))/,lookbehind:!0,inside:{code:{pattern:/^([\t ]*(?:\*\s*)?)\S.*$/m,lookbehind:!0,inside:t,alias:"language-javascript"}}}}),e.languages.javadoclike.addSupport("javascript",e.languages.jsdoc)}e.exports=i,i.displayName="jsdoc",i.aliases=[]},45950:function(e){"use strict";function t(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}e.exports=t,t.displayName="json",t.aliases=["webmanifest"]},50235:function(e,t,n){"use strict";var r=n(45950);function a(e){var t;e.register(r),t=/("|')(?:\\(?:\r\n?|\n|.)|(?!\1)[^\\\r\n])*\1/,e.languages.json5=e.languages.extend("json",{property:[{pattern:RegExp(t.source+"(?=\\s*:)"),greedy:!0},{pattern:/(?!\s)[_$a-zA-Z\xA0-\uFFFF](?:(?!\s)[$\w\xA0-\uFFFF])*(?=\s*:)/,alias:"unquoted"}],string:{pattern:t,greedy:!0},number:/[+-]?\b(?:NaN|Infinity|0x[a-fA-F\d]+)\b|[+-]?(?:\b\d+(?:\.\d*)?|\B\.\d+)(?:[eE][+-]?\d+\b)?/})}e.exports=a,a.displayName="json5",a.aliases=[]},80963:function(e,t,n){"use strict";var r=n(45950);function a(e){e.register(r),e.languages.jsonp=e.languages.extend("json",{punctuation:/[{}[\]();,.]/}),e.languages.insertBefore("jsonp","punctuation",{function:/(?!\s)[_$a-zA-Z\xA0-\uFFFF](?:(?!\s)[$\w\xA0-\uFFFF])*(?=\s*\()/})}e.exports=a,a.displayName="jsonp",a.aliases=[]},79358:function(e){"use strict";function t(e){e.languages.jsstacktrace={"error-message":{pattern:/^\S.*/m,alias:"string"},"stack-frame":{pattern:/(^[ \t]+)at[ \t].*/m,lookbehind:!0,inside:{"not-my-code":{pattern:/^at[ \t]+(?!\s)(?:node\.js||.*(?:node_modules|\(\)|\(|$|\(internal\/|\(node\.js)).*/m,alias:"comment"},filename:{pattern:/(\bat\s+(?!\s)|\()(?:[a-zA-Z]:)?[^():]+(?=:)/,lookbehind:!0,alias:"url"},function:{pattern:/(\bat\s+(?:new\s+)?)(?!\s)[_$a-zA-Z\xA0-\uFFFF<][.$\w\xA0-\uFFFF<>]*/,lookbehind:!0,inside:{punctuation:/\./}},punctuation:/[()]/,keyword:/\b(?:at|new)\b/,alias:{pattern:/\[(?:as\s+)?(?!\s)[_$a-zA-Z\xA0-\uFFFF][$\w\xA0-\uFFFF]*\]/,alias:"variable"},"line-number":{pattern:/:\d+(?::\d+)?\b/,alias:"number",inside:{punctuation:/:/}}}}}}e.exports=t,t.displayName="jsstacktrace",t.aliases=[]},96412:function(e){"use strict";function t(e){!function(e){var t=e.util.clone(e.languages.javascript),n=/(?:\s|\/\/.*(?!.)|\/\*(?:[^*]|\*(?!\/))\*\/)/.source,r=/(?:\{(?:\{(?:\{[^{}]*\}|[^{}])*\}|[^{}])*\})/.source,a=/(?:\{*\.{3}(?:[^{}]|)*\})/.source;function i(e,t){return RegExp(e=e.replace(//g,function(){return n}).replace(//g,function(){return r}).replace(//g,function(){return a}),t)}a=i(a).source,e.languages.jsx=e.languages.extend("markup",t),e.languages.jsx.tag.pattern=i(/<\/?(?:[\w.:-]+(?:+(?:[\w.:$-]+(?:=(?:"(?:\\[\s\S]|[^\\"])*"|'(?:\\[\s\S]|[^\\'])*'|[^\s{'"/>=]+|))?|))**\/?)?>/.source),e.languages.jsx.tag.inside.tag.pattern=/^<\/?[^\s>\/]*/,e.languages.jsx.tag.inside["attr-value"].pattern=/=(?!\{)(?:"(?:\\[\s\S]|[^\\"])*"|'(?:\\[\s\S]|[^\\'])*'|[^\s'">]+)/,e.languages.jsx.tag.inside.tag.inside["class-name"]=/^[A-Z]\w*(?:\.[A-Z]\w*)*$/,e.languages.jsx.tag.inside.comment=t.comment,e.languages.insertBefore("inside","attr-name",{spread:{pattern:i(//.source),inside:e.languages.jsx}},e.languages.jsx.tag),e.languages.insertBefore("inside","special-attr",{script:{pattern:i(/=/.source),alias:"language-javascript",inside:{"script-punctuation":{pattern:/^=(?=\{)/,alias:"punctuation"},rest:e.languages.jsx}}},e.languages.jsx.tag);var o=function(e){return e?"string"==typeof e?e:"string"==typeof e.content?e.content:e.content.map(o).join(""):""},s=function(t){for(var n=[],r=0;r0&&n[n.length-1].tagName===o(a.content[0].content[1])&&n.pop():"/>"===a.content[a.content.length-1].content||n.push({tagName:o(a.content[0].content[1]),openedBraces:0}):n.length>0&&"punctuation"===a.type&&"{"===a.content?n[n.length-1].openedBraces++:n.length>0&&n[n.length-1].openedBraces>0&&"punctuation"===a.type&&"}"===a.content?n[n.length-1].openedBraces--:i=!0),(i||"string"==typeof a)&&n.length>0&&0===n[n.length-1].openedBraces){var l=o(a);r0&&("string"==typeof t[r-1]||"plain-text"===t[r-1].type)&&(l=o(t[r-1])+l,t.splice(r-1,1),r--),t[r]=new e.Token("plain-text",l,null,l)}a.content&&"string"!=typeof a.content&&s(a.content)}};e.hooks.add("after-tokenize",function(e){("jsx"===e.language||"tsx"===e.language)&&s(e.tokens)})}(e)}e.exports=t,t.displayName="jsx",t.aliases=[]},39259:function(e){"use strict";function t(e){e.languages.julia={comment:{pattern:/(^|[^\\])(?:#=(?:[^#=]|=(?!#)|#(?!=)|#=(?:[^#=]|=(?!#)|#(?!=))*=#)*=#|#.*)/,lookbehind:!0},regex:{pattern:/r"(?:\\.|[^"\\\r\n])*"[imsx]{0,4}/,greedy:!0},string:{pattern:/"""[\s\S]+?"""|(?:\b\w+)?"(?:\\.|[^"\\\r\n])*"|`(?:[^\\`\r\n]|\\.)*`/,greedy:!0},char:{pattern:/(^|[^\w'])'(?:\\[^\r\n][^'\r\n]*|[^\\\r\n])'/,lookbehind:!0,greedy:!0},keyword:/\b(?:abstract|baremodule|begin|bitstype|break|catch|ccall|const|continue|do|else|elseif|end|export|finally|for|function|global|if|immutable|import|importall|in|let|local|macro|module|print|println|quote|return|struct|try|type|typealias|using|while)\b/,boolean:/\b(?:false|true)\b/,number:/(?:\b(?=\d)|\B(?=\.))(?:0[box])?(?:[\da-f]+(?:_[\da-f]+)*(?:\.(?:\d+(?:_\d+)*)?)?|\.\d+(?:_\d+)*)(?:[efp][+-]?\d+(?:_\d+)*)?j?/i,operator:/&&|\|\||[-+*^%÷⊻&$\\]=?|\/[\/=]?|!=?=?|\|[=>]?|<(?:<=?|[=:|])?|>(?:=|>>?=?)?|==?=?|[~≠≤≥'√∛]/,punctuation:/::?|[{}[\]();,.?]/,constant:/\b(?:(?:Inf|NaN)(?:16|32|64)?|im|pi)\b|[πℯ]/}}e.exports=t,t.displayName="julia",t.aliases=[]},32409:function(e){"use strict";function t(e){e.languages.keepalived={comment:{pattern:/[#!].*/,greedy:!0},string:{pattern:/(^|[^\\])(?:"(?:\\(?:\r\n|[\s\S])|[^"\\\r\n])*"|'(?:\\(?:\r\n|[\s\S])|[^'\\\r\n])*')/,lookbehind:!0,greedy:!0},ip:{pattern:RegExp(/\b(?:(?:(?:[\da-f]{1,4}:){7}[\da-f]{1,4}|(?:[\da-f]{1,4}:){6}:[\da-f]{1,4}|(?:[\da-f]{1,4}:){5}:(?:[\da-f]{1,4}:)?[\da-f]{1,4}|(?:[\da-f]{1,4}:){4}:(?:[\da-f]{1,4}:){0,2}[\da-f]{1,4}|(?:[\da-f]{1,4}:){3}:(?:[\da-f]{1,4}:){0,3}[\da-f]{1,4}|(?:[\da-f]{1,4}:){2}:(?:[\da-f]{1,4}:){0,4}[\da-f]{1,4}|(?:[\da-f]{1,4}:){6}|(?:[\da-f]{1,4}:){0,5}:|::(?:[\da-f]{1,4}:){0,5}|[\da-f]{1,4}::(?:[\da-f]{1,4}:){0,5}[\da-f]{1,4}|::(?:[\da-f]{1,4}:){0,6}[\da-f]{1,4}|(?:[\da-f]{1,4}:){1,7}:)(?:\/\d{1,3})?|(?:\/\d{1,2})?)\b/.source.replace(//g,function(){return/(?:(?:(?:25[0-5]|2[0-4]\d|1\d\d|[1-9]\d|\d)\.){3}(?:25[0-5]|2[0-4]\d|1\d\d|[1-9]\d|\d))/.source}),"i"),alias:"number"},path:{pattern:/(\s)\/(?:[^\/\s]+\/)*[^\/\s]*|\b[a-zA-Z]:\\(?:[^\\\s]+\\)*[^\\\s]*/,lookbehind:!0,alias:"string"},variable:/\$\{?\w+\}?/,email:{pattern:/[\w-]+@[\w-]+(?:\.[\w-]{2,3}){1,2}/,alias:"string"},"conditional-configuration":{pattern:/@\^?[\w-]+/,alias:"variable"},operator:/=/,property:/\b(?:BFD_CHECK|DNS_CHECK|FILE_CHECK|HTTP_GET|MISC_CHECK|NAME|PING_CHECK|SCRIPTS|SMTP_CHECK|SSL|SSL_GET|TCP_CHECK|UDP_CHECK|accept|advert_int|alpha|auth_pass|auth_type|authentication|bfd_cpu_affinity|bfd_instance|bfd_no_swap|bfd_priority|bfd_process_name|bfd_rlimit_rttime|bfd_rt_priority|bind_if|bind_port|bindto|ca|certificate|check_unicast_src|checker|checker_cpu_affinity|checker_log_all_failures|checker_no_swap|checker_priority|checker_rlimit_rttime|checker_rt_priority|child_wait_time|connect_ip|connect_port|connect_timeout|dbus_service_name|debug|default_interface|delay|delay_before_retry|delay_loop|digest|dont_track_primary|dynamic|dynamic_interfaces|enable_(?:dbus|script_security|sni|snmp_checker|snmp_rfc|snmp_rfcv2|snmp_rfcv3|snmp_vrrp|traps)|end|fall|fast_recovery|file|flag-[123]|fork_delay|full_command|fwmark|garp_group|garp_interval|garp_lower_prio_delay|garp_lower_prio_repeat|garp_master_delay|garp_master_refresh|garp_master_refresh_repeat|garp_master_repeat|global_defs|global_tracking|gna_interval|group|ha_suspend|hashed|helo_name|higher_prio_send_advert|hoplimit|http_protocol|hysteresis|idle_tx|include|inhibit_on_failure|init_fail|init_file|instance|interface|interfaces|interval|ip_family|ipvs_process_name|keepalived.conf|kernel_rx_buf_size|key|linkbeat_interfaces|linkbeat_use_polling|log_all_failures|log_unknown_vrids|lower_prio_no_advert|lthreshold|lvs_flush|lvs_flush_onstop|lvs_method|lvs_netlink_cmd_rcv_bufs|lvs_netlink_cmd_rcv_bufs_force|lvs_netlink_monitor_rcv_bufs|lvs_netlink_monitor_rcv_bufs_force|lvs_notify_fifo|lvs_notify_fifo_script|lvs_sched|lvs_sync_daemon|max_auto_priority|max_hops|mcast_src_ip|mh-fallback|mh-port|min_auto_priority_delay|min_rx|min_tx|misc_dynamic|misc_path|misc_timeout|multiplier|name|namespace_with_ipsets|native_ipv6|neighbor_ip|net_namespace|net_namespace_ipvs|nftables|nftables_counters|nftables_ifindex|nftables_priority|no_accept|no_checker_emails|no_email_faults|nopreempt|notification_email|notification_email_from|notify|notify_backup|notify_deleted|notify_down|notify_fault|notify_fifo|notify_fifo_script|notify_master|notify_master_rx_lower_pri|notify_priority_changes|notify_stop|notify_up|old_unicast_checksum|omega|ops|param_match|passive|password|path|persistence_engine|persistence_granularity|persistence_timeout|preempt|preempt_delay|priority|process|process_monitor_rcv_bufs|process_monitor_rcv_bufs_force|process_name|process_names|promote_secondaries|protocol|proxy_arp|proxy_arp_pvlan|quorum|quorum_down|quorum_max|quorum_up|random_seed|real_server|regex|regex_max_offset|regex_min_offset|regex_no_match|regex_options|regex_stack|reload_repeat|reload_time_file|require_reply|retry|rise|router_id|rs_init_notifies|script|script_user|sh-fallback|sh-port|shutdown_script|shutdown_script_timeout|skip_check_adv_addr|smtp_alert|smtp_alert_checker|smtp_alert_vrrp|smtp_connect_timeout|smtp_helo_name|smtp_server|snmp_socket|sorry_server|sorry_server_inhibit|sorry_server_lvs_method|source_ip|start|startup_script|startup_script_timeout|state|static_ipaddress|static_routes|static_rules|status_code|step|strict_mode|sync_group_tracking_weight|terminate_delay|timeout|track_bfd|track_file|track_group|track_interface|track_process|track_script|track_src_ip|ttl|type|umask|unicast_peer|unicast_src_ip|unicast_ttl|url|use_ipvlan|use_pid_dir|use_vmac|user|uthreshold|val[123]|version|virtual_ipaddress|virtual_ipaddress_excluded|virtual_router_id|virtual_routes|virtual_rules|virtual_server|virtual_server_group|virtualhost|vmac_xmit_base|vrrp|vrrp_(?:check_unicast_src|cpu_affinity|garp_interval|garp_lower_prio_delay|garp_lower_prio_repeat|garp_master_delay|garp_master_refresh|garp_master_refresh_repeat|garp_master_repeat|gna_interval|higher_prio_send_advert|instance|ipsets|iptables|lower_prio_no_advert|mcast_group4|mcast_group6|min_garp|netlink_cmd_rcv_bufs|netlink_cmd_rcv_bufs_force|netlink_monitor_rcv_bufs|netlink_monitor_rcv_bufs_force|no_swap|notify_fifo|notify_fifo_script|notify_priority_changes|priority|process_name|rlimit_rttime|rt_priority|rx_bufs_multiplier|rx_bufs_policy|script|skip_check_adv_addr|startup_delay|strict|sync_group|track_process|version)|warmup|weight)\b/,constant:/\b(?:A|AAAA|AH|BACKUP|CNAME|DR|MASTER|MX|NAT|NS|PASS|SCTP|SOA|TCP|TUN|TXT|UDP|dh|fo|lblc|lblcr|lc|mh|nq|ovf|rr|sed|sh|wlc|wrr)\b/,number:{pattern:/(^|[^\w.-])-?\d+(?:\.\d+)?/,lookbehind:!0},boolean:/\b(?:false|no|off|on|true|yes)\b/,punctuation:/[\{\}]/}}e.exports=t,t.displayName="keepalived",t.aliases=[]},35760:function(e){"use strict";function t(e){e.languages.keyman={comment:{pattern:/\bc .*/i,greedy:!0},string:{pattern:/"[^"\r\n]*"|'[^'\r\n]*'/,greedy:!0},"virtual-key":{pattern:/\[\s*(?:(?:ALT|CAPS|CTRL|LALT|LCTRL|NCAPS|RALT|RCTRL|SHIFT)\s+)*(?:[TKU]_[\w?]+|[A-E]\d\d?|"[^"\r\n]*"|'[^'\r\n]*')\s*\]/i,greedy:!0,alias:"function"},"header-keyword":{pattern:/&\w+/,alias:"bold"},"header-statement":{pattern:/\b(?:bitmap|bitmaps|caps always off|caps on only|copyright|hotkey|language|layout|message|name|shift frees caps|version)\b/i,alias:"bold"},"rule-keyword":{pattern:/\b(?:any|baselayout|beep|call|context|deadkey|dk|if|index|layer|notany|nul|outs|platform|reset|return|save|set|store|use)\b/i,alias:"keyword"},"structural-keyword":{pattern:/\b(?:ansi|begin|group|match|nomatch|unicode|using keys)\b/i,alias:"keyword"},"compile-target":{pattern:/\$(?:keyman|keymanonly|keymanweb|kmfl|weaver):/i,alias:"property"},number:/\b(?:U\+[\dA-F]+|d\d+|x[\da-f]+|\d+)\b/i,operator:/[+>\\$]|\.\./,punctuation:/[()=,]/}}e.exports=t,t.displayName="keyman",t.aliases=[]},19715:function(e){"use strict";function t(e){var t;e.languages.kotlin=e.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 e.languages.kotlin["class-name"],t={"interpolation-punctuation":{pattern:/^\$\{?|\}$/,alias:"punctuation"},expression:{pattern:/[\s\S]+/,inside:e.languages.kotlin}},e.languages.insertBefore("kotlin","string",{"string-literal":[{pattern:/"""(?:[^$]|\$(?:(?!\{)|\{[^{}]*\}))*?"""/,alias:"multiline",inside:{interpolation:{pattern:/\$(?:[a-z_]\w*|\{[^{}]*\})/i,inside:t},string:/[\s\S]+/}},{pattern:/"(?:[^"\\\r\n$]|\\.|\$(?:(?!\{)|\{[^{}]*\}))*"/,alias:"singleline",inside:{interpolation:{pattern:/((?:^|[^\\])(?:\\{2})*)\$(?:[a-z_]\w*|\{[^{}]*\})/i,lookbehind:!0,inside:t},string:/[\s\S]+/}}],char:{pattern:/'(?:[^'\\\r\n]|\\(?:.|u[a-fA-F0-9]{0,4}))'/,greedy:!0}}),delete e.languages.kotlin.string,e.languages.insertBefore("kotlin","keyword",{annotation:{pattern:/\B@(?:\w+:)?(?:[A-Z]\w*|\[[^\]]+\])/,alias:"builtin"}}),e.languages.insertBefore("kotlin","function",{label:{pattern:/\b\w+@|@\w+\b/,alias:"symbol"}}),e.languages.kt=e.languages.kotlin,e.languages.kts=e.languages.kotlin}e.exports=t,t.displayName="kotlin",t.aliases=["kt","kts"]},27614:function(e){"use strict";function t(e){!function(e){var t=/\s\x00-\x1f\x22-\x2f\x3a-\x3f\x5b-\x5e\x60\x7b-\x7e/.source;function n(e,n){return RegExp(e.replace(//g,t),n)}e.languages.kumir={comment:{pattern:/\|.*/},prolog:{pattern:/#.*/,greedy:!0},string:{pattern:/"[^\n\r"]*"|'[^\n\r']*'/,greedy:!0},boolean:{pattern:n(/(^|[])(?:да|нет)(?=[]|$)/.source),lookbehind:!0},"operator-word":{pattern:n(/(^|[])(?:и|или|не)(?=[]|$)/.source),lookbehind:!0,alias:"keyword"},"system-variable":{pattern:n(/(^|[])знач(?=[]|$)/.source),lookbehind:!0,alias:"keyword"},type:[{pattern:n(/(^|[])(?:вещ|лит|лог|сим|цел)(?:\x20*таб)?(?=[]|$)/.source),lookbehind:!0,alias:"builtin"},{pattern:n(/(^|[])(?:компл|сканкод|файл|цвет)(?=[]|$)/.source),lookbehind:!0,alias:"important"}],keyword:{pattern:n(/(^|[])(?:алг|арг(?:\x20*рез)?|ввод|ВКЛЮЧИТЬ|вс[её]|выбор|вывод|выход|дано|для|до|дс|если|иначе|исп|использовать|кон(?:(?:\x20+|_)исп)?|кц(?:(?:\x20+|_)при)?|надо|нач|нс|нц|от|пауза|пока|при|раза?|рез|стоп|таб|то|утв|шаг)(?=[]|$)/.source),lookbehind:!0},name:{pattern:n(/(^|[])[^\d][^]*(?:\x20+[^]+)*(?=[]|$)/.source),lookbehind:!0},number:{pattern:n(/(^|[])(?:\B\$[\da-f]+\b|(?:\b\d+(?:\.\d*)?|\B\.\d+)(?:e[+-]?\d+)?)(?=[]|$)/.source,"i"),lookbehind:!0},punctuation:/:=|[(),:;\[\]]/,"operator-char":{pattern:/\*\*?|<[=>]?|>=?|[-+/=]/,alias:"operator"}},e.languages.kum=e.languages.kumir}(e)}e.exports=t,t.displayName="kumir",t.aliases=["kum"]},82819:function(e){"use strict";function t(e){e.languages.kusto={comment:{pattern:/\/\/.*/,greedy:!0},string:{pattern:/```[\s\S]*?```|[hH]?(?:"(?:[^\r\n\\"]|\\.)*"|'(?:[^\r\n\\']|\\.)*'|@(?:"[^\r\n"]*"|'[^\r\n']*'))/,greedy:!0},verb:{pattern:/(\|\s*)[a-z][\w-]*/i,lookbehind:!0,alias:"keyword"},command:{pattern:/\.[a-z][a-z\d-]*\b/,alias:"keyword"},"class-name":/\b(?:bool|datetime|decimal|dynamic|guid|int|long|real|string|timespan)\b/,keyword:/\b(?:access|alias|and|anti|as|asc|auto|between|by|(?:contains|(?:ends|starts)with|has(?:perfix|suffix)?)(?:_cs)?|database|declare|desc|external|from|fullouter|has_all|in|ingestion|inline|inner|innerunique|into|(?:left|right)(?:anti(?:semi)?|inner|outer|semi)?|let|like|local|not|of|on|or|pattern|print|query_parameters|range|restrict|schema|set|step|table|tables|to|view|where|with|matches\s+regex|nulls\s+(?:first|last))(?![\w-])/,boolean:/\b(?:false|null|true)\b/,function:/\b[a-z_]\w*(?=\s*\()/,datetime:[{pattern:/\b(?:(?:Fri|Friday|Mon|Monday|Sat|Saturday|Sun|Sunday|Thu|Thursday|Tue|Tuesday|Wed|Wednesday)\s*,\s*)?\d{1,2}(?:\s+|-)(?:Apr|Aug|Dec|Feb|Jan|Jul|Jun|Mar|May|Nov|Oct|Sep)(?:\s+|-)\d{2}\s+\d{2}:\d{2}(?::\d{2})?(?:\s*(?:\b(?:[A-Z]|(?:[ECMT][DS]|GM|U)T)|[+-]\d{4}))?\b/,alias:"number"},{pattern:/[+-]?\b(?:\d{4}-\d{2}-\d{2}(?:[ T]\d{2}:\d{2}(?::\d{2}(?:\.\d+)?)?)?|\d{2}:\d{2}(?::\d{2}(?:\.\d+)?)?)Z?/,alias:"number"}],number:/\b(?:0x[0-9A-Fa-f]+|\d+(?:\.\d+)?(?:[Ee][+-]?\d+)?)(?:(?:min|sec|[mnµ]s|[dhms]|microsecond|tick)\b)?|[+-]?\binf\b/,operator:/=>|[!=]~|[!=<>]=?|[-+*/%|]|\.\./,punctuation:/[()\[\]{},;.:]/}}e.exports=t,t.displayName="kusto",t.aliases=[]},42876:function(e){"use strict";function t(e){var t,n;n={"equation-command":{pattern:t=/\\(?:[^a-z()[\]]|[a-z*]+)/i,alias:"regex"}},e.languages.latex={comment:/%.*/,cdata:{pattern:/(\\begin\{((?:lstlisting|verbatim)\*?)\})[\s\S]*?(?=\\end\{\2\})/,lookbehind:!0},equation:[{pattern:/\$\$(?:\\[\s\S]|[^\\$])+\$\$|\$(?:\\[\s\S]|[^\\$])+\$|\\\([\s\S]*?\\\)|\\\[[\s\S]*?\\\]/,inside:n,alias:"string"},{pattern:/(\\begin\{((?:align|eqnarray|equation|gather|math|multline)\*?)\})[\s\S]*?(?=\\end\{\2\})/,lookbehind:!0,inside:n,alias:"string"}],keyword:{pattern:/(\\(?:begin|cite|documentclass|end|label|ref|usepackage)(?:\[[^\]]+\])?\{)[^}]+(?=\})/,lookbehind:!0},url:{pattern:/(\\url\{)[^}]+(?=\})/,lookbehind:!0},headline:{pattern:/(\\(?:chapter|frametitle|paragraph|part|section|subparagraph|subsection|subsubparagraph|subsubsection|subsubsubparagraph)\*?(?:\[[^\]]+\])?\{)[^}]+(?=\})/,lookbehind:!0,alias:"class-name"},function:{pattern:t,alias:"selector"},punctuation:/[[\]{}&]/},e.languages.tex=e.languages.latex,e.languages.context=e.languages.latex}e.exports=t,t.displayName="latex",t.aliases=["tex","context"]},2980:function(e,t,n){"use strict";var r=n(93205),a=n(88262);function i(e){var t;e.register(r),e.register(a),e.languages.latte={comment:/^\{\*[\s\S]*/,"latte-tag":{pattern:/(^\{(?:\/(?=[a-z]))?)(?:[=_]|[a-z]\w*\b(?!\())/i,lookbehind:!0,alias:"important"},delimiter:{pattern:/^\{\/?|\}$/,alias:"punctuation"},php:{pattern:/\S(?:[\s\S]*\S)?/,alias:"language-php",inside:e.languages.php}},t=e.languages.extend("markup",{}),e.languages.insertBefore("inside","attr-value",{"n-attr":{pattern:/n:[\w-]+(?:\s*=\s*(?:"[^"]*"|'[^']*'|[^\s'">=]+))?/,inside:{"attr-name":{pattern:/^[^\s=]+/,alias:"important"},"attr-value":{pattern:/=[\s\S]+/,inside:{punctuation:[/^=/,{pattern:/^(\s*)["']|["']$/,lookbehind:!0}],php:{pattern:/\S(?:[\s\S]*\S)?/,inside:e.languages.php}}}}}},t.tag),e.hooks.add("before-tokenize",function(n){"latte"===n.language&&(e.languages["markup-templating"].buildPlaceholders(n,"latte",/\{\*[\s\S]*?\*\}|\{[^'"\s{}*](?:[^"'/{}]|\/(?![*/])|("|')(?:\\[\s\S]|(?!\1)[^\\])*\1|\/\*(?:[^*]|\*(?!\/))*\*\/)*\}/g),n.grammar=t)}),e.hooks.add("after-tokenize",function(t){e.languages["markup-templating"].tokenizePlaceholders(t,"latte")})}e.exports=i,i.displayName="latte",i.aliases=[]},41701:function(e){"use strict";function t(e){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"}})}e.exports=t,t.displayName="less",t.aliases=[]},42491:function(e,t,n){"use strict";var r=n(9997);function a(e){e.register(r),function(e){for(var t=/\((?:[^();"#\\]|\\[\s\S]|;.*(?!.)|"(?:[^"\\]|\\.)*"|#(?:\{(?:(?!#\})[\s\S])*#\}|[^{])|)*\)/.source,n=0;n<5;n++)t=t.replace(//g,function(){return t});t=t.replace(//g,/[^\s\S]/.source);var r=e.languages.lilypond={comment:/%(?:(?!\{).*|\{[\s\S]*?%\})/,"embedded-scheme":{pattern:RegExp(/(^|[=\s])#(?:"(?:[^"\\]|\\.)*"|[^\s()"]*(?:[^\s()]|))/.source.replace(//g,function(){return t}),"m"),lookbehind:!0,greedy:!0,inside:{scheme:{pattern:/^(#)[\s\S]+$/,lookbehind:!0,alias:"language-scheme",inside:{"embedded-lilypond":{pattern:/#\{[\s\S]*?#\}/,greedy:!0,inside:{punctuation:/^#\{|#\}$/,lilypond:{pattern:/[\s\S]+/,alias:"language-lilypond",inside:null}}},rest:e.languages.scheme}},punctuation:/#/}},string:{pattern:/"(?:[^"\\]|\\.)*"/,greedy:!0},"class-name":{pattern:/(\\new\s+)[\w-]+/,lookbehind:!0},keyword:{pattern:/\\[a-z][-\w]*/i,inside:{punctuation:/^\\/}},operator:/[=|]|<<|>>/,punctuation:{pattern:/(^|[a-z\d])(?:'+|,+|[_^]?-[_^]?(?:[-+^!>._]|(?=\d))|[_^]\.?|[.!])|[{}()[\]<>^~]|\\[()[\]<>\\!]|--|__/,lookbehind:!0},number:/\b\d+(?:\/\d+)?\b/};r["embedded-scheme"].inside.scheme.inside["embedded-lilypond"].inside.lilypond.inside=r,e.languages.ly=r}(e)}e.exports=a,a.displayName="lilypond",a.aliases=[]},34927:function(e,t,n){"use strict";var r=n(93205);function a(e){e.register(r),e.languages.liquid={comment:{pattern:/(^\{%\s*comment\s*%\})[\s\S]+(?=\{%\s*endcomment\s*%\}$)/,lookbehind:!0},delimiter:{pattern:/^\{(?:\{\{|[%\{])-?|-?(?:\}\}|[%\}])\}$/,alias:"punctuation"},string:{pattern:/"[^"]*"|'[^']*'/,greedy:!0},keyword:/\b(?:as|assign|break|(?:end)?(?:capture|case|comment|for|form|if|paginate|raw|style|tablerow|unless)|continue|cycle|decrement|echo|else|elsif|in|include|increment|limit|liquid|offset|range|render|reversed|section|when|with)\b/,object:/\b(?:address|all_country_option_tags|article|block|blog|cart|checkout|collection|color|country|country_option_tags|currency|current_page|current_tags|customer|customer_address|date|discount_allocation|discount_application|external_video|filter|filter_value|font|forloop|fulfillment|generic_file|gift_card|group|handle|image|line_item|link|linklist|localization|location|measurement|media|metafield|model|model_source|order|page|page_description|page_image|page_title|part|policy|product|product_option|recommendations|request|robots|routes|rule|script|search|selling_plan|selling_plan_allocation|selling_plan_group|shipping_method|shop|shop_locale|sitemap|store_availability|tax_line|template|theme|transaction|unit_price_measurement|user_agent|variant|video|video_source)\b/,function:[{pattern:/(\|\s*)\w+/,lookbehind:!0,alias:"filter"},{pattern:/(\.\s*)(?:first|last|size)/,lookbehind:!0}],boolean:/\b(?:false|nil|true)\b/,range:{pattern:/\.\./,alias:"operator"},number:/\b\d+(?:\.\d+)?\b/,operator:/[!=]=|<>|[<>]=?|[|?:=-]|\b(?:and|contains(?=\s)|or)\b/,punctuation:/[.,\[\]()]/,empty:{pattern:/\bempty\b/,alias:"keyword"}},e.hooks.add("before-tokenize",function(t){var n=!1;e.languages["markup-templating"].buildPlaceholders(t,"liquid",/\{%\s*comment\s*%\}[\s\S]*?\{%\s*endcomment\s*%\}|\{(?:%[\s\S]*?%|\{\{[\s\S]*?\}\}|\{[\s\S]*?\})\}/g,function(e){var t=/^\{%-?\s*(\w+)/.exec(e);if(t){var r=t[1];if("raw"===r&&!n)return n=!0,!0;if("endraw"===r)return n=!1,!0}return!n})}),e.hooks.add("after-tokenize",function(t){e.languages["markup-templating"].tokenizePlaceholders(t,"liquid")})}e.exports=a,a.displayName="liquid",a.aliases=[]},3848:function(e){"use strict";function t(e){!function(e){function t(e){return RegExp(/(\()/.source+"(?:"+e+")"+/(?=[\s\)])/.source)}function n(e){return RegExp(/([\s([])/.source+"(?:"+e+")"+/(?=[\s)])/.source)}var r=/(?!\d)[-+*/~!@$%^=<>{}\w]+/.source,a="&"+r,i="(\\()",o="(?=\\s)",s=/(?:[^()]|\((?:[^()]|\((?:[^()]|\((?:[^()]|\((?:[^()]|\([^()]*\))*\))*\))*\))*\))*/.source,l={heading:{pattern:/;;;.*/,alias:["comment","title"]},comment:/;.*/,string:{pattern:/"(?:[^"\\]|\\.)*"/,greedy:!0,inside:{argument:/[-A-Z]+(?=[.,\s])/,symbol:RegExp("`"+r+"'")}},"quoted-symbol":{pattern:RegExp("#?'"+r),alias:["variable","symbol"]},"lisp-property":{pattern:RegExp(":"+r),alias:"property"},splice:{pattern:RegExp(",@?"+r),alias:["symbol","variable"]},keyword:[{pattern:RegExp(i+"(?:and|(?:cl-)?letf|cl-loop|cond|cons|error|if|(?:lexical-)?let\\*?|message|not|null|or|provide|require|setq|unless|use-package|when|while)"+o),lookbehind:!0},{pattern:RegExp(i+"(?:append|by|collect|concat|do|finally|for|in|return)"+o),lookbehind:!0}],declare:{pattern:t(/declare/.source),lookbehind:!0,alias:"keyword"},interactive:{pattern:t(/interactive/.source),lookbehind:!0,alias:"keyword"},boolean:{pattern:n(/nil|t/.source),lookbehind:!0},number:{pattern:n(/[-+]?\d+(?:\.\d*)?/.source),lookbehind:!0},defvar:{pattern:RegExp(i+"def(?:const|custom|group|var)\\s+"+r),lookbehind:!0,inside:{keyword:/^def[a-z]+/,variable:RegExp(r)}},defun:{pattern:RegExp(i+/(?:cl-)?(?:defmacro|defun\*?)\s+/.source+r+/\s+\(/.source+s+/\)/.source),lookbehind:!0,greedy:!0,inside:{keyword:/^(?:cl-)?def\S+/,arguments:null,function:{pattern:RegExp("(^\\s)"+r),lookbehind:!0},punctuation:/[()]/}},lambda:{pattern:RegExp(i+"lambda\\s+\\(\\s*(?:&?"+r+"(?:\\s+&?"+r+")*\\s*)?\\)"),lookbehind:!0,greedy:!0,inside:{keyword:/^lambda/,arguments:null,punctuation:/[()]/}},car:{pattern:RegExp(i+r),lookbehind:!0},punctuation:[/(?:['`,]?\(|[)\[\]])/,{pattern:/(\s)\.(?=\s)/,lookbehind:!0}]},c={"lisp-marker":RegExp(a),varform:{pattern:RegExp(/\(/.source+r+/\s+(?=\S)/.source+s+/\)/.source),inside:l},argument:{pattern:RegExp(/(^|[\s(])/.source+r),lookbehind:!0,alias:"variable"},rest:l},u="\\S+(?:\\s+\\S+)*",d={pattern:RegExp(i+s+"(?=\\))"),lookbehind:!0,inside:{"rest-vars":{pattern:RegExp("&(?:body|rest)\\s+"+u),inside:c},"other-marker-vars":{pattern:RegExp("&(?:aux|optional)\\s+"+u),inside:c},keys:{pattern:RegExp("&key\\s+"+u+"(?:\\s+&allow-other-keys)?"),inside:c},argument:{pattern:RegExp(r),alias:"variable"},punctuation:/[()]/}};l.lambda.inside.arguments=d,l.defun.inside.arguments=e.util.clone(d),l.defun.inside.arguments.inside.sublist=d,e.languages.lisp=l,e.languages.elisp=l,e.languages.emacs=l,e.languages["emacs-lisp"]=l}(e)}e.exports=t,t.displayName="lisp",t.aliases=[]},41469:function(e){"use strict";function t(e){e.languages.livescript={comment:[{pattern:/(^|[^\\])\/\*[\s\S]*?\*\//,lookbehind:!0},{pattern:/(^|[^\\])#.*/,lookbehind:!0}],"interpolated-string":{pattern:/(^|[^"])("""|")(?:\\[\s\S]|(?!\2)[^\\])*\2(?!")/,lookbehind:!0,greedy:!0,inside:{variable:{pattern:/(^|[^\\])#[a-z_](?:-?[a-z]|[\d_])*/m,lookbehind:!0},interpolation:{pattern:/(^|[^\\])#\{[^}]+\}/m,lookbehind:!0,inside:{"interpolation-punctuation":{pattern:/^#\{|\}$/,alias:"variable"}}},string:/[\s\S]+/}},string:[{pattern:/('''|')(?:\\[\s\S]|(?!\1)[^\\])*\1/,greedy:!0},{pattern:/<\[[\s\S]*?\]>/,greedy:!0},/\\[^\s,;\])}]+/],regex:[{pattern:/\/\/(?:\[[^\r\n\]]*\]|\\.|(?!\/\/)[^\\\[])+\/\/[gimyu]{0,5}/,greedy:!0,inside:{comment:{pattern:/(^|[^\\])#.*/,lookbehind:!0}}},{pattern:/\/(?:\[[^\r\n\]]*\]|\\.|[^/\\\r\n\[])+\/[gimyu]{0,5}/,greedy:!0}],keyword:{pattern:/(^|(?!-).)\b(?:break|case|catch|class|const|continue|default|do|else|extends|fallthrough|finally|for(?: ever)?|function|if|implements|it|let|loop|new|null|otherwise|own|return|super|switch|that|then|this|throw|try|unless|until|var|void|when|while|yield)(?!-)\b/m,lookbehind:!0},"keyword-operator":{pattern:/(^|[^-])\b(?:(?:delete|require|typeof)!|(?:and|by|delete|export|from|import(?: all)?|in|instanceof|is(?: not|nt)?|not|of|or|til|to|typeof|with|xor)(?!-)\b)/m,lookbehind:!0,alias:"operator"},boolean:{pattern:/(^|[^-])\b(?:false|no|off|on|true|yes)(?!-)\b/m,lookbehind:!0},argument:{pattern:/(^|(?!\.&\.)[^&])&(?!&)\d*/m,lookbehind:!0,alias:"variable"},number:/\b(?:\d+~[\da-z]+|\d[\d_]*(?:\.\d[\d_]*)?(?:[a-z]\w*)?)/i,identifier:/[a-z_](?:-?[a-z]|[\d_])*/i,operator:[{pattern:/( )\.(?= )/,lookbehind:!0},/\.(?:[=~]|\.\.?)|\.(?:[&|^]|<<|>>>?)\.|:(?:=|:=?)|&&|\|[|>]|<(?:<[>=?]?|-(?:->?|>)?|\+\+?|@@?|%%?|\*\*?|!(?:~?=|--?>|~?~>)?|~(?:~?>|=)?|==?|\^\^?|[\/?]/],punctuation:/[(){}\[\]|.,:;`]/},e.languages.livescript["interpolated-string"].inside.interpolation.inside.rest=e.languages.livescript}e.exports=t,t.displayName="livescript",t.aliases=[]},73070:function(e){"use strict";function t(e){e.languages.llvm={comment:/;.*/,string:{pattern:/"[^"]*"/,greedy:!0},boolean:/\b(?:false|true)\b/,variable:/[%@!#](?:(?!\d)(?:[-$.\w]|\\[a-f\d]{2})+|\d+)/i,label:/(?!\d)(?:[-$.\w]|\\[a-f\d]{2})+:/i,type:{pattern:/\b(?:double|float|fp128|half|i[1-9]\d*|label|metadata|ppc_fp128|token|void|x86_fp80|x86_mmx)\b/,alias:"class-name"},keyword:/\b[a-z_][a-z_0-9]*\b/,number:/[+-]?\b\d+(?:\.\d+)?(?:[eE][+-]?\d+)?\b|\b0x[\dA-Fa-f]+\b|\b0xK[\dA-Fa-f]{20}\b|\b0x[ML][\dA-Fa-f]{32}\b|\b0xH[\dA-Fa-f]{4}\b/,punctuation:/[{}[\];(),.!*=<>]/}}e.exports=t,t.displayName="llvm",t.aliases=[]},35049:function(e){"use strict";function t(e){e.languages.log={string:{pattern:/"(?:[^"\\\r\n]|\\.)*"|'(?![st] | \w)(?:[^'\\\r\n]|\\.)*'/,greedy:!0},exception:{pattern:/(^|[^\w.])[a-z][\w.]*(?:Error|Exception):.*(?:(?:\r\n?|\n)[ \t]*(?:at[ \t].+|\.{3}.*|Caused by:.*))+(?:(?:\r\n?|\n)[ \t]*\.\.\. .*)?/,lookbehind:!0,greedy:!0,alias:["javastacktrace","language-javastacktrace"],inside:e.languages.javastacktrace||{keyword:/\bat\b/,function:/[a-z_][\w$]*(?=\()/,punctuation:/[.:()]/}},level:[{pattern:/\b(?:ALERT|CRIT|CRITICAL|EMERG|EMERGENCY|ERR|ERROR|FAILURE|FATAL|SEVERE)\b/,alias:["error","important"]},{pattern:/\b(?:WARN|WARNING|WRN)\b/,alias:["warning","important"]},{pattern:/\b(?:DISPLAY|INF|INFO|NOTICE|STATUS)\b/,alias:["info","keyword"]},{pattern:/\b(?:DBG|DEBUG|FINE)\b/,alias:["debug","keyword"]},{pattern:/\b(?:FINER|FINEST|TRACE|TRC|VERBOSE|VRB)\b/,alias:["trace","comment"]}],property:{pattern:/((?:^|[\]|])[ \t]*)[a-z_](?:[\w-]|\b\/\b)*(?:[. ]\(?\w(?:[\w-]|\b\/\b)*\)?)*:(?=\s)/im,lookbehind:!0},separator:{pattern:/(^|[^-+])-{3,}|={3,}|\*{3,}|- - /m,lookbehind:!0,alias:"comment"},url:/\b(?:file|ftp|https?):\/\/[^\s|,;'"]*[^\s|,;'">.]/,email:{pattern:/(^|\s)[-\w+.]+@[a-z][a-z0-9-]*(?:\.[a-z][a-z0-9-]*)+(?=\s)/,lookbehind:!0,alias:"url"},"ip-address":{pattern:/\b(?:\d{1,3}(?:\.\d{1,3}){3})\b/,alias:"constant"},"mac-address":{pattern:/\b[a-f0-9]{2}(?::[a-f0-9]{2}){5}\b/i,alias:"constant"},domain:{pattern:/(^|\s)[a-z][a-z0-9-]*(?:\.[a-z][a-z0-9-]*)*\.[a-z][a-z0-9-]+(?=\s)/,lookbehind:!0,alias:"constant"},uuid:{pattern:/\b[0-9a-f]{8}-[0-9a-f]{4}-[0-9a-f]{4}-[0-9a-f]{4}-[0-9a-f]{12}\b/i,alias:"constant"},hash:{pattern:/\b(?:[a-f0-9]{32}){1,2}\b/i,alias:"constant"},"file-path":{pattern:/\b[a-z]:[\\/][^\s|,;:(){}\[\]"']+|(^|[\s:\[\](>|])\.{0,2}\/\w[^\s|,;:(){}\[\]"']*/i,lookbehind:!0,greedy:!0,alias:"string"},date:{pattern:RegExp(/\b\d{4}[-/]\d{2}[-/]\d{2}(?:T(?=\d{1,2}:)|(?=\s\d{1,2}:))/.source+"|"+/\b\d{1,4}[-/ ](?:\d{1,2}|Apr|Aug|Dec|Feb|Jan|Jul|Jun|Mar|May|Nov|Oct|Sep)[-/ ]\d{2,4}T?\b/.source+"|"+/\b(?:(?:Fri|Mon|Sat|Sun|Thu|Tue|Wed)(?:\s{1,2}(?:Apr|Aug|Dec|Feb|Jan|Jul|Jun|Mar|May|Nov|Oct|Sep))?|Apr|Aug|Dec|Feb|Jan|Jul|Jun|Mar|May|Nov|Oct|Sep)\s{1,2}\d{1,2}\b/.source,"i"),alias:"number"},time:{pattern:/\b\d{1,2}:\d{1,2}:\d{1,2}(?:[.,:]\d+)?(?:\s?[+-]\d{2}:?\d{2}|Z)?\b/,alias:"number"},boolean:/\b(?:false|null|true)\b/i,number:{pattern:/(^|[^.\w])(?:0x[a-f0-9]+|0o[0-7]+|0b[01]+|v?\d[\da-f]*(?:\.\d+)*(?:e[+-]?\d+)?[a-z]{0,3}\b)\b(?!\.\w)/i,lookbehind:!0},operator:/[;:?<=>~/@!$%&+\-|^(){}*#]/,punctuation:/[\[\].,]/}}e.exports=t,t.displayName="log",t.aliases=[]},8789:function(e){"use strict";function t(e){e.languages.lolcode={comment:[/\bOBTW\s[\s\S]*?\sTLDR\b/,/\bBTW.+/],string:{pattern:/"(?::.|[^":])*"/,inside:{variable:/:\{[^}]+\}/,symbol:[/:\([a-f\d]+\)/i,/:\[[^\]]+\]/,/:[)>o":]/]},greedy:!0},number:/(?:\B-)?(?:\b\d+(?:\.\d*)?|\B\.\d+)/,symbol:{pattern:/(^|\s)(?:A )?(?:BUKKIT|NOOB|NUMBAR|NUMBR|TROOF|YARN)(?=\s|,|$)/,lookbehind:!0,inside:{keyword:/A(?=\s)/}},label:{pattern:/((?:^|\s)(?:IM IN YR|IM OUTTA YR) )[a-zA-Z]\w*/,lookbehind:!0,alias:"string"},function:{pattern:/((?:^|\s)(?:HOW IZ I|I IZ|IZ) )[a-zA-Z]\w*/,lookbehind:!0},keyword:[{pattern:/(^|\s)(?:AN|FOUND YR|GIMMEH|GTFO|HAI|HAS A|HOW IZ I|I HAS A|I IZ|IF U SAY SO|IM IN YR|IM OUTTA YR|IS NOW(?: A)?|ITZ(?: A)?|IZ|KTHX|KTHXBYE|LIEK(?: A)?|MAEK|MEBBE|MKAY|NERFIN|NO WAI|O HAI IM|O RLY\?|OIC|OMG|OMGWTF|R|SMOOSH|SRS|TIL|UPPIN|VISIBLE|WILE|WTF\?|YA RLY|YR)(?=\s|,|$)/,lookbehind:!0},/'Z(?=\s|,|$)/],boolean:{pattern:/(^|\s)(?:FAIL|WIN)(?=\s|,|$)/,lookbehind:!0},variable:{pattern:/(^|\s)IT(?=\s|,|$)/,lookbehind:!0},operator:{pattern:/(^|\s)(?:NOT|BOTH SAEM|DIFFRINT|(?:ALL|ANY|BIGGR|BOTH|DIFF|EITHER|MOD|PRODUKT|QUOSHUNT|SMALLR|SUM|WON) OF)(?=\s|,|$)/,lookbehind:!0},punctuation:/\.{3}|…|,|!/}}e.exports=t,t.displayName="lolcode",t.aliases=[]},59803:function(e){"use strict";function t(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:/[\[\](){},;]|\.+|:+/}}e.exports=t,t.displayName="lua",t.aliases=[]},86328:function(e){"use strict";function t(e){e.languages.magma={output:{pattern:/^(>.*(?:\r(?:\n|(?!\n))|\n))(?!>)(?:.+|(?:\r(?:\n|(?!\n))|\n)(?!>).*)(?:(?:\r(?:\n|(?!\n))|\n)(?!>).*)*/m,lookbehind:!0,greedy:!0},comment:{pattern:/\/\/.*|\/\*[\s\S]*?\*\//,greedy:!0},string:{pattern:/(^|[^\\"])"(?:[^\r\n\\"]|\\.)*"/,lookbehind:!0,greedy:!0},keyword:/\b(?:_|adj|and|assert|assert2|assert3|assigned|break|by|case|cat|catch|clear|cmpeq|cmpne|continue|declare|default|delete|diff|div|do|elif|else|end|eq|error|eval|exists|exit|for|forall|forward|fprintf|freeze|function|ge|gt|if|iload|import|in|intrinsic|is|join|le|load|local|lt|meet|mod|ne|not|notadj|notin|notsubset|or|print|printf|procedure|quit|random|read|readi|repeat|require|requirege|requirerange|restore|return|save|sdiff|select|subset|then|time|to|try|until|vprint|vprintf|vtime|when|where|while|xor)\b/,boolean:/\b(?:false|true)\b/,generator:{pattern:/\b[a-z_]\w*(?=\s*<)/i,alias:"class-name"},function:/\b[a-z_]\w*(?=\s*\()/i,number:{pattern:/(^|[^\w.]|\.\.)(?:\d+(?:\.\d*)?|\.\d+)(?:[eE][+-]?\d+)?(?:_[a-z]?)?(?=$|[^\w.]|\.\.)/,lookbehind:!0},operator:/->|[-+*/^~!|#=]|:=|\.\./,punctuation:/[()[\]{}<>,;.:]/}}e.exports=t,t.displayName="magma",t.aliases=[]},33055:function(e){"use strict";function t(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:/[:;(){}]/}}e.exports=t,t.displayName="makefile",t.aliases=[]},90542:function(e){"use strict";function t(e){!function(e){var t=/(?:\\.|[^\\\n\r]|(?:\n|\r\n?)(?![\r\n]))/.source;function n(e){return e=e.replace(//g,function(){return t}),RegExp(/((?:^|[^\\])(?:\\{2})*)/.source+"(?:"+e+")")}var r=/(?:\\.|``(?:[^`\r\n]|`(?!`))+``|`[^`\r\n]+`|[^\\|\r\n`])+/.source,a=/\|?__(?:\|__)+\|?(?:(?:\n|\r\n?)|(?![\s\S]))/.source.replace(/__/g,function(){return r}),i=/\|?[ \t]*:?-{3,}:?[ \t]*(?:\|[ \t]*:?-{3,}:?[ \t]*)+\|?(?:\n|\r\n?)/.source;e.languages.markdown=e.languages.extend("markup",{}),e.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:e.languages.yaml}}},blockquote:{pattern:/^>(?:[\t ]*>)*/m,alias:"punctuation"},table:{pattern:RegExp("^"+a+i+"(?:"+a+")*","m"),inside:{"table-data-rows":{pattern:RegExp("^("+a+i+")(?:"+a+")*$"),lookbehind:!0,inside:{"table-data":{pattern:RegExp(r),inside:e.languages.markdown},punctuation:/\|/}},"table-line":{pattern:RegExp("^("+a+")"+i+"$"),lookbehind:!0,inside:{punctuation:/\||:?-{3,}:?/}},"table-header-row":{pattern:RegExp("^"+a+"$"),inside:{"table-header":{pattern:RegExp(r),alias:"important",inside:e.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:n(/\b__(?:(?!_)|_(?:(?!_))+_)+__\b|\*\*(?:(?!\*)|\*(?:(?!\*))+\*)+\*\*/.source),lookbehind:!0,greedy:!0,inside:{content:{pattern:/(^..)[\s\S]+(?=..$)/,lookbehind:!0,inside:{}},punctuation:/\*\*|__/}},italic:{pattern:n(/\b_(?:(?!_)|__(?:(?!_))+__)+_\b|\*(?:(?!\*)|\*\*(?:(?!\*))+\*\*)+\*/.source),lookbehind:!0,greedy:!0,inside:{content:{pattern:/(^.)[\s\S]+(?=.$)/,lookbehind:!0,inside:{}},punctuation:/[*_]/}},strike:{pattern:n(/(~~?)(?:(?!~))+\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:n(/!?\[(?:(?!\]))+\](?:\([^\s)]+(?:[\t ]+"(?:\\.|[^"\\])*")?\)|[ \t]?\[(?:(?!\]))+\])/.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(t){["url","bold","italic","strike","code-snippet"].forEach(function(n){t!==n&&(e.languages.markdown[t].inside.content.inside[n]=e.languages.markdown[n])})}),e.hooks.add("after-tokenize",function(e){("markdown"===e.language||"md"===e.language)&&function e(t){if(t&&"string"!=typeof t)for(var n=0,r=t.length;n",quot:'"'},l=String.fromCodePoint||String.fromCharCode;e.languages.md=e.languages.markdown}(e)}e.exports=t,t.displayName="markdown",t.aliases=["md"]},93205:function(e){"use strict";function t(e){!function(e){function t(e,t){return"___"+e.toUpperCase()+t+"___"}Object.defineProperties(e.languages["markup-templating"]={},{buildPlaceholders:{value:function(n,r,a,i){if(n.language===r){var o=n.tokenStack=[];n.code=n.code.replace(a,function(e){if("function"==typeof i&&!i(e))return e;for(var a,s=o.length;-1!==n.code.indexOf(a=t(r,s));)++s;return o[s]=e,a}),n.grammar=e.languages.markup}}},tokenizePlaceholders:{value:function(n,r){if(n.language===r&&n.tokenStack){n.grammar=e.languages[r];var a=0,i=Object.keys(n.tokenStack);!function o(s){for(var l=0;l=i.length);l++){var c=s[l];if("string"==typeof c||c.content&&"string"==typeof c.content){var u=i[a],d=n.tokenStack[u],p="string"==typeof c?c:c.content,m=t(r,u),g=p.indexOf(m);if(g>-1){++a;var f=p.substring(0,g),h=new e.Token(r,e.tokenize(d,n.grammar),"language-"+r,d),b=p.substring(g+m.length),E=[];f&&E.push.apply(E,o([f])),E.push(h),b&&E.push.apply(E,o([b])),"string"==typeof c?s.splice.apply(s,[l,1].concat(E)):c.content=E}}else c.content&&o(c.content)}return s}(n.tokens)}}}})}(e)}e.exports=t,t.displayName="markupTemplating",t.aliases=[]},2717:function(e){"use strict";function t(e){e.languages.markup={comment:{pattern://,greedy:!0},prolog:{pattern:/<\?[\s\S]+?\?>/,greedy:!0},doctype:{pattern:/"'[\]]|"[^"]*"|'[^']*')+(?:\[(?:[^<"'\]]|"[^"]*"|'[^']*'|<(?!!--)|)*\]\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://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"},/"|'/]}},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(e){"entity"===e.type&&(e.attributes.title=e.content.value.replace(/&/,"&"))}),Object.defineProperty(e.languages.markup.tag,"addInlined",{value:function(t,n){var r={};r["language-"+n]={pattern:/(^$)/i,lookbehind:!0,inside:e.languages[n]},r.cdata=/^$/i;var a={"included-cdata":{pattern://i,inside:r}};a["language-"+n]={pattern:/[\s\S]+/,inside:e.languages[n]};var i={};i[t]={pattern:RegExp(/(<__[^>]*>)(?:))*\]\]>|(?!)/.source.replace(/__/g,function(){return t}),"i"),lookbehind:!0,greedy:!0,inside:a},e.languages.insertBefore("markup","cdata",i)}}),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}e.exports=t,t.displayName="markup",t.aliases=["html","mathml","svg","xml","ssml","atom","rss"]},27992:function(e){"use strict";function t(e){e.languages.matlab={comment:[/%\{[\s\S]*?\}%/,/%.+/],string:{pattern:/\B'(?:''|[^'\r\n])*'/,greedy:!0},number:/(?:\b\d+(?:\.\d*)?|\B\.\d+)(?:[eE][+-]?\d+)?(?:[ij])?|\b[ij]\b/,keyword:/\b(?:NaN|break|case|catch|continue|else|elseif|end|for|function|if|inf|otherwise|parfor|pause|pi|return|switch|try|while)\b/,function:/\b(?!\d)\w+(?=\s*\()/,operator:/\.?[*^\/\\']|[+\-:@]|[<>=~]=?|&&?|\|\|?/,punctuation:/\.{3}|[.,;\[\](){}!]/}}e.exports=t,t.displayName="matlab",t.aliases=[]},91115:function(e){"use strict";function t(e){var t;t=/\b(?:about|and|animate|as|at|attributes|by|case|catch|collect|continue|coordsys|do|else|exit|fn|for|from|function|global|if|in|local|macroscript|mapped|max|not|of|off|on|or|parameters|persistent|plugin|rcmenu|return|rollout|set|struct|then|throw|to|tool|try|undo|utility|when|where|while|with)\b/i,e.languages.maxscript={comment:{pattern:/\/\*[\s\S]*?(?:\*\/|$)|--.*/,greedy:!0},string:{pattern:/(^|[^"\\@])(?:"(?:[^"\\]|\\[\s\S])*"|@"[^"]*")/,lookbehind:!0,greedy:!0},path:{pattern:/\$(?:[\w/\\.*?]|'[^']*')*/,greedy:!0,alias:"string"},"function-call":{pattern:RegExp("((?:"+(/^/.source+"|")+/[;=<>+\-*/^({\[]/.source+"|"+/\b(?:and|by|case|catch|collect|do|else|if|in|not|or|return|then|to|try|where|while|with)\b/.source+")[ ]*)(?!"+t.source+")"+/[a-z_]\w*\b/.source+"(?=[ ]*(?:"+("(?!"+t.source+")"+/[a-z_]/.source+"|")+/\d|-\.?\d/.source+"|"+/[({'"$@#?]/.source+"))","im"),lookbehind:!0,greedy:!0,alias:"function"},"function-definition":{pattern:/(\b(?:fn|function)\s+)\w+\b/i,lookbehind:!0,alias:"function"},argument:{pattern:/\b[a-z_]\w*(?=:)/i,alias:"attr-name"},keyword:t,boolean:/\b(?:false|true)\b/,time:{pattern:/(^|[^\w.])(?:(?:(?:\d+(?:\.\d*)?|\.\d+)(?:[eEdD][+-]\d+|[LP])?[msft])+|\d+:\d+(?:\.\d*)?)(?![\w.:])/,lookbehind:!0,alias:"number"},number:[{pattern:/(^|[^\w.])(?:(?:\d+(?:\.\d*)?|\.\d+)(?:[eEdD][+-]\d+|[LP])?|0x[a-fA-F0-9]+)(?![\w.:])/,lookbehind:!0},/\b(?:e|pi)\b/],constant:/\b(?:dontcollect|ok|silentValue|undefined|unsupplied)\b/,color:{pattern:/\b(?:black|blue|brown|gray|green|orange|red|white|yellow)\b/i,alias:"constant"},operator:/[-+*/<>=!]=?|[&^?]|#(?!\()/,punctuation:/[()\[\]{}.:,;]|#(?=\()|\\$/m}}e.exports=t,t.displayName="maxscript",t.aliases=[]},606:function(e){"use strict";function t(e){e.languages.mel={comment:/\/\/.*/,code:{pattern:/`(?:\\.|[^\\`\r\n])*`/,greedy:!0,alias:"italic",inside:{delimiter:{pattern:/^`|`$/,alias:"punctuation"}}},string:{pattern:/"(?:\\.|[^\\"\r\n])*"/,greedy:!0},variable:/\$\w+/,number:/\b0x[\da-fA-F]+\b|\b\d+(?:\.\d*)?|\B\.\d+/,flag:{pattern:/-[^\d\W]\w*/,alias:"operator"},keyword:/\b(?:break|case|continue|default|do|else|float|for|global|if|in|int|matrix|proc|return|string|switch|vector|while)\b/,function:/\b\w+(?=\()|\b(?:CBG|HfAddAttractorToAS|HfAssignAS|HfBuildEqualMap|HfBuildFurFiles|HfBuildFurImages|HfCancelAFR|HfConnectASToHF|HfCreateAttractor|HfDeleteAS|HfEditAS|HfPerformCreateAS|HfRemoveAttractorFromAS|HfSelectAttached|HfSelectAttractors|HfUnAssignAS|Mayatomr|about|abs|addAttr|addAttributeEditorNodeHelp|addDynamic|addNewShelfTab|addPP|addPanelCategory|addPrefixToName|advanceToNextDrivenKey|affectedNet|affects|aimConstraint|air|alias|aliasAttr|align|alignCtx|alignCurve|alignSurface|allViewFit|ambientLight|angle|angleBetween|animCone|animCurveEditor|animDisplay|animView|annotate|appendStringArray|applicationName|applyAttrPreset|applyTake|arcLenDimContext|arcLengthDimension|arclen|arrayMapper|art3dPaintCtx|artAttrCtx|artAttrPaintVertexCtx|artAttrSkinPaintCtx|artAttrTool|artBuildPaintMenu|artFluidAttrCtx|artPuttyCtx|artSelectCtx|artSetPaintCtx|artUserPaintCtx|assignCommand|assignInputDevice|assignViewportFactories|attachCurve|attachDeviceAttr|attachSurface|attrColorSliderGrp|attrCompatibility|attrControlGrp|attrEnumOptionMenu|attrEnumOptionMenuGrp|attrFieldGrp|attrFieldSliderGrp|attrNavigationControlGrp|attrPresetEditWin|attributeExists|attributeInfo|attributeMenu|attributeQuery|autoKeyframe|autoPlace|bakeClip|bakeFluidShading|bakePartialHistory|bakeResults|bakeSimulation|basename|basenameEx|batchRender|bessel|bevel|bevelPlus|binMembership|bindSkin|blend2|blendShape|blendShapeEditor|blendShapePanel|blendTwoAttr|blindDataType|boneLattice|boundary|boxDollyCtx|boxZoomCtx|bufferCurve|buildBookmarkMenu|buildKeyframeMenu|button|buttonManip|cacheFile|cacheFileCombine|cacheFileMerge|cacheFileTrack|camera|cameraView|canCreateManip|canvas|capitalizeString|catch|catchQuiet|ceil|changeSubdivComponentDisplayLevel|changeSubdivRegion|channelBox|character|characterMap|characterOutlineEditor|characterize|chdir|checkBox|checkBoxGrp|checkDefaultRenderGlobals|choice|circle|circularFillet|clamp|clear|clearCache|clip|clipEditor|clipEditorCurrentTimeCtx|clipSchedule|clipSchedulerOutliner|clipTrimBefore|closeCurve|closeSurface|cluster|cmdFileOutput|cmdScrollFieldExecuter|cmdScrollFieldReporter|cmdShell|coarsenSubdivSelectionList|collision|color|colorAtPoint|colorEditor|colorIndex|colorIndexSliderGrp|colorSliderButtonGrp|colorSliderGrp|columnLayout|commandEcho|commandLine|commandPort|compactHairSystem|componentEditor|compositingInterop|computePolysetVolume|condition|cone|confirmDialog|connectAttr|connectControl|connectDynamic|connectJoint|connectionInfo|constrain|constrainValue|constructionHistory|container|containsMultibyte|contextInfo|control|convertFromOldLayers|convertIffToPsd|convertLightmap|convertSolidTx|convertTessellation|convertUnit|copyArray|copyFlexor|copyKey|copySkinWeights|cos|cpButton|cpCache|cpClothSet|cpCollision|cpConstraint|cpConvClothToMesh|cpForces|cpGetSolverAttr|cpPanel|cpProperty|cpRigidCollisionFilter|cpSeam|cpSetEdit|cpSetSolverAttr|cpSolver|cpSolverTypes|cpTool|cpUpdateClothUVs|createDisplayLayer|createDrawCtx|createEditor|createLayeredPsdFile|createMotionField|createNewShelf|createNode|createRenderLayer|createSubdivRegion|cross|crossProduct|ctxAbort|ctxCompletion|ctxEditMode|ctxTraverse|currentCtx|currentTime|currentTimeCtx|currentUnit|curve|curveAddPtCtx|curveCVCtx|curveEPCtx|curveEditorCtx|curveIntersect|curveMoveEPCtx|curveOnSurface|curveSketchCtx|cutKey|cycleCheck|cylinder|dagPose|date|defaultLightListCheckBox|defaultNavigation|defineDataServer|defineVirtualDevice|deformer|deg_to_rad|delete|deleteAttr|deleteShadingGroupsAndMaterials|deleteShelfTab|deleteUI|deleteUnusedBrushes|delrandstr|detachCurve|detachDeviceAttr|detachSurface|deviceEditor|devicePanel|dgInfo|dgdirty|dgeval|dgtimer|dimWhen|directKeyCtx|directionalLight|dirmap|dirname|disable|disconnectAttr|disconnectJoint|diskCache|displacementToPoly|displayAffected|displayColor|displayCull|displayLevelOfDetail|displayPref|displayRGBColor|displaySmoothness|displayStats|displayString|displaySurface|distanceDimContext|distanceDimension|doBlur|dolly|dollyCtx|dopeSheetEditor|dot|dotProduct|doubleProfileBirailSurface|drag|dragAttrContext|draggerContext|dropoffLocator|duplicate|duplicateCurve|duplicateSurface|dynCache|dynControl|dynExport|dynExpression|dynGlobals|dynPaintEditor|dynParticleCtx|dynPref|dynRelEdPanel|dynRelEditor|dynamicLoad|editAttrLimits|editDisplayLayerGlobals|editDisplayLayerMembers|editRenderLayerAdjustment|editRenderLayerGlobals|editRenderLayerMembers|editor|editorTemplate|effector|emit|emitter|enableDevice|encodeString|endString|endsWith|env|equivalent|equivalentTol|erf|error|eval|evalDeferred|evalEcho|event|exactWorldBoundingBox|exclusiveLightCheckBox|exec|executeForEachObject|exists|exp|expression|expressionEditorListen|extendCurve|extendSurface|extrude|fcheck|fclose|feof|fflush|fgetline|fgetword|file|fileBrowserDialog|fileDialog|fileExtension|fileInfo|filetest|filletCurve|filter|filterCurve|filterExpand|filterStudioImport|findAllIntersections|findAnimCurves|findKeyframe|findMenuItem|findRelatedSkinCluster|finder|firstParentOf|fitBspline|flexor|floatEq|floatField|floatFieldGrp|floatScrollBar|floatSlider|floatSlider2|floatSliderButtonGrp|floatSliderGrp|floor|flow|fluidCacheInfo|fluidEmitter|fluidVoxelInfo|flushUndo|fmod|fontDialog|fopen|formLayout|format|fprint|frameLayout|fread|freeFormFillet|frewind|fromNativePath|fwrite|gamma|gauss|geometryConstraint|getApplicationVersionAsFloat|getAttr|getClassification|getDefaultBrush|getFileList|getFluidAttr|getInputDeviceRange|getMayaPanelTypes|getModifiers|getPanel|getParticleAttr|getPluginResource|getenv|getpid|glRender|glRenderEditor|globalStitch|gmatch|goal|gotoBindPose|grabColor|gradientControl|gradientControlNoAttr|graphDollyCtx|graphSelectContext|graphTrackCtx|gravity|grid|gridLayout|group|groupObjectsByName|hardenPointCurve|hardware|hardwareRenderPanel|headsUpDisplay|headsUpMessage|help|helpLine|hermite|hide|hilite|hitTest|hotBox|hotkey|hotkeyCheck|hsv_to_rgb|hudButton|hudSlider|hudSliderButton|hwReflectionMap|hwRender|hwRenderLoad|hyperGraph|hyperPanel|hyperShade|hypot|iconTextButton|iconTextCheckBox|iconTextRadioButton|iconTextRadioCollection|iconTextScrollList|iconTextStaticLabel|ikHandle|ikHandleCtx|ikHandleDisplayScale|ikSolver|ikSplineHandleCtx|ikSystem|ikSystemInfo|ikfkDisplayMethod|illustratorCurves|image|imfPlugins|inheritTransform|insertJoint|insertJointCtx|insertKeyCtx|insertKnotCurve|insertKnotSurface|instance|instanceable|instancer|intField|intFieldGrp|intScrollBar|intSlider|intSliderGrp|interToUI|internalVar|intersect|iprEngine|isAnimCurve|isConnected|isDirty|isParentOf|isSameObject|isTrue|isValidObjectName|isValidString|isValidUiName|isolateSelect|itemFilter|itemFilterAttr|itemFilterRender|itemFilterType|joint|jointCluster|jointCtx|jointDisplayScale|jointLattice|keyTangent|keyframe|keyframeOutliner|keyframeRegionCurrentTimeCtx|keyframeRegionDirectKeyCtx|keyframeRegionDollyCtx|keyframeRegionInsertKeyCtx|keyframeRegionMoveKeyCtx|keyframeRegionScaleKeyCtx|keyframeRegionSelectKeyCtx|keyframeRegionSetKeyCtx|keyframeRegionTrackCtx|keyframeStats|lassoContext|lattice|latticeDeformKeyCtx|launch|launchImageEditor|layerButton|layeredShaderPort|layeredTexturePort|layout|layoutDialog|lightList|lightListEditor|lightListPanel|lightlink|lineIntersection|linearPrecision|linstep|listAnimatable|listAttr|listCameras|listConnections|listDeviceAttachments|listHistory|listInputDeviceAxes|listInputDeviceButtons|listInputDevices|listMenuAnnotation|listNodeTypes|listPanelCategories|listRelatives|listSets|listTransforms|listUnselected|listerEditor|loadFluid|loadNewShelf|loadPlugin|loadPluginLanguageResources|loadPrefObjects|localizedPanelLabel|lockNode|loft|log|longNameOf|lookThru|ls|lsThroughFilter|lsType|lsUI|mag|makeIdentity|makeLive|makePaintable|makeRoll|makeSingleSurface|makeTubeOn|makebot|manipMoveContext|manipMoveLimitsCtx|manipOptions|manipRotateContext|manipRotateLimitsCtx|manipScaleContext|manipScaleLimitsCtx|marker|match|max|memory|menu|menuBarLayout|menuEditor|menuItem|menuItemToShelf|menuSet|menuSetPref|messageLine|min|minimizeApp|mirrorJoint|modelCurrentTimeCtx|modelEditor|modelPanel|mouse|movIn|movOut|move|moveIKtoFK|moveKeyCtx|moveVertexAlongDirection|multiProfileBirailSurface|mute|nParticle|nameCommand|nameField|namespace|namespaceInfo|newPanelItems|newton|nodeCast|nodeIconButton|nodeOutliner|nodePreset|nodeType|noise|nonLinear|normalConstraint|normalize|nurbsBoolean|nurbsCopyUVSet|nurbsCube|nurbsEditUV|nurbsPlane|nurbsSelect|nurbsSquare|nurbsToPoly|nurbsToPolygonsPref|nurbsToSubdiv|nurbsToSubdivPref|nurbsUVSet|nurbsViewDirectionVector|objExists|objectCenter|objectLayer|objectType|objectTypeUI|obsoleteProc|oceanNurbsPreviewPlane|offsetCurve|offsetCurveOnSurface|offsetSurface|openGLExtension|openMayaPref|optionMenu|optionMenuGrp|optionVar|orbit|orbitCtx|orientConstraint|outlinerEditor|outlinerPanel|overrideModifier|paintEffectsDisplay|pairBlend|palettePort|paneLayout|panel|panelConfiguration|panelHistory|paramDimContext|paramDimension|paramLocator|parent|parentConstraint|particle|particleExists|particleInstancer|particleRenderInfo|partition|pasteKey|pathAnimation|pause|pclose|percent|performanceOptions|pfxstrokes|pickWalk|picture|pixelMove|planarSrf|plane|play|playbackOptions|playblast|plugAttr|plugNode|pluginInfo|pluginResourceUtil|pointConstraint|pointCurveConstraint|pointLight|pointMatrixMult|pointOnCurve|pointOnSurface|pointPosition|poleVectorConstraint|polyAppend|polyAppendFacetCtx|polyAppendVertex|polyAutoProjection|polyAverageNormal|polyAverageVertex|polyBevel|polyBlendColor|polyBlindData|polyBoolOp|polyBridgeEdge|polyCacheMonitor|polyCheck|polyChipOff|polyClipboard|polyCloseBorder|polyCollapseEdge|polyCollapseFacet|polyColorBlindData|polyColorDel|polyColorPerVertex|polyColorSet|polyCompare|polyCone|polyCopyUV|polyCrease|polyCreaseCtx|polyCreateFacet|polyCreateFacetCtx|polyCube|polyCut|polyCutCtx|polyCylinder|polyCylindricalProjection|polyDelEdge|polyDelFacet|polyDelVertex|polyDuplicateAndConnect|polyDuplicateEdge|polyEditUV|polyEditUVShell|polyEvaluate|polyExtrudeEdge|polyExtrudeFacet|polyExtrudeVertex|polyFlipEdge|polyFlipUV|polyForceUV|polyGeoSampler|polyHelix|polyInfo|polyInstallAction|polyLayoutUV|polyListComponentConversion|polyMapCut|polyMapDel|polyMapSew|polyMapSewMove|polyMergeEdge|polyMergeEdgeCtx|polyMergeFacet|polyMergeFacetCtx|polyMergeUV|polyMergeVertex|polyMirrorFace|polyMoveEdge|polyMoveFacet|polyMoveFacetUV|polyMoveUV|polyMoveVertex|polyNormal|polyNormalPerVertex|polyNormalizeUV|polyOptUvs|polyOptions|polyOutput|polyPipe|polyPlanarProjection|polyPlane|polyPlatonicSolid|polyPoke|polyPrimitive|polyPrism|polyProjection|polyPyramid|polyQuad|polyQueryBlindData|polyReduce|polySelect|polySelectConstraint|polySelectConstraintMonitor|polySelectCtx|polySelectEditCtx|polySeparate|polySetToFaceNormal|polySewEdge|polyShortestPathCtx|polySmooth|polySoftEdge|polySphere|polySphericalProjection|polySplit|polySplitCtx|polySplitEdge|polySplitRing|polySplitVertex|polyStraightenUVBorder|polySubdivideEdge|polySubdivideFacet|polyToSubdiv|polyTorus|polyTransfer|polyTriangulate|polyUVSet|polyUnite|polyWedgeFace|popen|popupMenu|pose|pow|preloadRefEd|print|progressBar|progressWindow|projFileViewer|projectCurve|projectTangent|projectionContext|projectionManip|promptDialog|propModCtx|propMove|psdChannelOutliner|psdEditTextureFile|psdExport|psdTextureFile|putenv|pwd|python|querySubdiv|quit|rad_to_deg|radial|radioButton|radioButtonGrp|radioCollection|radioMenuItemCollection|rampColorPort|rand|randomizeFollicles|randstate|rangeControl|readTake|rebuildCurve|rebuildSurface|recordAttr|recordDevice|redo|reference|referenceEdit|referenceQuery|refineSubdivSelectionList|refresh|refreshAE|registerPluginResource|rehash|reloadImage|removeJoint|removeMultiInstance|removePanelCategory|rename|renameAttr|renameSelectionList|renameUI|render|renderGlobalsNode|renderInfo|renderLayerButton|renderLayerParent|renderLayerPostProcess|renderLayerUnparent|renderManip|renderPartition|renderQualityNode|renderSettings|renderThumbnailUpdate|renderWindowEditor|renderWindowSelectContext|renderer|reorder|reorderDeformers|requires|reroot|resampleFluid|resetAE|resetPfxToPolyCamera|resetTool|resolutionNode|retarget|reverseCurve|reverseSurface|revolve|rgb_to_hsv|rigidBody|rigidSolver|roll|rollCtx|rootOf|rot|rotate|rotationInterpolation|roundConstantRadius|rowColumnLayout|rowLayout|runTimeCommand|runup|sampleImage|saveAllShelves|saveAttrPreset|saveFluid|saveImage|saveInitialState|saveMenu|savePrefObjects|savePrefs|saveShelf|saveToolSettings|scale|scaleBrushBrightness|scaleComponents|scaleConstraint|scaleKey|scaleKeyCtx|sceneEditor|sceneUIReplacement|scmh|scriptCtx|scriptEditorInfo|scriptJob|scriptNode|scriptTable|scriptToShelf|scriptedPanel|scriptedPanelType|scrollField|scrollLayout|sculpt|searchPathArray|seed|selLoadSettings|select|selectContext|selectCurveCV|selectKey|selectKeyCtx|selectKeyframeRegionCtx|selectMode|selectPref|selectPriority|selectType|selectedNodes|selectionConnection|separator|setAttr|setAttrEnumResource|setAttrMapping|setAttrNiceNameResource|setConstraintRestPosition|setDefaultShadingGroup|setDrivenKeyframe|setDynamic|setEditCtx|setEditor|setFluidAttr|setFocus|setInfinity|setInputDeviceMapping|setKeyCtx|setKeyPath|setKeyframe|setKeyframeBlendshapeTargetWts|setMenuMode|setNodeNiceNameResource|setNodeTypeFlag|setParent|setParticleAttr|setPfxToPolyCamera|setPluginResource|setProject|setStampDensity|setStartupMessage|setState|setToolTo|setUITemplate|setXformManip|sets|shadingConnection|shadingGeometryRelCtx|shadingLightRelCtx|shadingNetworkCompare|shadingNode|shapeCompare|shelfButton|shelfLayout|shelfTabLayout|shellField|shortNameOf|showHelp|showHidden|showManipCtx|showSelectionInTitle|showShadingGroupAttrEditor|showWindow|sign|simplify|sin|singleProfileBirailSurface|size|sizeBytes|skinCluster|skinPercent|smoothCurve|smoothTangentSurface|smoothstep|snap2to2|snapKey|snapMode|snapTogetherCtx|snapshot|soft|softMod|softModCtx|sort|sound|soundControl|source|spaceLocator|sphere|sphrand|spotLight|spotLightPreviewPort|spreadSheetEditor|spring|sqrt|squareSurface|srtContext|stackTrace|startString|startsWith|stitchAndExplodeShell|stitchSurface|stitchSurfacePoints|strcmp|stringArrayCatenate|stringArrayContains|stringArrayCount|stringArrayInsertAtIndex|stringArrayIntersector|stringArrayRemove|stringArrayRemoveAtIndex|stringArrayRemoveDuplicates|stringArrayRemoveExact|stringArrayToString|stringToStringArray|strip|stripPrefixFromName|stroke|subdAutoProjection|subdCleanTopology|subdCollapse|subdDuplicateAndConnect|subdEditUV|subdListComponentConversion|subdMapCut|subdMapSewMove|subdMatchTopology|subdMirror|subdToBlind|subdToPoly|subdTransferUVsToCache|subdiv|subdivCrease|subdivDisplaySmoothness|substitute|substituteAllString|substituteGeometry|substring|surface|surfaceSampler|surfaceShaderList|swatchDisplayPort|switchTable|symbolButton|symbolCheckBox|sysFile|system|tabLayout|tan|tangentConstraint|texLatticeDeformContext|texManipContext|texMoveContext|texMoveUVShellContext|texRotateContext|texScaleContext|texSelectContext|texSelectShortestPathCtx|texSmudgeUVContext|texWinToolCtx|text|textCurves|textField|textFieldButtonGrp|textFieldGrp|textManip|textScrollList|textToShelf|textureDisplacePlane|textureHairColor|texturePlacementContext|textureWindow|threadCount|threePointArcCtx|timeControl|timePort|timerX|toNativePath|toggle|toggleAxis|toggleWindowVisibility|tokenize|tokenizeList|tolerance|tolower|toolButton|toolCollection|toolDropped|toolHasOptions|toolPropertyWindow|torus|toupper|trace|track|trackCtx|transferAttributes|transformCompare|transformLimits|translator|trim|trunc|truncateFluidCache|truncateHairCache|tumble|tumbleCtx|turbulence|twoPointArcCtx|uiRes|uiTemplate|unassignInputDevice|undo|undoInfo|ungroup|uniform|unit|unloadPlugin|untangleUV|untitledFileName|untrim|upAxis|updateAE|userCtx|uvLink|uvSnapshot|validateShelfName|vectorize|view2dToolCtx|viewCamera|viewClipPlane|viewFit|viewHeadOn|viewLookAt|viewManip|viewPlace|viewSet|visor|volumeAxis|vortex|waitCursor|warning|webBrowser|webBrowserPrefs|whatIs|window|windowPref|wire|wireContext|workspace|wrinkle|wrinkleContext|writeTake|xbmLangPathList|xform)\b/,operator:[/\+[+=]?|-[-=]?|&&|\|\||[<>]=|[*\/!=]=?|[%^]/,{pattern:/(^|[^<])<(?!<)/,lookbehind:!0},{pattern:/(^|[^>])>(?!>)/,lookbehind:!0}],punctuation:/<<|>>|[.,:;?\[\](){}]/},e.languages.mel.code.inside.rest=e.languages.mel}e.exports=t,t.displayName="mel",t.aliases=[]},68582:function(e){"use strict";function t(e){e.languages.mermaid={comment:{pattern:/%%.*/,greedy:!0},style:{pattern:/^([ \t]*(?:classDef|linkStyle|style)[ \t]+[\w$-]+[ \t]+)\w.*[^\s;]/m,lookbehind:!0,inside:{property:/\b\w[\w-]*(?=[ \t]*:)/,operator:/:/,punctuation:/,/}},"inter-arrow-label":{pattern:/([^<>ox.=-])(?:-[-.]|==)(?![<>ox.=-])[ \t]*(?:"[^"\r\n]*"|[^\s".=-](?:[^\r\n.=-]*[^\s.=-])?)[ \t]*(?:\.+->?|--+[->]|==+[=>])(?![<>ox.=-])/,lookbehind:!0,greedy:!0,inside:{arrow:{pattern:/(?:\.+->?|--+[->]|==+[=>])$/,alias:"operator"},label:{pattern:/^([\s\S]{2}[ \t]*)\S(?:[\s\S]*\S)?/,lookbehind:!0,alias:"property"},"arrow-head":{pattern:/^\S+/,alias:["arrow","operator"]}}},arrow:[{pattern:/(^|[^{}|o.-])[|}][|o](?:--|\.\.)[|o][|{](?![{}|o.-])/,lookbehind:!0,alias:"operator"},{pattern:/(^|[^<>ox.=-])(?:[ox]?|(?:==+|--+|-\.*-)[>ox]|===+|---+|-\.+-)(?![<>ox.=-])/,lookbehind:!0,alias:"operator"},{pattern:/(^|[^<>()x-])(?:--?(?:>>|[x>)])(?![<>()x])|(?:<<|[x<(])--?(?!-))/,lookbehind:!0,alias:"operator"},{pattern:/(^|[^<>|*o.-])(?:[*o]--|--[*o]|<\|?(?:--|\.\.)|(?:--|\.\.)\|?>|--|\.\.)(?![<>|*o.-])/,lookbehind:!0,alias:"operator"}],label:{pattern:/(^|[^|<])\|(?:[^\r\n"|]|"[^"\r\n]*")+\|/,lookbehind:!0,greedy:!0,alias:"property"},text:{pattern:/(?:[(\[{]+|\b>)(?:[^\r\n"()\[\]{}]|"[^"\r\n]*")+(?:[)\]}]+|>)/,alias:"string"},string:{pattern:/"[^"\r\n]*"/,greedy:!0},annotation:{pattern:/<<(?:abstract|choice|enumeration|fork|interface|join|service)>>|\[\[(?:choice|fork|join)\]\]/i,alias:"important"},keyword:[{pattern:/(^[ \t]*)(?:action|callback|class|classDef|classDiagram|click|direction|erDiagram|flowchart|gantt|gitGraph|graph|journey|link|linkStyle|pie|requirementDiagram|sequenceDiagram|stateDiagram|stateDiagram-v2|style|subgraph)(?![\w$-])/m,lookbehind:!0,greedy:!0},{pattern:/(^[ \t]*)(?:activate|alt|and|as|autonumber|deactivate|else|end(?:[ \t]+note)?|loop|opt|par|participant|rect|state|note[ \t]+(?:over|(?:left|right)[ \t]+of))(?![\w$-])/im,lookbehind:!0,greedy:!0}],entity:/#[a-z0-9]+;/,operator:{pattern:/(\w[ \t]*)&(?=[ \t]*\w)|:::|:/,lookbehind:!0},punctuation:/[(){};]/}}e.exports=t,t.displayName="mermaid",t.aliases=[]},23388:function(e){"use strict";function t(e){e.languages.mizar={comment:/::.+/,keyword:/@proof\b|\b(?:according|aggregate|all|and|antonym|are|as|associativity|assume|asymmetry|attr|be|begin|being|by|canceled|case|cases|clusters?|coherence|commutativity|compatibility|connectedness|consider|consistency|constructors|contradiction|correctness|def|deffunc|define|definitions?|defpred|do|does|end|environ|equals|ex|exactly|existence|for|from|func|given|hence|hereby|holds|idempotence|identity|iff?|implies|involutiveness|irreflexivity|is|it|let|means|mode|non|not|notations?|now|of|or|otherwise|over|per|pred|prefix|projectivity|proof|provided|qua|reconsider|redefine|reduce|reducibility|reflexivity|registrations?|requirements|reserve|sch|schemes?|section|selector|set|sethood|st|struct|such|suppose|symmetry|synonym|take|that|the|then|theorems?|thesis|thus|to|transitivity|uniqueness|vocabular(?:ies|y)|when|where|with|wrt)\b/,parameter:{pattern:/\$(?:10|\d)/,alias:"variable"},variable:/\b\w+(?=:)/,number:/(?:\b|-)\d+\b/,operator:/\.\.\.|->|&|\.?=/,punctuation:/\(#|#\)|[,:;\[\](){}]/}}e.exports=t,t.displayName="mizar",t.aliases=[]},90596:function(e){"use strict";function t(e){var t,n;n="(?:"+["$eq","$gt","$gte","$in","$lt","$lte","$ne","$nin","$and","$not","$nor","$or","$exists","$type","$expr","$jsonSchema","$mod","$regex","$text","$where","$geoIntersects","$geoWithin","$near","$nearSphere","$all","$elemMatch","$size","$bitsAllClear","$bitsAllSet","$bitsAnyClear","$bitsAnySet","$comment","$elemMatch","$meta","$slice","$currentDate","$inc","$min","$max","$mul","$rename","$set","$setOnInsert","$unset","$addToSet","$pop","$pull","$push","$pullAll","$each","$position","$slice","$sort","$bit","$addFields","$bucket","$bucketAuto","$collStats","$count","$currentOp","$facet","$geoNear","$graphLookup","$group","$indexStats","$limit","$listLocalSessions","$listSessions","$lookup","$match","$merge","$out","$planCacheStats","$project","$redact","$replaceRoot","$replaceWith","$sample","$set","$skip","$sort","$sortByCount","$unionWith","$unset","$unwind","$setWindowFields","$abs","$accumulator","$acos","$acosh","$add","$addToSet","$allElementsTrue","$and","$anyElementTrue","$arrayElemAt","$arrayToObject","$asin","$asinh","$atan","$atan2","$atanh","$avg","$binarySize","$bsonSize","$ceil","$cmp","$concat","$concatArrays","$cond","$convert","$cos","$dateFromParts","$dateToParts","$dateFromString","$dateToString","$dayOfMonth","$dayOfWeek","$dayOfYear","$degreesToRadians","$divide","$eq","$exp","$filter","$first","$floor","$function","$gt","$gte","$hour","$ifNull","$in","$indexOfArray","$indexOfBytes","$indexOfCP","$isArray","$isNumber","$isoDayOfWeek","$isoWeek","$isoWeekYear","$last","$last","$let","$literal","$ln","$log","$log10","$lt","$lte","$ltrim","$map","$max","$mergeObjects","$meta","$min","$millisecond","$minute","$mod","$month","$multiply","$ne","$not","$objectToArray","$or","$pow","$push","$radiansToDegrees","$range","$reduce","$regexFind","$regexFindAll","$regexMatch","$replaceOne","$replaceAll","$reverseArray","$round","$rtrim","$second","$setDifference","$setEquals","$setIntersection","$setIsSubset","$setUnion","$size","$sin","$slice","$split","$sqrt","$stdDevPop","$stdDevSamp","$strcasecmp","$strLenBytes","$strLenCP","$substr","$substrBytes","$substrCP","$subtract","$sum","$switch","$tan","$toBool","$toDate","$toDecimal","$toDouble","$toInt","$toLong","$toObjectId","$toString","$toLower","$toUpper","$trim","$trunc","$type","$week","$year","$zip","$count","$dateAdd","$dateDiff","$dateSubtract","$dateTrunc","$getField","$rand","$sampleRate","$setField","$unsetField","$comment","$explain","$hint","$max","$maxTimeMS","$min","$orderby","$query","$returnKey","$showDiskLoc","$natural"].map(function(e){return e.replace("$","\\$")}).join("|")+")\\b",e.languages.mongodb=e.languages.extend("javascript",{}),e.languages.insertBefore("mongodb","string",{property:{pattern:/(?:(["'])(?:\\(?:\r\n|[\s\S])|(?!\1)[^\\\r\n])*\1|(?!\s)[_$a-zA-Z\xA0-\uFFFF](?:(?!\s)[$\w\xA0-\uFFFF])*)(?=\s*:)/,greedy:!0,inside:{keyword:RegExp("^(['\"])?"+n+"(?:\\1)?$")}}}),e.languages.mongodb.string.inside={url:{pattern:/https?:\/\/[-\w@:%.+~#=]{1,256}\.[a-z0-9()]{1,6}\b[-\w()@:%+.~#?&/=]*/i,greedy:!0},entity:{pattern:/\b(?:(?:[01]?\d\d?|2[0-4]\d|25[0-5])\.){3}(?:[01]?\d\d?|2[0-4]\d|25[0-5])\b/,greedy:!0}},e.languages.insertBefore("mongodb","constant",{builtin:{pattern:RegExp("\\b(?:ObjectId|Code|BinData|DBRef|Timestamp|NumberLong|NumberDecimal|MaxKey|MinKey|RegExp|ISODate|UUID)\\b"),alias:"keyword"}})}e.exports=t,t.displayName="mongodb",t.aliases=[]},95721:function(e){"use strict";function t(e){e.languages.monkey={comment:{pattern:/^#Rem\s[\s\S]*?^#End|'.+/im,greedy:!0},string:{pattern:/"[^"\r\n]*"/,greedy:!0},preprocessor:{pattern:/(^[ \t]*)#.+/m,lookbehind:!0,greedy:!0,alias:"property"},function:/\b\w+(?=\()/,"type-char":{pattern:/\b[?%#$]/,alias:"class-name"},number:{pattern:/((?:\.\.)?)(?:(?:\b|\B-\.?|\B\.)\d+(?:(?!\.\.)\.\d*)?|\$[\da-f]+)/i,lookbehind:!0},keyword:/\b(?:Abstract|Array|Bool|Case|Catch|Class|Const|Continue|Default|Eachin|Else|ElseIf|End|EndIf|Exit|Extends|Extern|False|Field|Final|Float|For|Forever|Function|Global|If|Implements|Import|Inline|Int|Interface|Local|Method|Module|New|Next|Null|Object|Private|Property|Public|Repeat|Return|Select|Self|Step|Strict|String|Super|Then|Throw|To|True|Try|Until|Void|Wend|While)\b/i,operator:/\.\.|<[=>]?|>=?|:?=|(?:[+\-*\/&~|]|\b(?:Mod|Shl|Shr)\b)=?|\b(?:And|Not|Or)\b/i,punctuation:/[.,:;()\[\]]/}}e.exports=t,t.displayName="monkey",t.aliases=[]},64262:function(e){"use strict";function t(e){e.languages.moonscript={comment:/--.*/,string:[{pattern:/'[^']*'|\[(=*)\[[\s\S]*?\]\1\]/,greedy:!0},{pattern:/"[^"]*"/,greedy:!0,inside:{interpolation:{pattern:/#\{[^{}]*\}/,inside:{moonscript:{pattern:/(^#\{)[\s\S]+(?=\})/,lookbehind:!0,inside:null},"interpolation-punctuation":{pattern:/#\{|\}/,alias:"punctuation"}}}}}],"class-name":[{pattern:/(\b(?:class|extends)[ \t]+)\w+/,lookbehind:!0},/\b[A-Z]\w*/],keyword:/\b(?:class|continue|do|else|elseif|export|extends|for|from|if|import|in|local|nil|return|self|super|switch|then|unless|using|when|while|with)\b/,variable:/@@?\w*/,property:{pattern:/\b(?!\d)\w+(?=:)|(:)(?!\d)\w+/,lookbehind:!0},function:{pattern:/\b(?:_G|_VERSION|assert|collectgarbage|coroutine\.(?:create|resume|running|status|wrap|yield)|debug\.(?:debug|getfenv|gethook|getinfo|getlocal|getmetatable|getregistry|getupvalue|setfenv|sethook|setlocal|setmetatable|setupvalue|traceback)|dofile|error|getfenv|getmetatable|io\.(?:close|flush|input|lines|open|output|popen|read|stderr|stdin|stdout|tmpfile|type|write)|ipairs|load|loadfile|loadstring|math\.(?:abs|acos|asin|atan|atan2|ceil|cos|cosh|deg|exp|floor|fmod|frexp|ldexp|log|log10|max|min|modf|pi|pow|rad|random|randomseed|sin|sinh|sqrt|tan|tanh)|module|next|os\.(?:clock|date|difftime|execute|exit|getenv|remove|rename|setlocale|time|tmpname)|package\.(?:cpath|loaded|loadlib|path|preload|seeall)|pairs|pcall|print|rawequal|rawget|rawset|require|select|setfenv|setmetatable|string\.(?:byte|char|dump|find|format|gmatch|gsub|len|lower|match|rep|reverse|sub|upper)|table\.(?:concat|insert|maxn|remove|sort)|tonumber|tostring|type|unpack|xpcall)\b/,inside:{punctuation:/\./}},boolean:/\b(?:false|true)\b/,number:/(?:\B\.\d+|\b\d+\.\d+|\b\d+(?=[eE]))(?:[eE][-+]?\d+)?\b|\b(?:0x[a-fA-F\d]+|\d+)(?:U?LL)?\b/,operator:/\.{3}|[-=]>|~=|(?:[-+*/%<>!=]|\.\.)=?|[:#^]|\b(?:and|or)\b=?|\b(?:not)\b/,punctuation:/[.,()[\]{}\\]/},e.languages.moonscript.string[1].inside.interpolation.inside.moonscript.inside=e.languages.moonscript,e.languages.moon=e.languages.moonscript}e.exports=t,t.displayName="moonscript",t.aliases=["moon"]},18190:function(e){"use strict";function t(e){e.languages.n1ql={comment:{pattern:/\/\*[\s\S]*?(?:$|\*\/)|--.*/,greedy:!0},string:{pattern:/(["'])(?:\\[\s\S]|(?!\1)[^\\]|\1\1)*\1/,greedy:!0},identifier:{pattern:/`(?:\\[\s\S]|[^\\`]|``)*`/,greedy:!0},parameter:/\$[\w.]+/,keyword:/\b(?:ADVISE|ALL|ALTER|ANALYZE|AS|ASC|AT|BEGIN|BINARY|BOOLEAN|BREAK|BUCKET|BUILD|BY|CALL|CAST|CLUSTER|COLLATE|COLLECTION|COMMIT|COMMITTED|CONNECT|CONTINUE|CORRELATE|CORRELATED|COVER|CREATE|CURRENT|DATABASE|DATASET|DATASTORE|DECLARE|DECREMENT|DELETE|DERIVED|DESC|DESCRIBE|DISTINCT|DO|DROP|EACH|ELEMENT|EXCEPT|EXCLUDE|EXECUTE|EXPLAIN|FETCH|FILTER|FLATTEN|FLUSH|FOLLOWING|FOR|FORCE|FROM|FTS|FUNCTION|GOLANG|GRANT|GROUP|GROUPS|GSI|HASH|HAVING|IF|IGNORE|ILIKE|INCLUDE|INCREMENT|INDEX|INFER|INLINE|INNER|INSERT|INTERSECT|INTO|IS|ISOLATION|JAVASCRIPT|JOIN|KEY|KEYS|KEYSPACE|KNOWN|LANGUAGE|LAST|LEFT|LET|LETTING|LEVEL|LIMIT|LSM|MAP|MAPPING|MATCHED|MATERIALIZED|MERGE|MINUS|MISSING|NAMESPACE|NEST|NL|NO|NTH_VALUE|NULL|NULLS|NUMBER|OBJECT|OFFSET|ON|OPTION|OPTIONS|ORDER|OTHERS|OUTER|OVER|PARSE|PARTITION|PASSWORD|PATH|POOL|PRECEDING|PREPARE|PRIMARY|PRIVATE|PRIVILEGE|PROBE|PROCEDURE|PUBLIC|RANGE|RAW|REALM|REDUCE|RENAME|RESPECT|RETURN|RETURNING|REVOKE|RIGHT|ROLE|ROLLBACK|ROW|ROWS|SATISFIES|SAVEPOINT|SCHEMA|SCOPE|SELECT|SELF|SEMI|SET|SHOW|SOME|START|STATISTICS|STRING|SYSTEM|TIES|TO|TRAN|TRANSACTION|TRIGGER|TRUNCATE|UNBOUNDED|UNDER|UNION|UNIQUE|UNKNOWN|UNNEST|UNSET|UPDATE|UPSERT|USE|USER|USING|VALIDATE|VALUE|VALUES|VIA|VIEW|WHERE|WHILE|WINDOW|WITH|WORK|XOR)\b/i,function:/\b[a-z_]\w*(?=\s*\()/i,boolean:/\b(?:FALSE|TRUE)\b/i,number:/(?:\b\d+\.|\B\.)\d+e[+\-]?\d+\b|\b\d+(?:\.\d*)?|\B\.\d+\b/i,operator:/[-+*\/%]|!=|==?|\|\||<[>=]?|>=?|\b(?:AND|ANY|ARRAY|BETWEEN|CASE|ELSE|END|EVERY|EXISTS|FIRST|IN|LIKE|NOT|OR|THEN|VALUED|WHEN|WITHIN)\b/i,punctuation:/[;[\](),.{}:]/}}e.exports=t,t.displayName="n1ql",t.aliases=[]},70896:function(e){"use strict";function t(e){e.languages.n4js=e.languages.extend("javascript",{keyword:/\b(?:Array|any|boolean|break|case|catch|class|const|constructor|continue|debugger|declare|default|delete|do|else|enum|export|extends|false|finally|for|from|function|get|if|implements|import|in|instanceof|interface|let|module|new|null|number|package|private|protected|public|return|set|static|string|super|switch|this|throw|true|try|typeof|var|void|while|with|yield)\b/}),e.languages.insertBefore("n4js","constant",{annotation:{pattern:/@+\w+/,alias:"operator"}}),e.languages.n4jsd=e.languages.n4js}e.exports=t,t.displayName="n4js",t.aliases=["n4jsd"]},42242:function(e){"use strict";function t(e){e.languages["nand2tetris-hdl"]={comment:/\/\/.*|\/\*[\s\S]*?(?:\*\/|$)/,keyword:/\b(?:BUILTIN|CHIP|CLOCKED|IN|OUT|PARTS)\b/,boolean:/\b(?:false|true)\b/,function:/\b[A-Za-z][A-Za-z0-9]*(?=\()/,number:/\b\d+\b/,operator:/=|\.\./,punctuation:/[{}[\];(),:]/}}e.exports=t,t.displayName="nand2tetrisHdl",t.aliases=[]},37943:function(e){"use strict";function t(e){var t,n;n={"quoted-string":{pattern:/"(?:[^"\\]|\\.)*"/,alias:"operator"},"command-param-id":{pattern:/(\s)\w+:/,lookbehind:!0,alias:"property"},"command-param-value":[{pattern:t=/\{[^\r\n\[\]{}]*\}/,alias:"selector"},{pattern:/([\t ])\S+/,lookbehind:!0,greedy:!0,alias:"operator"},{pattern:/\S(?:.*\S)?/,alias:"operator"}]},e.languages.naniscript={comment:{pattern:/^([\t ]*);.*/m,lookbehind:!0},define:{pattern:/^>.+/m,alias:"tag",inside:{value:{pattern:/(^>\w+[\t ]+)(?!\s)[^{}\r\n]+/,lookbehind:!0,alias:"operator"},key:{pattern:/(^>)\w+/,lookbehind:!0}}},label:{pattern:/^([\t ]*)#[\t ]*\w+[\t ]*$/m,lookbehind:!0,alias:"regex"},command:{pattern:/^([\t ]*)@\w+(?=[\t ]|$).*/m,lookbehind:!0,alias:"function",inside:{"command-name":/^@\w+/,expression:{pattern:t,greedy:!0,alias:"selector"},"command-params":{pattern:/\s*\S[\s\S]*/,inside:n}}},"generic-text":{pattern:/(^[ \t]*)[^#@>;\s].*/m,lookbehind:!0,alias:"punctuation",inside:{"escaped-char":/\\[{}\[\]"]/,expression:{pattern:t,greedy:!0,alias:"selector"},"inline-command":{pattern:/\[[\t ]*\w[^\r\n\[\]]*\]/,greedy:!0,alias:"function",inside:{"command-params":{pattern:/(^\[[\t ]*\w+\b)[\s\S]+(?=\]$)/,lookbehind:!0,inside:n},"command-param-name":{pattern:/^(\[[\t ]*)\w+/,lookbehind:!0,alias:"name"},"start-stop-char":/[\[\]]/}}}}},e.languages.nani=e.languages.naniscript,e.hooks.add("after-tokenize",function(e){e.tokens.forEach(function(e){if("string"!=typeof e&&"generic-text"===e.type){var t=function e(t){return"string"==typeof t?t:Array.isArray(t)?t.map(e).join(""):e(t.content)}(e);!function(e){for(var t=[],n=0;n=&|$!]/}}e.exports=t,t.displayName="nasm",t.aliases=[]},83873:function(e){"use strict";function t(e){e.languages.neon={comment:{pattern:/#.*/,greedy:!0},datetime:{pattern:/(^|[[{(=:,\s])\d\d\d\d-\d\d?-\d\d?(?:(?:[Tt]| +)\d\d?:\d\d:\d\d(?:\.\d*)? *(?:Z|[-+]\d\d?(?::?\d\d)?)?)?(?=$|[\]}),\s])/,lookbehind:!0,alias:"number"},key:{pattern:/(^|[[{(,\s])[^,:=[\]{}()'"\s]+(?=\s*:(?:$|[\]}),\s])|\s*=)/,lookbehind:!0,alias:"atrule"},number:{pattern:/(^|[[{(=:,\s])[+-]?(?:0x[\da-fA-F]+|0o[0-7]+|0b[01]+|(?:\d+(?:\.\d*)?|\.?\d+)(?:[eE][+-]?\d+)?)(?=$|[\]}),:=\s])/,lookbehind:!0},boolean:{pattern:/(^|[[{(=:,\s])(?:false|no|true|yes)(?=$|[\]}),:=\s])/i,lookbehind:!0},null:{pattern:/(^|[[{(=:,\s])(?:null)(?=$|[\]}),:=\s])/i,lookbehind:!0,alias:"keyword"},string:{pattern:/(^|[[{(=:,\s])(?:('''|""")\r?\n(?:(?:[^\r\n]|\r?\n(?![\t ]*\2))*\r?\n)?[\t ]*\2|'[^'\r\n]*'|"(?:\\.|[^\\"\r\n])*")/,lookbehind:!0,greedy:!0},literal:{pattern:/(^|[[{(=:,\s])(?:[^#"',:=[\]{}()\s`-]|[:-][^"',=[\]{}()\s])(?:[^,:=\]})(\s]|:(?![\s,\]})]|$)|[ \t]+[^#,:=\]})(\s])*/,lookbehind:!0,alias:"string"},punctuation:/[,:=[\]{}()-]/}}e.exports=t,t.displayName="neon",t.aliases=[]},75932:function(e){"use strict";function t(e){e.languages.nevod={comment:/\/\/.*|(?:\/\*[\s\S]*?(?:\*\/|$))/,string:{pattern:/(?:"(?:""|[^"])*"(?!")|'(?:''|[^'])*'(?!'))!?\*?/,greedy:!0,inside:{"string-attrs":/!$|!\*$|\*$/}},namespace:{pattern:/(@namespace\s+)[a-zA-Z0-9\-.]+(?=\s*\{)/,lookbehind:!0},pattern:{pattern:/(@pattern\s+)?#?[a-zA-Z0-9\-.]+(?:\s*\(\s*(?:~\s*)?[a-zA-Z0-9\-.]+\s*(?:,\s*(?:~\s*)?[a-zA-Z0-9\-.]*)*\))?(?=\s*=)/,lookbehind:!0,inside:{"pattern-name":{pattern:/^#?[a-zA-Z0-9\-.]+/,alias:"class-name"},fields:{pattern:/\(.*\)/,inside:{"field-name":{pattern:/[a-zA-Z0-9\-.]+/,alias:"variable"},punctuation:/[,()]/,operator:{pattern:/~/,alias:"field-hidden-mark"}}}}},search:{pattern:/(@search\s+|#)[a-zA-Z0-9\-.]+(?:\.\*)?(?=\s*;)/,alias:"function",lookbehind:!0},keyword:/@(?:having|inside|namespace|outside|pattern|require|search|where)\b/,"standard-pattern":{pattern:/\b(?:Alpha|AlphaNum|Any|Blank|End|LineBreak|Num|NumAlpha|Punct|Space|Start|Symbol|Word|WordBreak)\b(?:\([a-zA-Z0-9\-.,\s+]*\))?/,inside:{"standard-pattern-name":{pattern:/^[a-zA-Z0-9\-.]+/,alias:"builtin"},quantifier:{pattern:/\b\d+(?:\s*\+|\s*-\s*\d+)?(?!\w)/,alias:"number"},"standard-pattern-attr":{pattern:/[a-zA-Z0-9\-.]+/,alias:"builtin"},punctuation:/[,()]/}},quantifier:{pattern:/\b\d+(?:\s*\+|\s*-\s*\d+)?(?!\w)/,alias:"number"},operator:[{pattern:/=/,alias:"pattern-def"},{pattern:/&/,alias:"conjunction"},{pattern:/~/,alias:"exception"},{pattern:/\?/,alias:"optionality"},{pattern:/[[\]]/,alias:"repetition"},{pattern:/[{}]/,alias:"variation"},{pattern:/[+_]/,alias:"sequence"},{pattern:/\.{2,3}/,alias:"span"}],"field-capture":[{pattern:/([a-zA-Z0-9\-.]+\s*\()\s*[a-zA-Z0-9\-.]+\s*:\s*[a-zA-Z0-9\-.]+(?:\s*,\s*[a-zA-Z0-9\-.]+\s*:\s*[a-zA-Z0-9\-.]+)*(?=\s*\))/,lookbehind:!0,inside:{"field-name":{pattern:/[a-zA-Z0-9\-.]+/,alias:"variable"},colon:/:/}},{pattern:/[a-zA-Z0-9\-.]+\s*:/,inside:{"field-name":{pattern:/[a-zA-Z0-9\-.]+/,alias:"variable"},colon:/:/}}],punctuation:/[:;,()]/,name:/[a-zA-Z0-9\-.]+/}}e.exports=t,t.displayName="nevod",t.aliases=[]},60221:function(e){"use strict";function t(e){var t;t=/\$(?:\w[a-z\d]*(?:_[^\x00-\x1F\s"'\\()$]*)?|\{[^}\s"'\\]+\})/i,e.languages.nginx={comment:{pattern:/(^|[\s{};])#.*/,lookbehind:!0,greedy:!0},directive:{pattern:/(^|\s)\w(?:[^;{}"'\\\s]|\\.|"(?:[^"\\]|\\.)*"|'(?:[^'\\]|\\.)*'|\s+(?:#.*(?!.)|(?![#\s])))*?(?=\s*[;{])/,lookbehind:!0,greedy:!0,inside:{string:{pattern:/((?:^|[^\\])(?:\\\\)*)(?:"(?:[^"\\]|\\.)*"|'(?:[^'\\]|\\.)*')/,lookbehind:!0,greedy:!0,inside:{escape:{pattern:/\\["'\\nrt]/,alias:"entity"},variable:t}},comment:{pattern:/(\s)#.*/,lookbehind:!0,greedy:!0},keyword:{pattern:/^\S+/,greedy:!0},boolean:{pattern:/(\s)(?:off|on)(?!\S)/,lookbehind:!0},number:{pattern:/(\s)\d+[a-z]*(?!\S)/i,lookbehind:!0},variable:t}},punctuation:/[{};]/}}e.exports=t,t.displayName="nginx",t.aliases=[]},44188:function(e){"use strict";function t(e){e.languages.nim={comment:{pattern:/#.*/,greedy:!0},string:{pattern:/(?:\b(?!\d)(?:\w|\\x[89a-fA-F][0-9a-fA-F])+)?(?:"""[\s\S]*?"""(?!")|"(?:\\[\s\S]|""|[^"\\])*")/,greedy:!0},char:{pattern:/'(?:\\(?:\d+|x[\da-fA-F]{0,2}|.)|[^'])'/,greedy:!0},function:{pattern:/(?:(?!\d)(?:\w|\\x[89a-fA-F][0-9a-fA-F])+|`[^`\r\n]+`)\*?(?:\[[^\]]+\])?(?=\s*\()/,greedy:!0,inside:{operator:/\*$/}},identifier:{pattern:/`[^`\r\n]+`/,greedy:!0,inside:{punctuation:/`/}},number:/\b(?:0[xXoObB][\da-fA-F_]+|\d[\d_]*(?:(?!\.\.)\.[\d_]*)?(?:[eE][+-]?\d[\d_]*)?)(?:'?[iuf]\d*)?/,keyword:/\b(?:addr|as|asm|atomic|bind|block|break|case|cast|concept|const|continue|converter|defer|discard|distinct|do|elif|else|end|enum|except|export|finally|for|from|func|generic|if|import|include|interface|iterator|let|macro|method|mixin|nil|object|out|proc|ptr|raise|ref|return|static|template|try|tuple|type|using|var|when|while|with|without|yield)\b/,operator:{pattern:/(^|[({\[](?=\.\.)|(?![({\[]\.).)(?:(?:[=+\-*\/<>@$~&%|!?^:\\]|\.\.|\.(?![)}\]]))+|\b(?:and|div|in|is|isnot|mod|not|notin|of|or|shl|shr|xor)\b)/m,lookbehind:!0},punctuation:/[({\[]\.|\.[)}\]]|[`(){}\[\],:]/}}e.exports=t,t.displayName="nim",t.aliases=[]},74426:function(e){"use strict";function t(e){e.languages.nix={comment:{pattern:/\/\*[\s\S]*?\*\/|#.*/,greedy:!0},string:{pattern:/"(?:[^"\\]|\\[\s\S])*"|''(?:(?!'')[\s\S]|''(?:'|\\|\$\{))*''/,greedy:!0,inside:{interpolation:{pattern:/(^|(?:^|(?!'').)[^\\])\$\{(?:[^{}]|\{[^}]*\})*\}/,lookbehind:!0,inside:null}}},url:[/\b(?:[a-z]{3,7}:\/\/)[\w\-+%~\/.:#=?&]+/,{pattern:/([^\/])(?:[\w\-+%~.:#=?&]*(?!\/\/)[\w\-+%~\/.:#=?&])?(?!\/\/)\/[\w\-+%~\/.:#=?&]*/,lookbehind:!0}],antiquotation:{pattern:/\$(?=\{)/,alias:"important"},number:/\b\d+\b/,keyword:/\b(?:assert|builtins|else|if|in|inherit|let|null|or|then|with)\b/,function:/\b(?:abort|add|all|any|attrNames|attrValues|baseNameOf|compareVersions|concatLists|currentSystem|deepSeq|derivation|dirOf|div|elem(?:At)?|fetch(?:Tarball|url)|filter(?:Source)?|fromJSON|genList|getAttr|getEnv|hasAttr|hashString|head|import|intersectAttrs|is(?:Attrs|Bool|Function|Int|List|Null|String)|length|lessThan|listToAttrs|map|mul|parseDrvName|pathExists|read(?:Dir|File)|removeAttrs|replaceStrings|seq|sort|stringLength|sub(?:string)?|tail|throw|to(?:File|JSON|Path|String|XML)|trace|typeOf)\b|\bfoldl'\B/,boolean:/\b(?:false|true)\b/,operator:/[=!<>]=?|\+\+?|\|\||&&|\/\/|->?|[?@]/,punctuation:/[{}()[\].,:;]/},e.languages.nix.string.inside.interpolation.inside=e.languages.nix}e.exports=t,t.displayName="nix",t.aliases=[]},88447:function(e){"use strict";function t(e){e.languages.nsis={comment:{pattern:/(^|[^\\])(?:\/\*[\s\S]*?\*\/|[#;].*)/,lookbehind:!0,greedy:!0},string:{pattern:/("|')(?:\\.|(?!\1)[^\\\r\n])*\1/,greedy:!0},keyword:{pattern:/(^[\t ]*)(?:Abort|Add(?:BrandingImage|Size)|AdvSplash|Allow(?:RootDirInstall|SkipFiles)|AutoCloseWindow|BG(?:Font|Gradient|Image)|Banner|BrandingText|BringToFront|CRCCheck|Call(?:InstDLL)?|Caption|ChangeUI|CheckBitmap|ClearErrors|CompletedText|ComponentText|CopyFiles|Create(?:Directory|Font|ShortCut)|Delete(?:INISec|INIStr|RegKey|RegValue)?|Detail(?:Print|sButtonText)|Dialer|Dir(?:Text|Var|Verify)|EnableWindow|Enum(?:RegKey|RegValue)|Exch|Exec(?:Shell(?:Wait)?|Wait)?|ExpandEnvStrings|File(?:BufSize|Close|ErrorText|Open|Read|ReadByte|ReadUTF16LE|ReadWord|Seek|Write|WriteByte|WriteUTF16LE|WriteWord)?|Find(?:Close|First|Next|Window)|FlushINI|Get(?:CurInstType|CurrentAddress|DLLVersion(?:Local)?|DlgItem|ErrorLevel|FileTime(?:Local)?|FullPathName|Function(?:Address|End)?|InstDirError|LabelAddress|TempFileName)|Goto|HideWindow|Icon|If(?:Abort|Errors|FileExists|RebootFlag|Silent)|InitPluginsDir|InstProgressFlags|Inst(?:Type(?:GetText|SetText)?)|Install(?:ButtonText|Colors|Dir(?:RegKey)?)|Int(?:64|Ptr)?CmpU?|Int(?:64)?Fmt|Int(?:Ptr)?Op|IsWindow|Lang(?:DLL|String)|License(?:BkColor|Data|ForceSelection|LangString|Text)|LoadLanguageFile|LockWindow|Log(?:Set|Text)|Manifest(?:DPIAware|SupportedOS)|Math|MessageBox|MiscButtonText|NSISdl|Name|Nop|OutFile|PE(?:DllCharacteristics|SubsysVer)|Page(?:Callbacks)?|Pop|Push|Quit|RMDir|Read(?:EnvStr|INIStr|RegDWORD|RegStr)|Reboot|RegDLL|Rename|RequestExecutionLevel|ReserveFile|Return|SearchPath|Section(?:End|GetFlags|GetInstTypes|GetSize|GetText|Group|In|SetFlags|SetInstTypes|SetSize|SetText)?|SendMessage|Set(?:AutoClose|BrandingImage|Compress|Compressor(?:DictSize)?|CtlColors|CurInstType|DatablockOptimize|DateSave|Details(?:Print|View)|ErrorLevel|Errors|FileAttributes|Font|OutPath|Overwrite|PluginUnload|RebootFlag|RegView|ShellVarContext|Silent)|Show(?:InstDetails|UninstDetails|Window)|Silent(?:Install|UnInstall)|Sleep|SpaceTexts|Splash|StartMenu|Str(?:CmpS?|Cpy|Len)|SubCaption|System|UnRegDLL|Unicode|UninstPage|Uninstall(?:ButtonText|Caption|Icon|SubCaption|Text)|UserInfo|VI(?:AddVersionKey|FileVersion|ProductVersion)|VPatch|Var|WindowIcon|Write(?:INIStr|Reg(?:Bin|DWORD|ExpandStr|MultiStr|None|Str)|Uninstaller)|XPStyle|ns(?:Dialogs|Exec))\b/m,lookbehind:!0},property:/\b(?:ARCHIVE|FILE_(?:ATTRIBUTE_ARCHIVE|ATTRIBUTE_NORMAL|ATTRIBUTE_OFFLINE|ATTRIBUTE_READONLY|ATTRIBUTE_SYSTEM|ATTRIBUTE_TEMPORARY)|HK(?:(?:CR|CU|LM)(?:32|64)?|DD|PD|U)|HKEY_(?:CLASSES_ROOT|CURRENT_CONFIG|CURRENT_USER|DYN_DATA|LOCAL_MACHINE|PERFORMANCE_DATA|USERS)|ID(?:ABORT|CANCEL|IGNORE|NO|OK|RETRY|YES)|MB_(?:ABORTRETRYIGNORE|DEFBUTTON1|DEFBUTTON2|DEFBUTTON3|DEFBUTTON4|ICONEXCLAMATION|ICONINFORMATION|ICONQUESTION|ICONSTOP|OK|OKCANCEL|RETRYCANCEL|RIGHT|RTLREADING|SETFOREGROUND|TOPMOST|USERICON|YESNO)|NORMAL|OFFLINE|READONLY|SHCTX|SHELL_CONTEXT|SYSTEM|TEMPORARY|admin|all|auto|both|colored|false|force|hide|highest|lastused|leave|listonly|none|normal|notset|off|on|open|print|show|silent|silentlog|smooth|textonly|true|user)\b/,constant:/\$\{[!\w\.:\^-]+\}|\$\([!\w\.:\^-]+\)/,variable:/\$\w[\w\.]*/,number:/\b0x[\dA-Fa-f]+\b|(?:\b\d+(?:\.\d*)?|\B\.\d+)(?:[Ee]-?\d+)?/,operator:/--?|\+\+?|<=?|>=?|==?=?|&&?|\|\|?|[?*\/~^%]/,punctuation:/[{}[\];(),.:]/,important:{pattern:/(^[\t ]*)!(?:addincludedir|addplugindir|appendfile|cd|define|delfile|echo|else|endif|error|execute|finalize|getdllversion|gettlbversion|if|ifdef|ifmacrodef|ifmacrondef|ifndef|include|insertmacro|macro|macroend|makensis|packhdr|pragma|searchparse|searchreplace|system|tempfile|undef|verbose|warning)\b/im,lookbehind:!0}}}e.exports=t,t.displayName="nsis",t.aliases=[]},16032:function(e,t,n){"use strict";var r=n(65806);function a(e){e.register(r),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}e.exports=a,a.displayName="objectivec",a.aliases=["objc"]},33607:function(e){"use strict";function t(e){e.languages.ocaml={comment:{pattern:/\(\*[\s\S]*?\*\)/,greedy:!0},char:{pattern:/'(?:[^\\\r\n']|\\(?:.|[ox]?[0-9a-f]{1,3}))'/i,greedy:!0},string:[{pattern:/"(?:\\(?:[\s\S]|\r\n)|[^\\\r\n"])*"/,greedy:!0},{pattern:/\{([a-z_]*)\|[\s\S]*?\|\1\}/,greedy:!0}],number:[/\b(?:0b[01][01_]*|0o[0-7][0-7_]*)\b/i,/\b0x[a-f0-9][a-f0-9_]*(?:\.[a-f0-9_]*)?(?:p[+-]?\d[\d_]*)?(?!\w)/i,/\b\d[\d_]*(?:\.[\d_]*)?(?:e[+-]?\d[\d_]*)?(?!\w)/i],directive:{pattern:/\B#\w+/,alias:"property"},label:{pattern:/\B~\w+/,alias:"property"},"type-variable":{pattern:/\B'\w+/,alias:"function"},variant:{pattern:/`\w+/,alias:"symbol"},keyword:/\b(?:as|assert|begin|class|constraint|do|done|downto|else|end|exception|external|for|fun|function|functor|if|in|include|inherit|initializer|lazy|let|match|method|module|mutable|new|nonrec|object|of|open|private|rec|sig|struct|then|to|try|type|val|value|virtual|when|where|while|with)\b/,boolean:/\b(?:false|true)\b/,"operator-like-punctuation":{pattern:/\[[<>|]|[>|]\]|\{<|>\}/,alias:"punctuation"},operator:/\.[.~]|:[=>]|[=<>@^|&+\-*\/$%!?~][!$%&*+\-.\/:<=>?@^|~]*|\b(?:and|asr|land|lor|lsl|lsr|lxor|mod|or)\b/,punctuation:/;;|::|[(){}\[\].,:;#]|\b_\b/}}e.exports=t,t.displayName="ocaml",t.aliases=[]},22001:function(e,t,n){"use strict";var r=n(65806);function a(e){var t;e.register(r),e.languages.opencl=e.languages.extend("c",{keyword:/\b(?:(?:__)?(?:constant|global|kernel|local|private|read_only|read_write|write_only)|__attribute__|auto|(?:bool|u?(?:char|int|long|short)|half|quad)(?:2|3|4|8|16)?|break|case|complex|const|continue|(?:double|float)(?:16(?:x(?:1|2|4|8|16))?|1x(?:1|2|4|8|16)|2(?:x(?:1|2|4|8|16))?|3|4(?:x(?:1|2|4|8|16))?|8(?:x(?:1|2|4|8|16))?)?|default|do|else|enum|extern|for|goto|if|imaginary|inline|packed|pipe|register|restrict|return|signed|sizeof|static|struct|switch|typedef|uniform|union|unsigned|void|volatile|while)\b/,number:/(?:\b0x(?:[\da-f]+(?:\.[\da-f]*)?|\.[\da-f]+)(?:p[+-]?\d+)?|(?:\b\d+(?:\.\d*)?|\B\.\d+)(?:e[+-]?\d+)?)[fuhl]{0,4}/i,boolean:/\b(?:false|true)\b/,"constant-opencl-kernel":{pattern:/\b(?:CHAR_(?:BIT|MAX|MIN)|CLK_(?:ADDRESS_(?:CLAMP(?:_TO_EDGE)?|NONE|REPEAT)|FILTER_(?:LINEAR|NEAREST)|(?:GLOBAL|LOCAL)_MEM_FENCE|NORMALIZED_COORDS_(?:FALSE|TRUE))|CL_(?:BGRA|(?:HALF_)?FLOAT|INTENSITY|LUMINANCE|A?R?G?B?[Ax]?|(?:(?:UN)?SIGNED|[US]NORM)_(?:INT(?:8|16|32))|UNORM_(?:INT_101010|SHORT_(?:555|565)))|(?:DBL|FLT|HALF)_(?:DIG|EPSILON|(?:MAX|MIN)(?:(?:_10)?_EXP)?|MANT_DIG)|FLT_RADIX|HUGE_VALF?|(?:INT|LONG|SCHAR|SHRT)_(?:MAX|MIN)|INFINITY|MAXFLOAT|M_(?:[12]_PI|2_SQRTPI|E|LN(?:2|10)|LOG(?:2|10)E?|PI(?:_[24])?|SQRT(?:1_2|2))(?:_F|_H)?|NAN|(?:UCHAR|UINT|ULONG|USHRT)_MAX)\b/,alias:"constant"}}),e.languages.insertBefore("opencl","class-name",{"builtin-type":{pattern:/\b(?:_cl_(?:command_queue|context|device_id|event|kernel|mem|platform_id|program|sampler)|cl_(?:image_format|mem_fence_flags)|clk_event_t|event_t|image(?:1d_(?:array_|buffer_)?t|2d_(?:array_(?:depth_|msaa_depth_|msaa_)?|depth_|msaa_depth_|msaa_)?t|3d_t)|intptr_t|ndrange_t|ptrdiff_t|queue_t|reserve_id_t|sampler_t|size_t|uintptr_t)\b/,alias:"keyword"}}),t={"type-opencl-host":{pattern:/\b(?:cl_(?:GLenum|GLint|GLuin|addressing_mode|bitfield|bool|buffer_create_type|build_status|channel_(?:order|type)|(?:u?(?:char|int|long|short)|double|float)(?:2|3|4|8|16)?|command_(?:queue(?:_info|_properties)?|type)|context(?:_info|_properties)?|device_(?:exec_capabilities|fp_config|id|info|local_mem_type|mem_cache_type|type)|(?:event|sampler)(?:_info)?|filter_mode|half|image_info|kernel(?:_info|_work_group_info)?|map_flags|mem(?:_flags|_info|_object_type)?|platform_(?:id|info)|profiling_info|program(?:_build_info|_info)?))\b/,alias:"keyword"},"boolean-opencl-host":{pattern:/\bCL_(?:FALSE|TRUE)\b/,alias:"boolean"},"constant-opencl-host":{pattern:/\bCL_(?:A|ABGR|ADDRESS_(?:CLAMP(?:_TO_EDGE)?|MIRRORED_REPEAT|NONE|REPEAT)|ARGB|BGRA|BLOCKING|BUFFER_CREATE_TYPE_REGION|BUILD_(?:ERROR|IN_PROGRESS|NONE|PROGRAM_FAILURE|SUCCESS)|COMMAND_(?:ACQUIRE_GL_OBJECTS|BARRIER|COPY_(?:BUFFER(?:_RECT|_TO_IMAGE)?|IMAGE(?:_TO_BUFFER)?)|FILL_(?:BUFFER|IMAGE)|MAP(?:_BUFFER|_IMAGE)|MARKER|MIGRATE(?:_SVM)?_MEM_OBJECTS|NATIVE_KERNEL|NDRANGE_KERNEL|READ_(?:BUFFER(?:_RECT)?|IMAGE)|RELEASE_GL_OBJECTS|SVM_(?:FREE|MAP|MEMCPY|MEMFILL|UNMAP)|TASK|UNMAP_MEM_OBJECT|USER|WRITE_(?:BUFFER(?:_RECT)?|IMAGE))|COMPILER_NOT_AVAILABLE|COMPILE_PROGRAM_FAILURE|COMPLETE|CONTEXT_(?:DEVICES|INTEROP_USER_SYNC|NUM_DEVICES|PLATFORM|PROPERTIES|REFERENCE_COUNT)|DEPTH(?:_STENCIL)?|DEVICE_(?:ADDRESS_BITS|AFFINITY_DOMAIN_(?:L[1-4]_CACHE|NEXT_PARTITIONABLE|NUMA)|AVAILABLE|BUILT_IN_KERNELS|COMPILER_AVAILABLE|DOUBLE_FP_CONFIG|ENDIAN_LITTLE|ERROR_CORRECTION_SUPPORT|EXECUTION_CAPABILITIES|EXTENSIONS|GLOBAL_(?:MEM_(?:CACHELINE_SIZE|CACHE_SIZE|CACHE_TYPE|SIZE)|VARIABLE_PREFERRED_TOTAL_SIZE)|HOST_UNIFIED_MEMORY|IL_VERSION|IMAGE(?:2D_MAX_(?:HEIGHT|WIDTH)|3D_MAX_(?:DEPTH|HEIGHT|WIDTH)|_BASE_ADDRESS_ALIGNMENT|_MAX_ARRAY_SIZE|_MAX_BUFFER_SIZE|_PITCH_ALIGNMENT|_SUPPORT)|LINKER_AVAILABLE|LOCAL_MEM_SIZE|LOCAL_MEM_TYPE|MAX_(?:CLOCK_FREQUENCY|COMPUTE_UNITS|CONSTANT_ARGS|CONSTANT_BUFFER_SIZE|GLOBAL_VARIABLE_SIZE|MEM_ALLOC_SIZE|NUM_SUB_GROUPS|ON_DEVICE_(?:EVENTS|QUEUES)|PARAMETER_SIZE|PIPE_ARGS|READ_IMAGE_ARGS|READ_WRITE_IMAGE_ARGS|SAMPLERS|WORK_GROUP_SIZE|WORK_ITEM_DIMENSIONS|WORK_ITEM_SIZES|WRITE_IMAGE_ARGS)|MEM_BASE_ADDR_ALIGN|MIN_DATA_TYPE_ALIGN_SIZE|NAME|NATIVE_VECTOR_WIDTH_(?:CHAR|DOUBLE|FLOAT|HALF|INT|LONG|SHORT)|NOT_(?:AVAILABLE|FOUND)|OPENCL_C_VERSION|PARENT_DEVICE|PARTITION_(?:AFFINITY_DOMAIN|BY_AFFINITY_DOMAIN|BY_COUNTS|BY_COUNTS_LIST_END|EQUALLY|FAILED|MAX_SUB_DEVICES|PROPERTIES|TYPE)|PIPE_MAX_(?:ACTIVE_RESERVATIONS|PACKET_SIZE)|PLATFORM|PREFERRED_(?:GLOBAL_ATOMIC_ALIGNMENT|INTEROP_USER_SYNC|LOCAL_ATOMIC_ALIGNMENT|PLATFORM_ATOMIC_ALIGNMENT|VECTOR_WIDTH_(?:CHAR|DOUBLE|FLOAT|HALF|INT|LONG|SHORT))|PRINTF_BUFFER_SIZE|PROFILE|PROFILING_TIMER_RESOLUTION|QUEUE_(?:ON_(?:DEVICE_(?:MAX_SIZE|PREFERRED_SIZE|PROPERTIES)|HOST_PROPERTIES)|PROPERTIES)|REFERENCE_COUNT|SINGLE_FP_CONFIG|SUB_GROUP_INDEPENDENT_FORWARD_PROGRESS|SVM_(?:ATOMICS|CAPABILITIES|COARSE_GRAIN_BUFFER|FINE_GRAIN_BUFFER|FINE_GRAIN_SYSTEM)|TYPE(?:_ACCELERATOR|_ALL|_CPU|_CUSTOM|_DEFAULT|_GPU)?|VENDOR(?:_ID)?|VERSION)|DRIVER_VERSION|EVENT_(?:COMMAND_(?:EXECUTION_STATUS|QUEUE|TYPE)|CONTEXT|REFERENCE_COUNT)|EXEC_(?:KERNEL|NATIVE_KERNEL|STATUS_ERROR_FOR_EVENTS_IN_WAIT_LIST)|FILTER_(?:LINEAR|NEAREST)|FLOAT|FP_(?:CORRECTLY_ROUNDED_DIVIDE_SQRT|DENORM|FMA|INF_NAN|ROUND_TO_INF|ROUND_TO_NEAREST|ROUND_TO_ZERO|SOFT_FLOAT)|GLOBAL|HALF_FLOAT|IMAGE_(?:ARRAY_SIZE|BUFFER|DEPTH|ELEMENT_SIZE|FORMAT|FORMAT_MISMATCH|FORMAT_NOT_SUPPORTED|HEIGHT|NUM_MIP_LEVELS|NUM_SAMPLES|ROW_PITCH|SLICE_PITCH|WIDTH)|INTENSITY|INVALID_(?:ARG_INDEX|ARG_SIZE|ARG_VALUE|BINARY|BUFFER_SIZE|BUILD_OPTIONS|COMMAND_QUEUE|COMPILER_OPTIONS|CONTEXT|DEVICE|DEVICE_PARTITION_COUNT|DEVICE_QUEUE|DEVICE_TYPE|EVENT|EVENT_WAIT_LIST|GLOBAL_OFFSET|GLOBAL_WORK_SIZE|GL_OBJECT|HOST_PTR|IMAGE_DESCRIPTOR|IMAGE_FORMAT_DESCRIPTOR|IMAGE_SIZE|KERNEL|KERNEL_ARGS|KERNEL_DEFINITION|KERNEL_NAME|LINKER_OPTIONS|MEM_OBJECT|MIP_LEVEL|OPERATION|PIPE_SIZE|PLATFORM|PROGRAM|PROGRAM_EXECUTABLE|PROPERTY|QUEUE_PROPERTIES|SAMPLER|VALUE|WORK_DIMENSION|WORK_GROUP_SIZE|WORK_ITEM_SIZE)|KERNEL_(?:ARG_(?:ACCESS_(?:NONE|QUALIFIER|READ_ONLY|READ_WRITE|WRITE_ONLY)|ADDRESS_(?:CONSTANT|GLOBAL|LOCAL|PRIVATE|QUALIFIER)|INFO_NOT_AVAILABLE|NAME|TYPE_(?:CONST|NAME|NONE|PIPE|QUALIFIER|RESTRICT|VOLATILE))|ATTRIBUTES|COMPILE_NUM_SUB_GROUPS|COMPILE_WORK_GROUP_SIZE|CONTEXT|EXEC_INFO_SVM_FINE_GRAIN_SYSTEM|EXEC_INFO_SVM_PTRS|FUNCTION_NAME|GLOBAL_WORK_SIZE|LOCAL_MEM_SIZE|LOCAL_SIZE_FOR_SUB_GROUP_COUNT|MAX_NUM_SUB_GROUPS|MAX_SUB_GROUP_SIZE_FOR_NDRANGE|NUM_ARGS|PREFERRED_WORK_GROUP_SIZE_MULTIPLE|PRIVATE_MEM_SIZE|PROGRAM|REFERENCE_COUNT|SUB_GROUP_COUNT_FOR_NDRANGE|WORK_GROUP_SIZE)|LINKER_NOT_AVAILABLE|LINK_PROGRAM_FAILURE|LOCAL|LUMINANCE|MAP_(?:FAILURE|READ|WRITE|WRITE_INVALIDATE_REGION)|MEM_(?:ALLOC_HOST_PTR|ASSOCIATED_MEMOBJECT|CONTEXT|COPY_HOST_PTR|COPY_OVERLAP|FLAGS|HOST_NO_ACCESS|HOST_PTR|HOST_READ_ONLY|HOST_WRITE_ONLY|KERNEL_READ_AND_WRITE|MAP_COUNT|OBJECT_(?:ALLOCATION_FAILURE|BUFFER|IMAGE1D|IMAGE1D_ARRAY|IMAGE1D_BUFFER|IMAGE2D|IMAGE2D_ARRAY|IMAGE3D|PIPE)|OFFSET|READ_ONLY|READ_WRITE|REFERENCE_COUNT|SIZE|SVM_ATOMICS|SVM_FINE_GRAIN_BUFFER|TYPE|USES_SVM_POINTER|USE_HOST_PTR|WRITE_ONLY)|MIGRATE_MEM_OBJECT_(?:CONTENT_UNDEFINED|HOST)|MISALIGNED_SUB_BUFFER_OFFSET|NONE|NON_BLOCKING|OUT_OF_(?:HOST_MEMORY|RESOURCES)|PIPE_(?:MAX_PACKETS|PACKET_SIZE)|PLATFORM_(?:EXTENSIONS|HOST_TIMER_RESOLUTION|NAME|PROFILE|VENDOR|VERSION)|PROFILING_(?:COMMAND_(?:COMPLETE|END|QUEUED|START|SUBMIT)|INFO_NOT_AVAILABLE)|PROGRAM_(?:BINARIES|BINARY_SIZES|BINARY_TYPE(?:_COMPILED_OBJECT|_EXECUTABLE|_LIBRARY|_NONE)?|BUILD_(?:GLOBAL_VARIABLE_TOTAL_SIZE|LOG|OPTIONS|STATUS)|CONTEXT|DEVICES|IL|KERNEL_NAMES|NUM_DEVICES|NUM_KERNELS|REFERENCE_COUNT|SOURCE)|QUEUED|QUEUE_(?:CONTEXT|DEVICE|DEVICE_DEFAULT|ON_DEVICE|ON_DEVICE_DEFAULT|OUT_OF_ORDER_EXEC_MODE_ENABLE|PROFILING_ENABLE|PROPERTIES|REFERENCE_COUNT|SIZE)|R|RA|READ_(?:ONLY|WRITE)_CACHE|RG|RGB|RGBA|RGBx|RGx|RUNNING|Rx|SAMPLER_(?:ADDRESSING_MODE|CONTEXT|FILTER_MODE|LOD_MAX|LOD_MIN|MIP_FILTER_MODE|NORMALIZED_COORDS|REFERENCE_COUNT)|(?:UN)?SIGNED_INT(?:8|16|32)|SNORM_INT(?:8|16)|SUBMITTED|SUCCESS|UNORM_INT(?:8|16|24|_101010|_101010_2)|UNORM_SHORT_(?:555|565)|VERSION_(?:1_0|1_1|1_2|2_0|2_1)|sBGRA|sRGB|sRGBA|sRGBx)\b/,alias:"constant"},"function-opencl-host":{pattern:/\bcl(?:BuildProgram|CloneKernel|CompileProgram|Create(?:Buffer|CommandQueue(?:WithProperties)?|Context|ContextFromType|Image|Image2D|Image3D|Kernel|KernelsInProgram|Pipe|ProgramWith(?:Binary|BuiltInKernels|IL|Source)|Sampler|SamplerWithProperties|SubBuffer|SubDevices|UserEvent)|Enqueue(?:(?:Barrier|Marker)(?:WithWaitList)?|Copy(?:Buffer(?:Rect|ToImage)?|Image(?:ToBuffer)?)|(?:Fill|Map)(?:Buffer|Image)|MigrateMemObjects|NDRangeKernel|NativeKernel|(?:Read|Write)(?:Buffer(?:Rect)?|Image)|SVM(?:Free|Map|MemFill|Memcpy|MigrateMem|Unmap)|Task|UnmapMemObject|WaitForEvents)|Finish|Flush|Get(?:CommandQueueInfo|ContextInfo|Device(?:AndHostTimer|IDs|Info)|Event(?:Profiling)?Info|ExtensionFunctionAddress(?:ForPlatform)?|HostTimer|ImageInfo|Kernel(?:ArgInfo|Info|SubGroupInfo|WorkGroupInfo)|MemObjectInfo|PipeInfo|Platform(?:IDs|Info)|Program(?:Build)?Info|SamplerInfo|SupportedImageFormats)|LinkProgram|(?:Release|Retain)(?:CommandQueue|Context|Device|Event|Kernel|MemObject|Program|Sampler)|SVM(?:Alloc|Free)|Set(?:CommandQueueProperty|DefaultDeviceCommandQueue|EventCallback|Kernel|Kernel(?:Arg(?:SVMPointer)?|ExecInfo)|MemObjectDestructorCallback|UserEventStatus)|Unload(?:Platform)?Compiler|WaitForEvents)\b/,alias:"function"}},e.languages.insertBefore("c","keyword",t),e.languages.cpp&&(t["type-opencl-host-cpp"]={pattern:/\b(?:Buffer|BufferGL|BufferRenderGL|CommandQueue|Context|Device|DeviceCommandQueue|EnqueueArgs|Event|Image|Image1D|Image1DArray|Image1DBuffer|Image2D|Image2DArray|Image2DGL|Image3D|Image3DGL|ImageFormat|ImageGL|Kernel|KernelFunctor|LocalSpaceArg|Memory|NDRange|Pipe|Platform|Program|SVMAllocator|SVMTraitAtomic|SVMTraitCoarse|SVMTraitFine|SVMTraitReadOnly|SVMTraitReadWrite|SVMTraitWriteOnly|Sampler|UserEvent)\b/,alias:"keyword"},e.languages.insertBefore("cpp","keyword",t))}e.exports=a,a.displayName="opencl",a.aliases=[]},22950:function(e){"use strict";function t(e){e.languages.openqasm={comment:/\/\*[\s\S]*?\*\/|\/\/.*/,string:{pattern:/"[^"\r\n\t]*"|'[^'\r\n\t]*'/,greedy:!0},keyword:/\b(?:CX|OPENQASM|U|barrier|boxas|boxto|break|const|continue|ctrl|def|defcal|defcalgrammar|delay|else|end|for|gate|gphase|if|in|include|inv|kernel|lengthof|let|measure|pow|reset|return|rotary|stretchinf|while)\b|#pragma\b/,"class-name":/\b(?:angle|bit|bool|creg|fixed|float|int|length|qreg|qubit|stretch|uint)\b/,function:/\b(?:cos|exp|ln|popcount|rotl|rotr|sin|sqrt|tan)\b(?=\s*\()/,constant:/\b(?:euler|pi|tau)\b|π|𝜏|ℇ/,number:{pattern:/(^|[^.\w$])(?:\d+(?:\.\d*)?|\.\d+)(?:e[+-]?\d+)?(?:dt|ns|us|µs|ms|s)?/i,lookbehind:!0},operator:/->|>>=?|<<=?|&&|\|\||\+\+|--|[!=<>&|~^+\-*/%]=?|@/,punctuation:/[(){}\[\];,:.]/},e.languages.qasm=e.languages.openqasm}e.exports=t,t.displayName="openqasm",t.aliases=["qasm"]},23254:function(e){"use strict";function t(e){e.languages.oz={comment:{pattern:/\/\*[\s\S]*?\*\/|%.*/,greedy:!0},string:{pattern:/"(?:[^"\\]|\\[\s\S])*"/,greedy:!0},atom:{pattern:/'(?:[^'\\]|\\[\s\S])*'/,greedy:!0,alias:"builtin"},keyword:/\$|\[\]|\b(?:_|at|attr|case|catch|choice|class|cond|declare|define|dis|else(?:case|if)?|end|export|fail|false|feat|finally|from|fun|functor|if|import|in|local|lock|meth|nil|not|of|or|prepare|proc|prop|raise|require|self|skip|then|thread|true|try|unit)\b/,function:[/\b[a-z][A-Za-z\d]*(?=\()/,{pattern:/(\{)[A-Z][A-Za-z\d]*\b/,lookbehind:!0}],number:/\b(?:0[bx][\da-f]+|\d+(?:\.\d*)?(?:e~?\d+)?)\b|&(?:[^\\]|\\(?:\d{3}|.))/i,variable:/`(?:[^`\\]|\\.)+`/,"attr-name":/\b\w+(?=[ \t]*:(?![:=]))/,operator:/:(?:=|::?)|<[-:=]?|=(?:=|=?:?|\\=:?|!!?|[|#+\-*\/,~^@]|\b(?:andthen|div|mod|orelse)\b/,punctuation:/[\[\](){}.:;?]/}}e.exports=t,t.displayName="oz",t.aliases=[]},92694:function(e){"use strict";function t(e){var t;e.languages.parigp={comment:/\/\*[\s\S]*?\*\/|\\\\.*/,string:{pattern:/"(?:[^"\\\r\n]|\\.)*"/,greedy:!0},keyword:RegExp("\\b(?:"+["breakpoint","break","dbg_down","dbg_err","dbg_up","dbg_x","forcomposite","fordiv","forell","forpart","forprime","forstep","forsubgroup","forvec","for","iferr","if","local","my","next","return","until","while"].map(function(e){return e.split("").join(" *")}).join("|")+")\\b"),function:/\b\w(?:[\w ]*\w)?(?= *\()/,number:{pattern:/((?:\. *\. *)?)(?:\b\d(?: *\d)*(?: *(?!\. *\.)\.(?: *\d)*)?|\. *\d(?: *\d)*)(?: *e *(?:[+-] *)?\d(?: *\d)*)?/i,lookbehind:!0},operator:/\. *\.|[*\/!](?: *=)?|%(?: *=|(?: *#)?(?: *')*)?|\+(?: *[+=])?|-(?: *[-=>])?|<(?: *>|(?: *<)?(?: *=)?)?|>(?: *>)?(?: *=)?|=(?: *=){0,2}|\\(?: *\/)?(?: *=)?|&(?: *&)?|\| *\||['#~^]/,punctuation:/[\[\]{}().,:;|]/}}e.exports=t,t.displayName="parigp",t.aliases=[]},43273:function(e){"use strict";function t(e){var t;t=e.languages.parser=e.languages.extend("markup",{keyword:{pattern:/(^|[^^])(?:\^(?:case|eval|for|if|switch|throw)\b|@(?:BASE|CLASS|GET(?:_DEFAULT)?|OPTIONS|SET_DEFAULT|USE)\b)/,lookbehind:!0},variable:{pattern:/(^|[^^])\B\$(?:\w+|(?=[.{]))(?:(?:\.|::?)\w+)*(?:\.|::?)?/,lookbehind:!0,inside:{punctuation:/\.|:+/}},function:{pattern:/(^|[^^])\B[@^]\w+(?:(?:\.|::?)\w+)*(?:\.|::?)?/,lookbehind:!0,inside:{keyword:{pattern:/(^@)(?:GET_|SET_)/,lookbehind:!0},punctuation:/\.|:+/}},escape:{pattern:/\^(?:[$^;@()\[\]{}"':]|#[a-f\d]*)/i,alias:"builtin"},punctuation:/[\[\](){};]/}),t=e.languages.insertBefore("parser","keyword",{"parser-comment":{pattern:/(\s)#.*/,lookbehind:!0,alias:"comment"},expression:{pattern:/(^|[^^])\((?:[^()]|\((?:[^()]|\((?:[^()])*\))*\))*\)/,greedy:!0,lookbehind:!0,inside:{string:{pattern:/(^|[^^])(["'])(?:(?!\2)[^^]|\^[\s\S])*\2/,lookbehind:!0},keyword:t.keyword,variable:t.variable,function:t.function,boolean:/\b(?:false|true)\b/,number:/\b(?:0x[a-f\d]+|\d+(?:\.\d*)?(?:e[+-]?\d+)?)\b/i,escape:t.escape,operator:/[~+*\/\\%]|!(?:\|\|?|=)?|&&?|\|\|?|==|<[<=]?|>[>=]?|-[fd]?|\b(?:def|eq|ge|gt|in|is|le|lt|ne)\b/,punctuation:t.punctuation}}}),e.languages.insertBefore("inside","punctuation",{expression:t.expression,keyword:t.keyword,variable:t.variable,function:t.function,escape:t.escape,"parser-punctuation":{pattern:t.punctuation,alias:"punctuation"}},t.tag.inside["attr-value"])}e.exports=t,t.displayName="parser",t.aliases=[]},60718:function(e){"use strict";function t(e){e.languages.pascal={directive:{pattern:/\{\$[\s\S]*?\}/,greedy:!0,alias:["marco","property"]},comment:{pattern:/\(\*[\s\S]*?\*\)|\{[\s\S]*?\}|\/\/.*/,greedy:!0},string:{pattern:/(?:'(?:''|[^'\r\n])*'(?!')|#[&$%]?[a-f\d]+)+|\^[a-z]/i,greedy:!0},asm:{pattern:/(\basm\b)[\s\S]+?(?=\bend\s*[;[])/i,lookbehind:!0,greedy:!0,inside:null},keyword:[{pattern:/(^|[^&])\b(?:absolute|array|asm|begin|case|const|constructor|destructor|do|downto|else|end|file|for|function|goto|if|implementation|inherited|inline|interface|label|nil|object|of|operator|packed|procedure|program|record|reintroduce|repeat|self|set|string|then|to|type|unit|until|uses|var|while|with)\b/i,lookbehind:!0},{pattern:/(^|[^&])\b(?:dispose|exit|false|new|true)\b/i,lookbehind:!0},{pattern:/(^|[^&])\b(?:class|dispinterface|except|exports|finalization|finally|initialization|inline|library|on|out|packed|property|raise|resourcestring|threadvar|try)\b/i,lookbehind:!0},{pattern:/(^|[^&])\b(?:absolute|abstract|alias|assembler|bitpacked|break|cdecl|continue|cppdecl|cvar|default|deprecated|dynamic|enumerator|experimental|export|external|far|far16|forward|generic|helper|implements|index|interrupt|iochecks|local|message|name|near|nodefault|noreturn|nostackframe|oldfpccall|otherwise|overload|override|pascal|platform|private|protected|public|published|read|register|reintroduce|result|safecall|saveregisters|softfloat|specialize|static|stdcall|stored|strict|unaligned|unimplemented|varargs|virtual|write)\b/i,lookbehind:!0}],number:[/(?:[&%]\d+|\$[a-f\d]+)/i,/\b\d+(?:\.\d+)?(?:e[+-]?\d+)?/i],operator:[/\.\.|\*\*|:=|<[<=>]?|>[>=]?|[+\-*\/]=?|[@^=]/,{pattern:/(^|[^&])\b(?:and|as|div|exclude|in|include|is|mod|not|or|shl|shr|xor)\b/,lookbehind:!0}],punctuation:/\(\.|\.\)|[()\[\]:;,.]/},e.languages.pascal.asm.inside=e.languages.extend("pascal",{asm:void 0,keyword:void 0,operator:void 0}),e.languages.objectpascal=e.languages.pascal}e.exports=t,t.displayName="pascal",t.aliases=["objectpascal"]},39303:function(e){"use strict";function t(e){var t,n,r,a;t=/\((?:[^()]|\((?:[^()]|\([^()]*\))*\))*\)/.source,n=/(?:\b\w+(?:)?|)/.source.replace(//g,function(){return t}),r=e.languages.pascaligo={comment:/\(\*[\s\S]+?\*\)|\/\/.*/,string:{pattern:/(["'`])(?:\\[\s\S]|(?!\1)[^\\])*\1|\^[a-z]/i,greedy:!0},"class-name":[{pattern:RegExp(/(\btype\s+\w+\s+is\s+)/.source.replace(//g,function(){return n}),"i"),lookbehind:!0,inside:null},{pattern:RegExp(/(?=\s+is\b)/.source.replace(//g,function(){return n}),"i"),inside:null},{pattern:RegExp(/(:\s*)/.source.replace(//g,function(){return n})),lookbehind:!0,inside:null}],keyword:{pattern:/(^|[^&])\b(?:begin|block|case|const|else|end|fail|for|from|function|if|is|nil|of|remove|return|skip|then|type|var|while|with)\b/i,lookbehind:!0},boolean:{pattern:/(^|[^&])\b(?:False|True)\b/i,lookbehind:!0},builtin:{pattern:/(^|[^&])\b(?:bool|int|list|map|nat|record|string|unit)\b/i,lookbehind:!0},function:/\b\w+(?=\s*\()/,number:[/%[01]+|&[0-7]+|\$[a-f\d]+/i,/\b\d+(?:\.\d+)?(?:e[+-]?\d+)?(?:mtz|n)?/i],operator:/->|=\/=|\.\.|\*\*|:=|<[<=>]?|>[>=]?|[+\-*\/]=?|[@^=|]|\b(?:and|mod|or)\b/,punctuation:/\(\.|\.\)|[()\[\]:;,.{}]/},a=["comment","keyword","builtin","operator","punctuation"].reduce(function(e,t){return e[t]=r[t],e},{}),r["class-name"].forEach(function(e){e.inside=a})}e.exports=t,t.displayName="pascaligo",t.aliases=[]},77393:function(e){"use strict";function t(e){e.languages.pcaxis={string:/"[^"]*"/,keyword:{pattern:/((?:^|;)\s*)[-A-Z\d]+(?:\s*\[[-\w]+\])?(?:\s*\("[^"]*"(?:,\s*"[^"]*")*\))?(?=\s*=)/,lookbehind:!0,greedy:!0,inside:{keyword:/^[-A-Z\d]+/,language:{pattern:/^(\s*)\[[-\w]+\]/,lookbehind:!0,inside:{punctuation:/^\[|\]$/,property:/[-\w]+/}},"sub-key":{pattern:/^(\s*)\S[\s\S]*/,lookbehind:!0,inside:{parameter:{pattern:/"[^"]*"/,alias:"property"},punctuation:/^\(|\)$|,/}}}},operator:/=/,tlist:{pattern:/TLIST\s*\(\s*\w+(?:(?:\s*,\s*"[^"]*")+|\s*,\s*"[^"]*"-"[^"]*")?\s*\)/,greedy:!0,inside:{function:/^TLIST/,property:{pattern:/^(\s*\(\s*)\w+/,lookbehind:!0},string:/"[^"]*"/,punctuation:/[(),]/,operator:/-/}},punctuation:/[;,]/,number:{pattern:/(^|\s)\d+(?:\.\d+)?(?!\S)/,lookbehind:!0},boolean:/NO|YES/},e.languages.px=e.languages.pcaxis}e.exports=t,t.displayName="pcaxis",t.aliases=["px"]},19023:function(e){"use strict";function t(e){e.languages.peoplecode={comment:RegExp([/\/\*[\s\S]*?\*\//.source,/\bREM[^;]*;/.source,/<\*(?:[^<*]|\*(?!>)|<(?!\*)|<\*(?:(?!\*>)[\s\S])*\*>)*\*>/.source,/\/\+[\s\S]*?\+\//.source].join("|")),string:{pattern:/'(?:''|[^'\r\n])*'(?!')|"(?:""|[^"\r\n])*"(?!")/,greedy:!0},variable:/%\w+/,"function-definition":{pattern:/((?:^|[^\w-])(?:function|method)\s+)\w+/i,lookbehind:!0,alias:"function"},"class-name":{pattern:/((?:^|[^-\w])(?:as|catch|class|component|create|extends|global|implements|instance|local|of|property|returns)\s+)\w+(?::\w+)*/i,lookbehind:!0,inside:{punctuation:/:/}},keyword:/\b(?:abstract|alias|as|catch|class|component|constant|create|declare|else|end-(?:class|evaluate|for|function|get|if|method|set|try|while)|evaluate|extends|for|function|get|global|if|implements|import|instance|library|local|method|null|of|out|peopleCode|private|program|property|protected|readonly|ref|repeat|returns?|set|step|then|throw|to|try|until|value|when(?:-other)?|while)\b/i,"operator-keyword":{pattern:/\b(?:and|not|or)\b/i,alias:"operator"},function:/[_a-z]\w*(?=\s*\()/i,boolean:/\b(?:false|true)\b/i,number:/\b\d+(?:\.\d+)?\b/,operator:/<>|[<>]=?|!=|\*\*|[-+*/|=@]/,punctuation:/[:.;,()[\]]/},e.languages.pcode=e.languages.peoplecode}e.exports=t,t.displayName="peoplecode",t.aliases=["pcode"]},74212:function(e){"use strict";function t(e){var t;t=/(?:\((?:[^()\\]|\\[\s\S])*\)|\{(?:[^{}\\]|\\[\s\S])*\}|\[(?:[^[\]\\]|\\[\s\S])*\]|<(?:[^<>\\]|\\[\s\S])*>)/.source,e.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,t].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,t].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,t+/\s*/.source+t].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.exports=t,t.displayName="perl",t.aliases=[]},5137:function(e,t,n){"use strict";var r=n(88262);function a(e){e.register(r),e.languages.insertBefore("php","variable",{this:{pattern:/\$this\b/,alias:"keyword"},global:/\$(?:GLOBALS|HTTP_RAW_POST_DATA|_(?:COOKIE|ENV|FILES|GET|POST|REQUEST|SERVER|SESSION)|argc|argv|http_response_header|php_errormsg)\b/,scope:{pattern:/\b[\w\\]+::/,inside:{keyword:/\b(?:parent|self|static)\b/,punctuation:/::|\\/}}})}e.exports=a,a.displayName="phpExtras",a.aliases=[]},88262:function(e,t,n){"use strict";var r=n(93205);function a(e){var t,n,a,i,o,s,l;e.register(r),t=/\/\*[\s\S]*?\*\/|\/\/.*|#(?!\[).*/,n=[{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*\()/],a=/\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}|\??->|[!=]=?=?|::|\*\*=?|--|\+\+|&&|\|\||<<|>>|[?~]|[/^|%*&<>.+-]=?/,o=/[{}\[\](),:;]/,e.languages.php={delimiter:{pattern:/\?>$|^<\?(?:php(?=\s)|=)?/i,alias:"important"},comment:t,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|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|new|or|parent|print|private|protected|public|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:n,function:{pattern:/(^|[^\\\w])\\?[a-z_](?:[\w\\]*\w)?(?=\s*\()/i,lookbehind:!0,inside:{punctuation:/\\/}},property:{pattern:/(->\s*)\w+/,lookbehind:!0},number:a,operator:i,punctuation:o},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:/\{\$(?:\{(?:\{[^{}]+\}|[^{}]+)\}|[^{}])+\}|(^|[^\\{])\$+(?:\w+(?:\[[^\r\n\[\]]+\]|->\w+)?)/,lookbehind:!0,inside:e.languages.php}}},{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}}],e.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:t,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:n,number:a,operator:i,punctuation:o}},delimiter:{pattern:/^#\[|\]$/,alias:"punctuation"}}}}),e.hooks.add("before-tokenize",function(t){/<\?/.test(t.code)&&e.languages["markup-templating"].buildPlaceholders(t,"php",/<\?(?:[^"'/#]|\/(?![*/])|("|')(?:\\[\s\S]|(?!\1)[^\\])*\1|(?:\/\/|#(?!\[))(?:[^?\n\r]|\?(?!>))*(?=$|\?>|[\r\n])|#\[|\/\*(?:[^*]|\*(?!\/))*(?:\*\/|$))*?(?:\?>|$)/g)}),e.hooks.add("after-tokenize",function(t){e.languages["markup-templating"].tokenizePlaceholders(t,"php")})}e.exports=a,a.displayName="php",a.aliases=[]},63632:function(e,t,n){"use strict";var r=n(88262),a=n(9858);function i(e){var t;e.register(r),e.register(a),t=/(?:\b[a-zA-Z]\w*|[|\\[\]])+/.source,e.languages.phpdoc=e.languages.extend("javadoclike",{parameter:{pattern:RegExp("(@(?:global|param|property(?:-read|-write)?|var)\\s+(?:"+t+"\\s+)?)\\$\\w+"),lookbehind:!0}}),e.languages.insertBefore("phpdoc","keyword",{"class-name":[{pattern:RegExp("(@(?:global|package|param|property(?:-read|-write)?|return|subpackage|throws|var)\\s+)"+t),lookbehind:!0,inside:{keyword:/\b(?:array|bool|boolean|callback|double|false|float|int|integer|mixed|null|object|resource|self|string|true|void)\b/,punctuation:/[|\\[\]()]/}}]}),e.languages.javadoclike.addSupport("php",e.languages.phpdoc)}e.exports=i,i.displayName="phpdoc",i.aliases=[]},59149:function(e,t,n){"use strict";var r=n(11114);function a(e){e.register(r),e.languages.plsql=e.languages.extend("sql",{comment:{pattern:/\/\*[\s\S]*?\*\/|--.*/,greedy:!0},keyword:/\b(?:A|ACCESSIBLE|ADD|AGENT|AGGREGATE|ALL|ALTER|AND|ANY|ARRAY|AS|ASC|AT|ATTRIBUTE|AUTHID|AVG|BEGIN|BETWEEN|BFILE_BASE|BINARY|BLOB_BASE|BLOCK|BODY|BOTH|BOUND|BULK|BY|BYTE|C|CALL|CALLING|CASCADE|CASE|CHAR|CHARACTER|CHARSET|CHARSETFORM|CHARSETID|CHAR_BASE|CHECK|CLOB_BASE|CLONE|CLOSE|CLUSTER|CLUSTERS|COLAUTH|COLLECT|COLUMNS|COMMENT|COMMIT|COMMITTED|COMPILED|COMPRESS|CONNECT|CONSTANT|CONSTRUCTOR|CONTEXT|CONTINUE|CONVERT|COUNT|CRASH|CREATE|CREDENTIAL|CURRENT|CURSOR|CUSTOMDATUM|DANGLING|DATA|DATE|DATE_BASE|DAY|DECLARE|DEFAULT|DEFINE|DELETE|DESC|DETERMINISTIC|DIRECTORY|DISTINCT|DOUBLE|DROP|DURATION|ELEMENT|ELSE|ELSIF|EMPTY|END|ESCAPE|EXCEPT|EXCEPTION|EXCEPTIONS|EXCLUSIVE|EXECUTE|EXISTS|EXIT|EXTERNAL|FETCH|FINAL|FIRST|FIXED|FLOAT|FOR|FORALL|FORCE|FROM|FUNCTION|GENERAL|GOTO|GRANT|GROUP|HASH|HAVING|HEAP|HIDDEN|HOUR|IDENTIFIED|IF|IMMEDIATE|IMMUTABLE|IN|INCLUDING|INDEX|INDEXES|INDICATOR|INDICES|INFINITE|INSERT|INSTANTIABLE|INT|INTERFACE|INTERSECT|INTERVAL|INTO|INVALIDATE|IS|ISOLATION|JAVA|LANGUAGE|LARGE|LEADING|LENGTH|LEVEL|LIBRARY|LIKE|LIKE2|LIKE4|LIKEC|LIMIT|LIMITED|LOCAL|LOCK|LONG|LOOP|MAP|MAX|MAXLEN|MEMBER|MERGE|MIN|MINUS|MINUTE|MOD|MODE|MODIFY|MONTH|MULTISET|MUTABLE|NAME|NAN|NATIONAL|NATIVE|NCHAR|NEW|NOCOMPRESS|NOCOPY|NOT|NOWAIT|NULL|NUMBER_BASE|OBJECT|OCICOLL|OCIDATE|OCIDATETIME|OCIDURATION|OCIINTERVAL|OCILOBLOCATOR|OCINUMBER|OCIRAW|OCIREF|OCIREFCURSOR|OCIROWID|OCISTRING|OCITYPE|OF|OLD|ON|ONLY|OPAQUE|OPEN|OPERATOR|OPTION|OR|ORACLE|ORADATA|ORDER|ORGANIZATION|ORLANY|ORLVARY|OTHERS|OUT|OVERLAPS|OVERRIDING|PACKAGE|PARALLEL_ENABLE|PARAMETER|PARAMETERS|PARENT|PARTITION|PASCAL|PERSISTABLE|PIPE|PIPELINED|PLUGGABLE|POLYMORPHIC|PRAGMA|PRECISION|PRIOR|PRIVATE|PROCEDURE|PUBLIC|RAISE|RANGE|RAW|READ|RECORD|REF|REFERENCE|RELIES_ON|REM|REMAINDER|RENAME|RESOURCE|RESULT|RESULT_CACHE|RETURN|RETURNING|REVERSE|REVOKE|ROLLBACK|ROW|SAMPLE|SAVE|SAVEPOINT|SB1|SB2|SB4|SECOND|SEGMENT|SELECT|SELF|SEPARATE|SEQUENCE|SERIALIZABLE|SET|SHARE|SHORT|SIZE|SIZE_T|SOME|SPARSE|SQL|SQLCODE|SQLDATA|SQLNAME|SQLSTATE|STANDARD|START|STATIC|STDDEV|STORED|STRING|STRUCT|STYLE|SUBMULTISET|SUBPARTITION|SUBSTITUTABLE|SUBTYPE|SUM|SYNONYM|TABAUTH|TABLE|TDO|THE|THEN|TIME|TIMESTAMP|TIMEZONE_ABBR|TIMEZONE_HOUR|TIMEZONE_MINUTE|TIMEZONE_REGION|TO|TRAILING|TRANSACTION|TRANSACTIONAL|TRUSTED|TYPE|UB1|UB2|UB4|UNDER|UNION|UNIQUE|UNPLUG|UNSIGNED|UNTRUSTED|UPDATE|USE|USING|VALIST|VALUE|VALUES|VARIABLE|VARIANCE|VARRAY|VARYING|VIEW|VIEWS|VOID|WHEN|WHERE|WHILE|WITH|WORK|WRAPPED|WRITE|YEAR|ZONE)\b/i,operator:/:=?|=>|[<>^~!]=|\.\.|\|\||\*\*|[-+*/%<>=@]/}),e.languages.insertBefore("plsql","operator",{label:{pattern:/<<\s*\w+\s*>>/,alias:"symbol"}})}e.exports=a,a.displayName="plsql",a.aliases=[]},50256:function(e){"use strict";function t(e){e.languages.powerquery={comment:{pattern:/(^|[^\\])(?:\/\*[\s\S]*?\*\/|\/\/.*)/,lookbehind:!0,greedy:!0},"quoted-identifier":{pattern:/#"(?:[^"\r\n]|"")*"(?!")/,greedy:!0},string:{pattern:/(?:#!)?"(?:[^"\r\n]|"")*"(?!")/,greedy:!0},constant:[/\bDay\.(?:Friday|Monday|Saturday|Sunday|Thursday|Tuesday|Wednesday)\b/,/\bTraceLevel\.(?:Critical|Error|Information|Verbose|Warning)\b/,/\bOccurrence\.(?:All|First|Last)\b/,/\bOrder\.(?:Ascending|Descending)\b/,/\bRoundingMode\.(?:AwayFromZero|Down|ToEven|TowardZero|Up)\b/,/\bMissingField\.(?:Error|Ignore|UseNull)\b/,/\bQuoteStyle\.(?:Csv|None)\b/,/\bJoinKind\.(?:FullOuter|Inner|LeftAnti|LeftOuter|RightAnti|RightOuter)\b/,/\bGroupKind\.(?:Global|Local)\b/,/\bExtraValues\.(?:Error|Ignore|List)\b/,/\bJoinAlgorithm\.(?:Dynamic|LeftHash|LeftIndex|PairwiseHash|RightHash|RightIndex|SortMerge)\b/,/\bJoinSide\.(?:Left|Right)\b/,/\bPrecision\.(?:Decimal|Double)\b/,/\bRelativePosition\.From(?:End|Start)\b/,/\bTextEncoding\.(?:Ascii|BigEndianUnicode|Unicode|Utf16|Utf8|Windows)\b/,/\b(?:Any|Binary|Date|DateTime|DateTimeZone|Duration|Function|Int16|Int32|Int64|Int8|List|Logical|None|Number|Record|Table|Text|Time)\.Type\b/,/\bnull\b/],boolean:/\b(?:false|true)\b/,keyword:/\b(?:and|as|each|else|error|if|in|is|let|meta|not|nullable|optional|or|otherwise|section|shared|then|try|type)\b|#(?:binary|date|datetime|datetimezone|duration|infinity|nan|sections|shared|table|time)\b/,function:{pattern:/(^|[^#\w.])[a-z_][\w.]*(?=\s*\()/i,lookbehind:!0},"data-type":{pattern:/\b(?:any|anynonnull|binary|date|datetime|datetimezone|duration|function|list|logical|none|number|record|table|text|time)\b/,alias:"class-name"},number:{pattern:/\b0x[\da-f]+\b|(?:[+-]?(?:\b\d+\.)?\b\d+|[+-]\.\d+|(^|[^.])\B\.\d+)(?:e[+-]?\d+)?\b/i,lookbehind:!0},operator:/[-+*\/&?@^]|<(?:=>?|>)?|>=?|=>?|\.\.\.?/,punctuation:/[,;\[\](){}]/},e.languages.pq=e.languages.powerquery,e.languages.mscript=e.languages.powerquery}e.exports=t,t.displayName="powerquery",t.aliases=[]},61777:function(e){"use strict";function t(e){var t;(t=e.languages.powershell={comment:[{pattern:/(^|[^`])<#[\s\S]*?#>/,lookbehind:!0},{pattern:/(^|[^`])#.*/,lookbehind:!0}],string:[{pattern:/"(?:`[\s\S]|[^`"])*"/,greedy:!0,inside:null},{pattern:/'(?:[^']|'')*'/,greedy:!0}],namespace:/\[[a-z](?:\[(?:\[[^\]]*\]|[^\[\]])*\]|[^\[\]])*\]/i,boolean:/\$(?:false|true)\b/i,variable:/\$\w+\b/,function:[/\b(?:Add|Approve|Assert|Backup|Block|Checkpoint|Clear|Close|Compare|Complete|Compress|Confirm|Connect|Convert|ConvertFrom|ConvertTo|Copy|Debug|Deny|Disable|Disconnect|Dismount|Edit|Enable|Enter|Exit|Expand|Export|Find|ForEach|Format|Get|Grant|Group|Hide|Import|Initialize|Install|Invoke|Join|Limit|Lock|Measure|Merge|Move|New|Open|Optimize|Out|Ping|Pop|Protect|Publish|Push|Read|Receive|Redo|Register|Remove|Rename|Repair|Request|Reset|Resize|Resolve|Restart|Restore|Resume|Revoke|Save|Search|Select|Send|Set|Show|Skip|Sort|Split|Start|Step|Stop|Submit|Suspend|Switch|Sync|Tee|Test|Trace|Unblock|Undo|Uninstall|Unlock|Unprotect|Unpublish|Unregister|Update|Use|Wait|Watch|Where|Write)-[a-z]+\b/i,/\b(?:ac|cat|chdir|clc|cli|clp|clv|compare|copy|cp|cpi|cpp|cvpa|dbp|del|diff|dir|ebp|echo|epal|epcsv|epsn|erase|fc|fl|ft|fw|gal|gbp|gc|gci|gcs|gdr|gi|gl|gm|gp|gps|group|gsv|gu|gv|gwmi|iex|ii|ipal|ipcsv|ipsn|irm|iwmi|iwr|kill|lp|ls|measure|mi|mount|move|mp|mv|nal|ndr|ni|nv|ogv|popd|ps|pushd|pwd|rbp|rd|rdr|ren|ri|rm|rmdir|rni|rnp|rp|rv|rvpa|rwmi|sal|saps|sasv|sbp|sc|select|set|shcm|si|sl|sleep|sls|sort|sp|spps|spsv|start|sv|swmi|tee|trcm|type|write)\b/i],keyword:/\b(?:Begin|Break|Catch|Class|Continue|Data|Define|Do|DynamicParam|Else|ElseIf|End|Exit|Filter|Finally|For|ForEach|From|Function|If|InlineScript|Parallel|Param|Process|Return|Sequence|Switch|Throw|Trap|Try|Until|Using|Var|While|Workflow)\b/i,operator:{pattern:/(^|\W)(?:!|-(?:b?(?:and|x?or)|as|(?:Not)?(?:Contains|In|Like|Match)|eq|ge|gt|is(?:Not)?|Join|le|lt|ne|not|Replace|sh[lr])\b|-[-=]?|\+[+=]?|[*\/%]=?)/i,lookbehind:!0},punctuation:/[|{}[\];(),.]/}).string[0].inside={function:{pattern:/(^|[^`])\$\((?:\$\([^\r\n()]*\)|(?!\$\()[^\r\n)])*\)/,lookbehind:!0,inside:t},boolean:t.boolean,variable:t.variable}}e.exports=t,t.displayName="powershell",t.aliases=[]},3623:function(e){"use strict";function t(e){e.languages.processing=e.languages.extend("clike",{keyword:/\b(?:break|case|catch|class|continue|default|else|extends|final|for|if|implements|import|new|null|private|public|return|static|super|switch|this|try|void|while)\b/,function:/\b\w+(?=\s*\()/,operator:/<[<=]?|>[>=]?|&&?|\|\|?|[%?]|[!=+\-*\/]=?/}),e.languages.insertBefore("processing","number",{constant:/\b(?!XML\b)[A-Z][A-Z\d_]+\b/,type:{pattern:/\b(?:boolean|byte|char|color|double|float|int|[A-Z]\w*)\b/,alias:"class-name"}})}e.exports=t,t.displayName="processing",t.aliases=[]},82707:function(e){"use strict";function t(e){e.languages.prolog={comment:{pattern:/\/\*[\s\S]*?\*\/|%.*/,greedy:!0},string:{pattern:/(["'])(?:\1\1|\\(?:\r\n|[\s\S])|(?!\1)[^\\\r\n])*\1(?!\1)/,greedy:!0},builtin:/\b(?:fx|fy|xf[xy]?|yfx?)\b/,function:/\b[a-z]\w*(?:(?=\()|\/\d+)/,number:/\b\d+(?:\.\d*)?/,operator:/[:\\=><\-?*@\/;+^|!$.]+|\b(?:is|mod|not|xor)\b/,punctuation:/[(){}\[\],]/}}e.exports=t,t.displayName="prolog",t.aliases=[]},59338:function(e){"use strict";function t(e){var t,n;n=["sum","min","max","avg","group","stddev","stdvar","count","count_values","bottomk","topk","quantile"].concat(t=["on","ignoring","group_right","group_left","by","without"],["offset"]),e.languages.promql={comment:{pattern:/(^[ \t]*)#.*/m,lookbehind:!0},"vector-match":{pattern:RegExp("((?:"+t.join("|")+")\\s*)\\([^)]*\\)"),lookbehind:!0,inside:{"label-key":{pattern:/\b[^,]+\b/,alias:"attr-name"},punctuation:/[(),]/}},"context-labels":{pattern:/\{[^{}]*\}/,inside:{"label-key":{pattern:/\b[a-z_]\w*(?=\s*(?:=|![=~]))/,alias:"attr-name"},"label-value":{pattern:/(["'`])(?:\\[\s\S]|(?!\1)[^\\])*\1/,greedy:!0,alias:"attr-value"},punctuation:/\{|\}|=~?|![=~]|,/}},"context-range":[{pattern:/\[[\w\s:]+\]/,inside:{punctuation:/\[|\]|:/,"range-duration":{pattern:/\b(?:\d+(?:[smhdwy]|ms))+\b/i,alias:"number"}}},{pattern:/(\boffset\s+)\w+/,lookbehind:!0,inside:{"range-duration":{pattern:/\b(?:\d+(?:[smhdwy]|ms))+\b/i,alias:"number"}}}],keyword:RegExp("\\b(?:"+n.join("|")+")\\b","i"),function:/\b[a-z_]\w*(?=\s*\()/i,number:/[-+]?(?:(?:\b\d+(?:\.\d+)?|\B\.\d+)(?:e[-+]?\d+)?\b|\b(?:0x[0-9a-f]+|nan|inf)\b)/i,operator:/[\^*/%+-]|==|!=|<=|<|>=|>|\b(?:and|or|unless)\b/i,punctuation:/[{};()`,.[\]]/}}e.exports=t,t.displayName="promql",t.aliases=[]},56267:function(e){"use strict";function t(e){e.languages.properties={comment:/^[ \t]*[#!].*$/m,"attr-value":{pattern:/(^[ \t]*(?:\\(?:\r\n|[\s\S])|[^\\\s:=])+(?: *[=:] *(?! )| ))(?:\\(?:\r\n|[\s\S])|[^\\\r\n])+/m,lookbehind:!0},"attr-name":/^[ \t]*(?:\\(?:\r\n|[\s\S])|[^\\\s:=])+(?= *[=:]| )/m,punctuation:/[=:]/}}e.exports=t,t.displayName="properties",t.aliases=[]},98809:function(e){"use strict";function t(e){var t;t=/\b(?:bool|bytes|double|s?fixed(?:32|64)|float|[su]?int(?:32|64)|string)\b/,e.languages.protobuf=e.languages.extend("clike",{"class-name":[{pattern:/(\b(?:enum|extend|message|service)\s+)[A-Za-z_]\w*(?=\s*\{)/,lookbehind:!0},{pattern:/(\b(?:rpc\s+\w+|returns)\s*\(\s*(?:stream\s+)?)\.?[A-Za-z_]\w*(?:\.[A-Za-z_]\w*)*(?=\s*\))/,lookbehind:!0}],keyword:/\b(?:enum|extend|extensions|import|message|oneof|option|optional|package|public|repeated|required|reserved|returns|rpc(?=\s+\w)|service|stream|syntax|to)\b(?!\s*=\s*\d)/,function:/\b[a-z_]\w*(?=\s*\()/i}),e.languages.insertBefore("protobuf","operator",{map:{pattern:/\bmap<\s*[\w.]+\s*,\s*[\w.]+\s*>(?=\s+[a-z_]\w*\s*[=;])/i,alias:"class-name",inside:{punctuation:/[<>.,]/,builtin:t}},builtin:t,"positional-class-name":{pattern:/(?:\b|\B\.)[a-z_]\w*(?:\.[a-z_]\w*)*(?=\s+[a-z_]\w*\s*[=;])/i,alias:"class-name",inside:{punctuation:/\./}},annotation:{pattern:/(\[\s*)[a-z_]\w*(?=\s*=)/i,lookbehind:!0}})}e.exports=t,t.displayName="protobuf",t.aliases=[]},37548:function(e){"use strict";function t(e){e.languages.psl={comment:{pattern:/#.*/,greedy:!0},string:{pattern:/"(?:\\.|[^\\"])*"/,greedy:!0,inside:{symbol:/\\[ntrbA-Z"\\]/}},"heredoc-string":{pattern:/<<<([a-zA-Z_]\w*)[\r\n](?:.*[\r\n])*?\1\b/,alias:"string",greedy:!0},keyword:/\b(?:__multi|__single|case|default|do|else|elsif|exit|export|for|foreach|function|if|last|line|local|next|requires|return|switch|until|while|word)\b/,constant:/\b(?:ALARM|CHART_ADD_GRAPH|CHART_DELETE_GRAPH|CHART_DESTROY|CHART_LOAD|CHART_PRINT|EOF|OFFLINE|OK|PSL_PROF_LOG|R_CHECK_HORIZ|R_CHECK_VERT|R_CLICKER|R_COLUMN|R_FRAME|R_ICON|R_LABEL|R_LABEL_CENTER|R_LIST_MULTIPLE|R_LIST_MULTIPLE_ND|R_LIST_SINGLE|R_LIST_SINGLE_ND|R_MENU|R_POPUP|R_POPUP_SCROLLED|R_RADIO_HORIZ|R_RADIO_VERT|R_ROW|R_SCALE_HORIZ|R_SCALE_VERT|R_SEP_HORIZ|R_SEP_VERT|R_SPINNER|R_TEXT_FIELD|R_TEXT_FIELD_LABEL|R_TOGGLE|TRIM_LEADING|TRIM_LEADING_AND_TRAILING|TRIM_REDUNDANT|TRIM_TRAILING|VOID|WARN)\b/,boolean:/\b(?:FALSE|False|NO|No|TRUE|True|YES|Yes|false|no|true|yes)\b/,variable:/\b(?:PslDebug|errno|exit_status)\b/,builtin:{pattern:/\b(?:PslExecute|PslFunctionCall|PslFunctionExists|PslSetOptions|_snmp_debug|acos|add_diary|annotate|annotate_get|ascii_to_ebcdic|asctime|asin|atan|atexit|batch_set|blackout|cat|ceil|chan_exists|change_state|close|code_cvt|cond_signal|cond_wait|console_type|convert_base|convert_date|convert_locale_date|cos|cosh|create|date|dcget_text|destroy|destroy_lock|dget_text|difference|dump_hist|ebcdic_to_ascii|encrypt|event_archive|event_catalog_get|event_check|event_query|event_range_manage|event_range_query|event_report|event_schedule|event_trigger|event_trigger2|execute|exists|exp|fabs|file|floor|fmod|fopen|fseek|ftell|full_discovery|get|get_chan_info|get_ranges|get_text|get_vars|getenv|gethostinfo|getpid|getpname|grep|history|history_get_retention|in_transition|index|int|internal|intersection|is_var|isnumber|join|kill|length|lines|lock|lock_info|log|log10|loge|matchline|msg_check|msg_get_format|msg_get_severity|msg_printf|msg_sprintf|ntharg|nthargf|nthline|nthlinef|num_bytes|num_consoles|pconfig|popen|poplines|pow|print|printf|proc_exists|process|random|read|readln|refresh_parameters|remote_check|remote_close|remote_event_query|remote_event_trigger|remote_file_send|remote_open|remove|replace|rindex|sec_check_priv|sec_store_get|sec_store_set|set|set_alarm_ranges|set_locale|share|sin|sinh|sleep|snmp_agent_config|snmp_agent_start|snmp_agent_stop|snmp_close|snmp_config|snmp_get|snmp_get_next|snmp_h_get|snmp_h_get_next|snmp_h_set|snmp_open|snmp_set|snmp_trap_ignore|snmp_trap_listen|snmp_trap_raise_std_trap|snmp_trap_receive|snmp_trap_register_im|snmp_trap_send|snmp_walk|sopen|sort|splitline|sprintf|sqrt|srandom|str_repeat|strcasecmp|subset|substr|system|tail|tan|tanh|text_domain|time|tmpnam|tolower|toupper|trace_psl_process|trim|union|unique|unlock|unset|va_arg|va_start|write)\b/,alias:"builtin-function"},"foreach-variable":{pattern:/(\bforeach\s+(?:(?:\w+\b|"(?:\\.|[^\\"])*")\s+){0,2})[_a-zA-Z]\w*(?=\s*\()/,lookbehind:!0,greedy:!0},function:/\b[_a-z]\w*\b(?=\s*\()/i,number:/\b(?:0x[0-9a-f]+|\d+(?:\.\d+)?)\b/i,operator:/--|\+\+|&&=?|\|\|=?|<<=?|>>=?|[=!]~|[-+*/%&|^!=<>]=?|\.|[:?]/,punctuation:/[(){}\[\];,]/}}e.exports=t,t.displayName="psl",t.aliases=[]},82161:function(e){"use strict";function t(e){!function(e){e.languages.pug={comment:{pattern:/(^([\t ]*))\/\/.*(?:(?:\r?\n|\r)\2[\t ].+)*/m,lookbehind:!0},"multiline-script":{pattern:/(^([\t ]*)script\b.*\.[\t ]*)(?:(?:\r?\n|\r(?!\n))(?:\2[\t ].+|\s*?(?=\r?\n|\r)))+/m,lookbehind:!0,inside:e.languages.javascript},filter:{pattern:/(^([\t ]*)):.+(?:(?:\r?\n|\r(?!\n))(?:\2[\t ].+|\s*?(?=\r?\n|\r)))+/m,lookbehind:!0,inside:{"filter-name":{pattern:/^:[\w-]+/,alias:"variable"},text:/\S[\s\S]*/}},"multiline-plain-text":{pattern:/(^([\t ]*)[\w\-#.]+\.[\t ]*)(?:(?:\r?\n|\r(?!\n))(?:\2[\t ].+|\s*?(?=\r?\n|\r)))+/m,lookbehind:!0},markup:{pattern:/(^[\t ]*)<.+/m,lookbehind:!0,inside:e.languages.markup},doctype:{pattern:/((?:^|\n)[\t ]*)doctype(?: .+)?/,lookbehind:!0},"flow-control":{pattern:/(^[\t ]*)(?:case|default|each|else|if|unless|when|while)\b(?: .+)?/m,lookbehind:!0,inside:{each:{pattern:/^each .+? in\b/,inside:{keyword:/\b(?:each|in)\b/,punctuation:/,/}},branch:{pattern:/^(?:case|default|else|if|unless|when|while)\b/,alias:"keyword"},rest:e.languages.javascript}},keyword:{pattern:/(^[\t ]*)(?:append|block|extends|include|prepend)\b.+/m,lookbehind:!0},mixin:[{pattern:/(^[\t ]*)mixin .+/m,lookbehind:!0,inside:{keyword:/^mixin/,function:/\w+(?=\s*\(|\s*$)/,punctuation:/[(),.]/}},{pattern:/(^[\t ]*)\+.+/m,lookbehind:!0,inside:{name:{pattern:/^\+\w+/,alias:"function"},rest:e.languages.javascript}}],script:{pattern:/(^[\t ]*script(?:(?:&[^(]+)?\([^)]+\))*[\t ]).+/m,lookbehind:!0,inside:e.languages.javascript},"plain-text":{pattern:/(^[\t ]*(?!-)[\w\-#.]*[\w\-](?:(?:&[^(]+)?\([^)]+\))*\/?[\t ]).+/m,lookbehind:!0},tag:{pattern:/(^[\t ]*)(?!-)[\w\-#.]*[\w\-](?:(?:&[^(]+)?\([^)]+\))*\/?:?/m,lookbehind:!0,inside:{attributes:[{pattern:/&[^(]+\([^)]+\)/,inside:e.languages.javascript},{pattern:/\([^)]+\)/,inside:{"attr-value":{pattern:/(=\s*(?!\s))(?:\{[^}]*\}|[^,)\r\n]+)/,lookbehind:!0,inside:e.languages.javascript},"attr-name":/[\w-]+(?=\s*!?=|\s*[,)])/,punctuation:/[!=(),]+/}}],punctuation:/:/,"attr-id":/#[\w\-]+/,"attr-class":/\.[\w\-]+/}},code:[{pattern:/(^[\t ]*(?:-|!?=)).+/m,lookbehind:!0,inside:e.languages.javascript}],punctuation:/[.\-!=|]+/};for(var t=/(^([\t ]*)):(?:(?:\r?\n|\r(?!\n))(?:\2[\t ].+|\s*?(?=\r?\n|\r)))+/.source,n=[{filter:"atpl",language:"twig"},{filter:"coffee",language:"coffeescript"},"ejs","handlebars","less","livescript","markdown",{filter:"sass",language:"scss"},"stylus"],r={},a=0,i=n.length;a",function(){return o.filter}),"m"),lookbehind:!0,inside:{"filter-name":{pattern:/^:[\w-]+/,alias:"variable"},text:{pattern:/\S[\s\S]*/,alias:[o.language,"language-"+o.language],inside:e.languages[o.language]}}})}e.languages.insertBefore("pug","filter",r)}(e)}e.exports=t,t.displayName="pug",t.aliases=[]},80625:function(e){"use strict";function t(e){var t;e.languages.puppet={heredoc:[{pattern:/(@\("([^"\r\n\/):]+)"(?:\/[nrts$uL]*)?\).*(?:\r?\n|\r))(?:.*(?:\r?\n|\r(?!\n)))*?[ \t]*(?:\|[ \t]*)?(?:-[ \t]*)?\2/,lookbehind:!0,alias:"string",inside:{punctuation:/(?=\S).*\S(?= *$)/}},{pattern:/(@\(([^"\r\n\/):]+)(?:\/[nrts$uL]*)?\).*(?:\r?\n|\r))(?:.*(?:\r?\n|\r(?!\n)))*?[ \t]*(?:\|[ \t]*)?(?:-[ \t]*)?\2/,lookbehind:!0,greedy:!0,alias:"string",inside:{punctuation:/(?=\S).*\S(?= *$)/}},{pattern:/@\("?(?:[^"\r\n\/):]+)"?(?:\/[nrts$uL]*)?\)/,alias:"string",inside:{punctuation:{pattern:/(\().+?(?=\))/,lookbehind:!0}}}],"multiline-comment":{pattern:/(^|[^\\])\/\*[\s\S]*?\*\//,lookbehind:!0,greedy:!0,alias:"comment"},regex:{pattern:/((?:\bnode\s+|[~=\(\[\{,]\s*|[=+]>\s*|^\s*))\/(?:[^\/\\]|\\[\s\S])+\/(?:[imx]+\b|\B)/,lookbehind:!0,greedy:!0,inside:{"extended-regex":{pattern:/^\/(?:[^\/\\]|\\[\s\S])+\/[im]*x[im]*$/,inside:{comment:/#.*/}}}},comment:{pattern:/(^|[^\\])#.*/,lookbehind:!0,greedy:!0},string:{pattern:/(["'])(?:\$\{(?:[^'"}]|(["'])(?:(?!\2)[^\\]|\\[\s\S])*\2)+\}|\$(?!\{)|(?!\1)[^\\$]|\\[\s\S])*\1/,greedy:!0,inside:{"double-quoted":{pattern:/^"[\s\S]*"$/,inside:{}}}},variable:{pattern:/\$(?:::)?\w+(?:::\w+)*/,inside:{punctuation:/::/}},"attr-name":/(?:\b\w+|\*)(?=\s*=>)/,function:[{pattern:/(\.)(?!\d)\w+/,lookbehind:!0},/\b(?:contain|debug|err|fail|include|info|notice|realize|require|tag|warning)\b|\b(?!\d)\w+(?=\()/],number:/\b(?:0x[a-f\d]+|\d+(?:\.\d+)?(?:e-?\d+)?)\b/i,boolean:/\b(?:false|true)\b/,keyword:/\b(?:application|attr|case|class|consumes|default|define|else|elsif|function|if|import|inherits|node|private|produces|type|undef|unless)\b/,datatype:{pattern:/\b(?:Any|Array|Boolean|Callable|Catalogentry|Class|Collection|Data|Default|Enum|Float|Hash|Integer|NotUndef|Numeric|Optional|Pattern|Regexp|Resource|Runtime|Scalar|String|Struct|Tuple|Type|Undef|Variant)\b/,alias:"symbol"},operator:/=[=~>]?|![=~]?|<(?:<\|?|[=~|-])?|>[>=]?|->?|~>|\|>?>?|[*\/%+?]|\b(?:and|in|or)\b/,punctuation:/[\[\]{}().,;]|:+/},t=[{pattern:/(^|[^\\])\$\{(?:[^'"{}]|\{[^}]*\}|(["'])(?:(?!\2)[^\\]|\\[\s\S])*\2)+\}/,lookbehind:!0,inside:{"short-variable":{pattern:/(^\$\{)(?!\w+\()(?:::)?\w+(?:::\w+)*/,lookbehind:!0,alias:"variable",inside:{punctuation:/::/}},delimiter:{pattern:/^\$/,alias:"variable"},rest:e.languages.puppet}},{pattern:/(^|[^\\])\$(?:::)?\w+(?:::\w+)*/,lookbehind:!0,alias:"variable",inside:{punctuation:/::/}}],e.languages.puppet.heredoc[0].inside.interpolation=t,e.languages.puppet.string.inside["double-quoted"].inside.interpolation=t}e.exports=t,t.displayName="puppet",t.aliases=[]},88393:function(e){"use strict";function t(e){var t;e.languages.pure={comment:[{pattern:/(^|[^\\])\/\*[\s\S]*?\*\//,lookbehind:!0},{pattern:/(^|[^\\:])\/\/.*/,lookbehind:!0},/#!.+/],"inline-lang":{pattern:/%<[\s\S]+?%>/,greedy:!0,inside:{lang:{pattern:/(^%< *)-\*-.+?-\*-/,lookbehind:!0,alias:"comment"},delimiter:{pattern:/^%<.*|%>$/,alias:"punctuation"}}},string:{pattern:/"(?:\\.|[^"\\\r\n])*"/,greedy:!0},number:{pattern:/((?:\.\.)?)(?:\b(?:inf|nan)\b|\b0x[\da-f]+|(?:\b(?:0b)?\d+(?:\.\d+)?|\B\.\d+)(?:e[+-]?\d+)?L?)/i,lookbehind:!0},keyword:/\b(?:NULL|ans|break|bt|case|catch|cd|clear|const|def|del|dump|else|end|exit|extern|false|force|help|if|infix[lr]?|interface|let|ls|mem|namespace|nonfix|of|otherwise|outfix|override|postfix|prefix|private|public|pwd|quit|run|save|show|stats|then|throw|trace|true|type|underride|using|when|with)\b/,function:/\b(?:abs|add_(?:addr|constdef|(?:fundef|interface|macdef|typedef)(?:_at)?|vardef)|all|any|applp?|arity|bigintp?|blob(?:_crc|_size|p)?|boolp?|byte_c?string(?:_pointer)?|byte_(?:matrix|pointer)|calloc|cat|catmap|ceil|char[ps]?|check_ptrtag|chr|clear_sentry|clearsym|closurep?|cmatrixp?|cols?|colcat(?:map)?|colmap|colrev|colvector(?:p|seq)?|complex(?:_float_(?:matrix|pointer)|_matrix(?:_view)?|_pointer|p)?|conj|cookedp?|cst|cstring(?:_(?:dup|list|vector))?|curry3?|cyclen?|del_(?:constdef|fundef|interface|macdef|typedef|vardef)|delete|diag(?:mat)?|dim|dmatrixp?|do|double(?:_matrix(?:_view)?|_pointer|p)?|dowith3?|drop|dropwhile|eval(?:cmd)?|exactp|filter|fix|fixity|flip|float(?:_matrix|_pointer)|floor|fold[lr]1?|frac|free|funp?|functionp?|gcd|get(?:_(?:byte|constdef|double|float|fundef|int(?:64)?|interface(?:_typedef)?|long|macdef|pointer|ptrtag|sentry|short|string|typedef|vardef))?|globsym|hash|head|id|im|imatrixp?|index|inexactp|infp|init|insert|int(?:_matrix(?:_view)?|_pointer|p)?|int64_(?:matrix|pointer)|integerp?|iteraten?|iterwhile|join|keys?|lambdap?|last(?:err(?:pos)?)?|lcd|list[2p]?|listmap|make_ptrtag|malloc|map|matcat|matrixp?|max|member|min|nanp|nargs|nmatrixp?|null|numberp?|ord|pack(?:ed)?|pointer(?:_cast|_tag|_type|p)?|pow|pred|ptrtag|put(?:_(?:byte|double|float|int(?:64)?|long|pointer|short|string))?|rationalp?|re|realp?|realloc|recordp?|redim|reduce(?:_with)?|refp?|repeatn?|reverse|rlistp?|round|rows?|rowcat(?:map)?|rowmap|rowrev|rowvector(?:p|seq)?|same|scan[lr]1?|sentry|sgn|short_(?:matrix|pointer)|slice|smatrixp?|sort|split|str|strcat|stream|stride|string(?:_(?:dup|list|vector)|p)?|subdiag(?:mat)?|submat|subseq2?|substr|succ|supdiag(?:mat)?|symbolp?|tail|take|takewhile|thunkp?|transpose|trunc|tuplep?|typep|ubyte|uint(?:64)?|ulong|uncurry3?|unref|unzip3?|update|ushort|vals?|varp?|vector(?:p|seq)?|void|zip3?|zipwith3?)\b/,special:{pattern:/\b__[a-z]+__\b/i,alias:"builtin"},operator:/(?:[!"#$%&'*+,\-.\/:<=>?@\\^`|~\u00a1-\u00bf\u00d7-\u00f7\u20d0-\u2bff]|\b_+\b)+|\b(?:and|div|mod|not|or)\b/,punctuation:/[(){}\[\];,|]/},t=/%< *-\*- *\d* *-\*-[\s\S]+?%>/.source,["c",{lang:"c++",alias:"cpp"},"fortran"].forEach(function(n){var r=n;if("string"!=typeof n&&(r=n.alias,n=n.lang),e.languages[r]){var a={};a["inline-lang-"+r]={pattern:RegExp(t.replace("",n.replace(/([.+*?\/\\(){}\[\]])/g,"\\$1")),"i"),inside:e.util.clone(e.languages.pure["inline-lang"].inside)},a["inline-lang-"+r].inside.rest=e.util.clone(e.languages[r]),e.languages.insertBefore("pure","inline-lang",a)}}),e.languages.c&&(e.languages.pure["inline-lang"].inside.rest=e.util.clone(e.languages.c))}e.exports=t,t.displayName="pure",t.aliases=[]},78404:function(e){"use strict";function t(e){e.languages.purebasic=e.languages.extend("clike",{comment:/;.*/,keyword:/\b(?:align|and|as|break|calldebugger|case|compilercase|compilerdefault|compilerelse|compilerelseif|compilerendif|compilerendselect|compilererror|compilerif|compilerselect|continue|data|datasection|debug|debuglevel|declare|declarec|declarecdll|declaredll|declaremodule|default|define|dim|disableasm|disabledebugger|disableexplicit|else|elseif|enableasm|enabledebugger|enableexplicit|end|enddatasection|enddeclaremodule|endenumeration|endif|endimport|endinterface|endmacro|endmodule|endprocedure|endselect|endstructure|endstructureunion|endwith|enumeration|extends|fakereturn|for|foreach|forever|global|gosub|goto|if|import|importc|includebinary|includefile|includepath|interface|macro|module|newlist|newmap|next|not|or|procedure|procedurec|procedurecdll|proceduredll|procedurereturn|protected|prototype|prototypec|read|redim|repeat|restore|return|runtime|select|shared|static|step|structure|structureunion|swap|threaded|to|until|wend|while|with|xincludefile|xor)\b/i,function:/\b\w+(?:\.\w+)?\s*(?=\()/,number:/(?:\$[\da-f]+|\b-?(?:\d+(?:\.\d+)?|\.\d+)(?:e[+-]?\d+)?)\b/i,operator:/(?:@\*?|\?|\*)\w+|-[>-]?|\+\+?|!=?|<>?=?|==?|&&?|\|?\||[~^%?*/@]/}),e.languages.insertBefore("purebasic","keyword",{tag:/#\w+\$?/,asm:{pattern:/(^[\t ]*)!.*/m,lookbehind:!0,alias:"tag",inside:{comment:/;.*/,string:{pattern:/(["'`])(?:\\.|(?!\1)[^\\\r\n])*\1/,greedy:!0},"label-reference-anonymous":{pattern:/(!\s*j[a-z]+\s+)@[fb]/i,lookbehind:!0,alias:"fasm-label"},"label-reference-addressed":{pattern:/(!\s*j[a-z]+\s+)[A-Z._?$@][\w.?$@~#]*/i,lookbehind:!0,alias:"fasm-label"},keyword:[/\b(?:extern|global)\b[^;\r\n]*/i,/\b(?:CPU|DEFAULT|FLOAT)\b.*/],function:{pattern:/^([\t ]*!\s*)[\da-z]+(?=\s|$)/im,lookbehind:!0},"function-inline":{pattern:/(:\s*)[\da-z]+(?=\s)/i,lookbehind:!0,alias:"function"},label:{pattern:/^([\t ]*!\s*)[A-Za-z._?$@][\w.?$@~#]*(?=:)/m,lookbehind:!0,alias:"fasm-label"},register:/\b(?:st\d|[xyz]mm\d\d?|[cdt]r\d|r\d\d?[bwd]?|[er]?[abcd]x|[abcd][hl]|[er]?(?:bp|di|si|sp)|[cdefgs]s|mm\d+)\b/i,number:/(?:\b|-|(?=\$))(?:0[hx](?:[\da-f]*\.)?[\da-f]+(?:p[+-]?\d+)?|\d[\da-f]+[hx]|\$\d[\da-f]*|0[oq][0-7]+|[0-7]+[oq]|0[by][01]+|[01]+[by]|0[dt]\d+|(?:\d+(?:\.\d+)?|\.\d+)(?:\.?e[+-]?\d+)?[dt]?)\b/i,operator:/[\[\]*+\-/%<>=&|$!,.:]/}}}),delete e.languages.purebasic["class-name"],delete e.languages.purebasic.boolean,e.languages.pbfasm=e.languages.purebasic}e.exports=t,t.displayName="purebasic",t.aliases=[]},92923:function(e,t,n){"use strict";var r=n(58090);function a(e){e.register(r),e.languages.purescript=e.languages.extend("haskell",{keyword:/\b(?:ado|case|class|data|derive|do|else|forall|if|in|infixl|infixr|instance|let|module|newtype|of|primitive|then|type|where)\b|∀/,"import-statement":{pattern:/(^[\t ]*)import\s+[A-Z][\w']*(?:\.[A-Z][\w']*)*(?:\s+as\s+[A-Z][\w']*(?:\.[A-Z][\w']*)*)?(?:\s+hiding\b)?/m,lookbehind:!0,inside:{keyword:/\b(?:as|hiding|import)\b/,punctuation:/\./}},builtin:/\b(?:absurd|add|ap|append|apply|between|bind|bottom|clamp|compare|comparing|compose|conj|const|degree|discard|disj|div|eq|flap|flip|gcd|identity|ifM|join|lcm|liftA1|liftM1|map|max|mempty|min|mod|mul|negate|not|notEq|one|otherwise|recip|show|sub|top|unit|unless|unlessM|void|when|whenM|zero)\b/,operator:[e.languages.haskell.operator[0],e.languages.haskell.operator[2],/[\xa2-\xa6\xa8\xa9\xac\xae-\xb1\xb4\xb8\xd7\xf7\u02c2-\u02c5\u02d2-\u02df\u02e5-\u02eb\u02ed\u02ef-\u02ff\u0375\u0384\u0385\u03f6\u0482\u058d-\u058f\u0606-\u0608\u060b\u060e\u060f\u06de\u06e9\u06fd\u06fe\u07f6\u07fe\u07ff\u09f2\u09f3\u09fa\u09fb\u0af1\u0b70\u0bf3-\u0bfa\u0c7f\u0d4f\u0d79\u0e3f\u0f01-\u0f03\u0f13\u0f15-\u0f17\u0f1a-\u0f1f\u0f34\u0f36\u0f38\u0fbe-\u0fc5\u0fc7-\u0fcc\u0fce\u0fcf\u0fd5-\u0fd8\u109e\u109f\u1390-\u1399\u166d\u17db\u1940\u19de-\u19ff\u1b61-\u1b6a\u1b74-\u1b7c\u1fbd\u1fbf-\u1fc1\u1fcd-\u1fcf\u1fdd-\u1fdf\u1fed-\u1fef\u1ffd\u1ffe\u2044\u2052\u207a-\u207c\u208a-\u208c\u20a0-\u20bf\u2100\u2101\u2103-\u2106\u2108\u2109\u2114\u2116-\u2118\u211e-\u2123\u2125\u2127\u2129\u212e\u213a\u213b\u2140-\u2144\u214a-\u214d\u214f\u218a\u218b\u2190-\u2307\u230c-\u2328\u232b-\u2426\u2440-\u244a\u249c-\u24e9\u2500-\u2767\u2794-\u27c4\u27c7-\u27e5\u27f0-\u2982\u2999-\u29d7\u29dc-\u29fb\u29fe-\u2b73\u2b76-\u2b95\u2b97-\u2bff\u2ce5-\u2cea\u2e50\u2e51\u2e80-\u2e99\u2e9b-\u2ef3\u2f00-\u2fd5\u2ff0-\u2ffb\u3004\u3012\u3013\u3020\u3036\u3037\u303e\u303f\u309b\u309c\u3190\u3191\u3196-\u319f\u31c0-\u31e3\u3200-\u321e\u322a-\u3247\u3250\u3260-\u327f\u328a-\u32b0\u32c0-\u33ff\u4dc0-\u4dff\ua490-\ua4c6\ua700-\ua716\ua720\ua721\ua789\ua78a\ua828-\ua82b\ua836-\ua839\uaa77-\uaa79\uab5b\uab6a\uab6b\ufb29\ufbb2-\ufbc1\ufdfc\ufdfd\ufe62\ufe64-\ufe66\ufe69\uff04\uff0b\uff1c-\uff1e\uff3e\uff40\uff5c\uff5e\uffe0-\uffe6\uffe8-\uffee\ufffc\ufffd]/]}),e.languages.purs=e.languages.purescript}e.exports=a,a.displayName="purescript",a.aliases=["purs"]},52992:function(e){"use strict";function t(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:/![sra](?=[:}]$)/,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}e.exports=t,t.displayName="python",t.aliases=["py"]},55762:function(e){"use strict";function t(e){e.languages.q={string:/"(?:\\.|[^"\\\r\n])*"/,comment:[{pattern:/([\t )\]}])\/.*/,lookbehind:!0,greedy:!0},{pattern:/(^|\r?\n|\r)\/[\t ]*(?:(?:\r?\n|\r)(?:.*(?:\r?\n|\r(?!\n)))*?(?:\\(?=[\t ]*(?:\r?\n|\r))|$)|\S.*)/,lookbehind:!0,greedy:!0},{pattern:/^\\[\t ]*(?:\r?\n|\r)[\s\S]+/m,greedy:!0},{pattern:/^#!.+/m,greedy:!0}],symbol:/`(?::\S+|[\w.]*)/,datetime:{pattern:/0N[mdzuvt]|0W[dtz]|\d{4}\.\d\d(?:m|\.\d\d(?:T(?:\d\d(?::\d\d(?::\d\d(?:[.:]\d\d\d)?)?)?)?)?[dz]?)|\d\d:\d\d(?::\d\d(?:[.:]\d\d\d)?)?[uvt]?/,alias:"number"},number:/\b(?![01]:)(?:0N[hje]?|0W[hj]?|0[wn]|0x[\da-fA-F]+|\d+(?:\.\d*)?(?:e[+-]?\d+)?[hjfeb]?)/,keyword:/\\\w+\b|\b(?:abs|acos|aj0?|all|and|any|asc|asin|asof|atan|attr|avgs?|binr?|by|ceiling|cols|cor|cos|count|cov|cross|csv|cut|delete|deltas|desc|dev|differ|distinct|div|do|dsave|ej|enlist|eval|except|exec|exit|exp|fby|fills|first|fkeys|flip|floor|from|get|getenv|group|gtime|hclose|hcount|hdel|hopen|hsym|iasc|identity|idesc|if|ij|in|insert|inter|inv|keys?|last|like|list|ljf?|load|log|lower|lsq|ltime|ltrim|mavg|maxs?|mcount|md5|mdev|med|meta|mins?|mmax|mmin|mmu|mod|msum|neg|next|not|null|or|over|parse|peach|pj|plist|prds?|prev|prior|rand|rank|ratios|raze|read0|read1|reciprocal|reval|reverse|rload|rotate|rsave|rtrim|save|scan|scov|sdev|select|set|setenv|show|signum|sin|sqrt|ssr?|string|sublist|sums?|sv|svar|system|tables|tan|til|trim|txf|type|uj|ungroup|union|update|upper|upsert|value|var|views?|vs|wavg|where|while|within|wj1?|wsum|ww|xasc|xbar|xcols?|xdesc|xexp|xgroup|xkey|xlog|xprev|xrank)\b/,adverb:{pattern:/['\/\\]:?|\beach\b/,alias:"function"},verb:{pattern:/(?:\B\.\B|\b[01]:|<[=>]?|>=?|[:+\-*%,!?~=|$&#@^]):?|\b_\b:?/,alias:"operator"},punctuation:/[(){}\[\];.]/}}e.exports=t,t.displayName="q",t.aliases=[]},4137:function(e){"use strict";function t(e){!function(e){for(var t=/"(?:\\.|[^\\"\r\n])*"|'(?:\\.|[^\\'\r\n])*'/.source,n=/\/\/.*(?!.)|\/\*(?:[^*]|\*(?!\/))*\*\//.source,r=/(?:[^\\()[\]{}"'/]||\/(?![*/])||\(*\)|\[*\]|\{*\}|\\[\s\S])/.source.replace(//g,function(){return t}).replace(//g,function(){return n}),a=0;a<2;a++)r=r.replace(//g,function(){return r});r=r.replace(//g,"[^\\s\\S]"),e.languages.qml={comment:{pattern:/\/\/.*|\/\*[\s\S]*?\*\//,greedy:!0},"javascript-function":{pattern:RegExp(/((?:^|;)[ \t]*)function\s+(?!\s)[_$a-zA-Z\xA0-\uFFFF](?:(?!\s)[$\w\xA0-\uFFFF])*\s*\(*\)\s*\{*\}/.source.replace(//g,function(){return r}),"m"),lookbehind:!0,greedy:!0,alias:"language-javascript",inside:e.languages.javascript},"class-name":{pattern:/((?:^|[:;])[ \t]*)(?!\d)\w+(?=[ \t]*\{|[ \t]+on\b)/m,lookbehind:!0},property:[{pattern:/((?:^|[;{])[ \t]*)(?!\d)\w+(?:\.\w+)*(?=[ \t]*:)/m,lookbehind:!0},{pattern:/((?:^|[;{])[ \t]*)property[ \t]+(?!\d)\w+(?:\.\w+)*[ \t]+(?!\d)\w+(?:\.\w+)*(?=[ \t]*:)/m,lookbehind:!0,inside:{keyword:/^property/,property:/\w+(?:\.\w+)*/}}],"javascript-expression":{pattern:RegExp(/(:[ \t]*)(?![\s;}[])(?:(?!$|[;}]))+/.source.replace(//g,function(){return r}),"m"),lookbehind:!0,greedy:!0,alias:"language-javascript",inside:e.languages.javascript},string:{pattern:/"(?:\\.|[^\\"\r\n])*"/,greedy:!0},keyword:/\b(?:as|import|on)\b/,punctuation:/[{}[\]:;,]/}}(e)}e.exports=t,t.displayName="qml",t.aliases=[]},28260:function(e){"use strict";function t(e){e.languages.qore=e.languages.extend("clike",{comment:{pattern:/(^|[^\\])(?:\/\*[\s\S]*?\*\/|(?:\/\/|#).*)/,lookbehind:!0},string:{pattern:/("|')(?:\\[\s\S]|(?!\1)[^\\])*\1/,greedy:!0},keyword:/\b(?:abstract|any|assert|binary|bool|boolean|break|byte|case|catch|char|class|code|const|continue|data|default|do|double|else|enum|extends|final|finally|float|for|goto|hash|if|implements|import|inherits|instanceof|int|interface|long|my|native|new|nothing|null|object|our|own|private|reference|rethrow|return|short|soft(?:bool|date|float|int|list|number|string)|static|strictfp|string|sub|super|switch|synchronized|this|throw|throws|transient|try|void|volatile|while)\b/,boolean:/\b(?:false|true)\b/i,function:/\$?\b(?!\d)\w+(?=\()/,number:/\b(?:0b[01]+|0x(?:[\da-f]*\.)?[\da-fp\-]+|(?:\d+(?:\.\d+)?|\.\d+)(?:e\d+)?[df]|(?:\d+(?:\.\d+)?|\.\d+))\b/i,operator:{pattern:/(^|[^.])(?:\+[+=]?|-[-=]?|[!=](?:==?|~)?|>>?=?|<(?:=>?|<=?)?|&[&=]?|\|[|=]?|[*\/%^]=?|[~?])/,lookbehind:!0},variable:/\$(?!\d)\w+\b/})}e.exports=t,t.displayName="qore",t.aliases=[]},71360:function(e){"use strict";function t(e){!function(e){function t(e,t){return e.replace(/<<(\d+)>>/g,function(e,n){return"(?:"+t[+n]+")"})}function n(e,n,r){return RegExp(t(e,n),r||"")}var r={type:"Adj BigInt Bool Ctl Double false Int One Pauli PauliI PauliX PauliY PauliZ Qubit Range Result String true Unit Zero",other:"Adjoint adjoint apply as auto body borrow borrowing Controlled controlled distribute elif else fail fixup for function if in internal intrinsic invert is let mutable namespace new newtype open operation repeat return self set until use using while within"},a=RegExp("\\b(?:"+(r.type+" "+r.other).trim().replace(/ /g,"|")+")\\b"),i=/\b[A-Za-z_]\w*\b/.source,o=t(/<<0>>(?:\s*\.\s*<<0>>)*/.source,[i]),s={keyword:a,punctuation:/[<>()?,.:[\]]/},l=/"(?:\\.|[^\\"])*"/.source;e.languages.qsharp=e.languages.extend("clike",{comment:/\/\/.*/,string:[{pattern:n(/(^|[^$\\])<<0>>/.source,[l]),lookbehind:!0,greedy:!0}],"class-name":[{pattern:n(/(\b(?:as|open)\s+)<<0>>(?=\s*(?:;|as\b))/.source,[o]),lookbehind:!0,inside:s},{pattern:n(/(\bnamespace\s+)<<0>>(?=\s*\{)/.source,[o]),lookbehind:!0,inside:s}],keyword:a,number:/(?:\b0(?:x[\da-f]+|b[01]+|o[0-7]+)|(?:\B\.\d+|\b\d+(?:\.\d*)?)(?:e[-+]?\d+)?)l?\b/i,operator:/\band=|\bor=|\band\b|\bnot\b|\bor\b|<[-=]|[-=]>|>>>=?|<<<=?|\^\^\^=?|\|\|\|=?|&&&=?|w\/=?|~~~|[*\/+\-^=!%]=?/,punctuation:/::|[{}[\];(),.:]/}),e.languages.insertBefore("qsharp","number",{range:{pattern:/\.\./,alias:"operator"}});var c=function(e,t){for(var n=0;n<2;n++)e=e.replace(/<>/g,function(){return"(?:"+e+")"});return e.replace(/<>/g,"[^\\s\\S]")}(t(/\{(?:[^"{}]|<<0>>|<>)*\}/.source,[l]),0);e.languages.insertBefore("qsharp","string",{"interpolation-string":{pattern:n(/\$"(?:\\.|<<0>>|[^\\"{])*"/.source,[c]),greedy:!0,inside:{interpolation:{pattern:n(/((?:^|[^\\])(?:\\\\)*)<<0>>/.source,[c]),lookbehind:!0,inside:{punctuation:/^\{|\}$/,expression:{pattern:/[\s\S]+/,alias:"language-qsharp",inside:e.languages.qsharp}}},string:/[\s\S]+/}}})}(e),e.languages.qs=e.languages.qsharp}e.exports=t,t.displayName="qsharp",t.aliases=["qs"]},29308:function(e){"use strict";function t(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:/[(){}\[\],;]/}}e.exports=t,t.displayName="r",t.aliases=[]},32168:function(e,t,n){"use strict";var r=n(9997);function a(e){e.register(r),e.languages.racket=e.languages.extend("scheme",{"lambda-parameter":{pattern:/([(\[]lambda\s+[(\[])[^()\[\]'\s]+/,lookbehind:!0}}),e.languages.insertBefore("racket","string",{lang:{pattern:/^#lang.+/m,greedy:!0,alias:"keyword"}}),e.languages.rkt=e.languages.racket}e.exports=a,a.displayName="racket",a.aliases=["rkt"]},5755:function(e){"use strict";function t(e){e.languages.reason=e.languages.extend("clike",{string:{pattern:/"(?:\\(?:\r\n|[\s\S])|[^\\\r\n"])*"/,greedy:!0},"class-name":/\b[A-Z]\w*/,keyword:/\b(?:and|as|assert|begin|class|constraint|do|done|downto|else|end|exception|external|for|fun|function|functor|if|in|include|inherit|initializer|lazy|let|method|module|mutable|new|nonrec|object|of|open|or|private|rec|sig|struct|switch|then|to|try|type|val|virtual|when|while|with)\b/,operator:/\.{3}|:[:=]|\|>|->|=(?:==?|>)?|<=?|>=?|[|^?'#!~`]|[+\-*\/]\.?|\b(?:asr|land|lor|lsl|lsr|lxor|mod)\b/}),e.languages.insertBefore("reason","class-name",{char:{pattern:/'(?:\\x[\da-f]{2}|\\o[0-3][0-7][0-7]|\\\d{3}|\\.|[^'\\\r\n])'/,greedy:!0},constructor:/\b[A-Z]\w*\b(?!\s*\.)/,label:{pattern:/\b[a-z]\w*(?=::)/,alias:"symbol"}}),delete e.languages.reason.function}e.exports=t,t.displayName="reason",t.aliases=[]},54105:function(e){"use strict";function t(e){var t,n,r,a,i;t={pattern:/\\[\\(){}[\]^$+*?|.]/,alias:"escape"},a=RegExp((r="(?:[^\\\\-]|"+(n=/\\(?: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]|.)/).source+")")+"-"+r),i={pattern:/(<|')[^<>']+(?=[>']$)/,lookbehind:!0,alias:"variable"},e.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:a,inside:{escape:n,"range-punctuation":{pattern:/-/,alias:"operator"}}},"special-escape":t,"char-set":{pattern:/\\[wsd]|\\p\{[^{}]+\}/i,alias:"class-name"},escape:n}},"special-escape":t,"char-set":{pattern:/\.|\\[wsd]|\\p\{[^{}]+\}/i,alias:"class-name"},backreference:[{pattern:/\\(?![123][0-7]{2})[1-9]/,alias:"keyword"},{pattern:/\\k<[^<>']+>/,alias:"keyword",inside:{"group-name":i}}],anchor:{pattern:/[$^]|\\[ABbGZz]/,alias:"function"},escape:n,group:[{pattern:/\((?:\?(?:<[^<>']+>|'[^<>']+'|[>:]|:=]=?|!=|\b_\b/,punctuation:/[,;.\[\]{}()]/}}e.exports=t,t.displayName="rego",t.aliases=[]},35108:function(e){"use strict";function t(e){e.languages.renpy={comment:{pattern:/(^|[^\\])#.+/,lookbehind:!0},string:{pattern:/("""|''')[\s\S]+?\1|("|')(?:\\.|(?!\2)[^\\])*\2|(?:^#?(?:(?:[0-9a-fA-F]){3}|[0-9a-fA-F]{6})$)/m,greedy:!0},function:/\b[a-z_]\w*(?=\()/i,property:/\b(?:Update|UpdateVersion|action|activate_sound|adv_nvl_transition|after_load_transition|align|alpha|alt|anchor|antialias|area|auto|background|bar_invert|bar_resizing|bar_vertical|black_color|bold|bottom_bar|bottom_gutter|bottom_margin|bottom_padding|box_reverse|box_wrap|can_update|caret|child|color|crop|default_afm_enable|default_afm_time|default_fullscreen|default_text_cps|developer|directory_name|drag_handle|drag_joined|drag_name|drag_raise|draggable|dragged|drop_shadow|drop_shadow_color|droppable|dropped|easein|easeout|edgescroll|end_game_transition|end_splash_transition|enter_replay_transition|enter_sound|enter_transition|enter_yesno_transition|executable_name|exit_replay_transition|exit_sound|exit_transition|exit_yesno_transition|fadein|fadeout|first_indent|first_spacing|fit_first|focus|focus_mask|font|foreground|game_main_transition|get_installed_packages|google_play_key|google_play_salt|ground|has_music|has_sound|has_voice|height|help|hinting|hover|hover_background|hover_color|hover_sound|hovered|hyperlink_functions|idle|idle_color|image_style|include_update|insensitive|insensitive_background|insensitive_color|inside|intra_transition|italic|justify|kerning|keyboard_focus|language|layer_clipping|layers|layout|left_bar|left_gutter|left_margin|left_padding|length|line_leading|line_overlap_split|line_spacing|linear|main_game_transition|main_menu_music|maximum|min_width|minimum|minwidth|modal|mouse|mousewheel|name|narrator_menu|newline_indent|nvl_adv_transition|offset|order_reverse|outlines|overlay_functions|pos|position|prefix|radius|range|rest_indent|right_bar|right_gutter|right_margin|right_padding|rotate|rotate_pad|ruby_style|sample_sound|save_directory|say_attribute_transition|screen_height|screen_width|scrollbars|selected_hover|selected_hover_color|selected_idle|selected_idle_color|selected_insensitive|show_side_image|show_two_window|side_spacing|side_xpos|side_ypos|size|size_group|slow_cps|slow_cps_multiplier|spacing|strikethrough|subpixel|text_align|text_style|text_xpos|text_y_fudge|text_ypos|thumb|thumb_offset|thumb_shadow|thumbnail_height|thumbnail_width|time|top_bar|top_gutter|top_margin|top_padding|translations|underline|unscrollable|update|value|version|version_name|version_tuple|vertical|width|window_hide_transition|window_icon|window_left_padding|window_show_transition|window_title|windows_icon|xadjustment|xalign|xanchor|xanchoraround|xaround|xcenter|xfill|xinitial|xmargin|xmaximum|xminimum|xoffset|xofsset|xpadding|xpos|xsize|xzoom|yadjustment|yalign|yanchor|yanchoraround|yaround|ycenter|yfill|yinitial|ymargin|ymaximum|yminimum|yoffset|ypadding|ypos|ysize|ysizexysize|yzoom|zoom|zorder)\b/,tag:/\b(?:bar|block|button|buttoscreenn|drag|draggroup|fixed|frame|grid|[hv]box|hotbar|hotspot|image|imagebutton|imagemap|input|key|label|menu|mm_menu_frame|mousearea|nvl|parallel|screen|self|side|tag|text|textbutton|timer|vbar|viewport|window)\b|\$/,keyword:/\b(?:None|add|adjustment|alignaround|allow|angle|animation|around|as|assert|behind|box_layout|break|build|cache|call|center|changed|child_size|choice|circles|class|clear|clicked|clipping|clockwise|config|contains|continue|corner1|corner2|counterclockwise|def|default|define|del|delay|disabled|disabled_text|dissolve|elif|else|event|except|exclude|exec|expression|fade|finally|for|from|function|global|gm_root|has|hide|id|if|import|in|init|is|jump|knot|lambda|left|less_rounded|mm_root|movie|music|null|on|onlayer|pass|pause|persistent|play|print|python|queue|raise|random|renpy|repeat|return|right|rounded_window|scene|scope|set|show|slow|slow_abortable|slow_done|sound|stop|store|style|style_group|substitute|suffix|theme|transform|transform_anchor|transpose|try|ui|unhovered|updater|use|voice|while|widget|widget_hover|widget_selected|widget_text|yield)\b/,boolean:/\b(?:[Ff]alse|[Tt]rue)\b/,number:/(?:\b(?:0[bo])?(?:(?:\d|0x[\da-f])[\da-f]*(?:\.\d*)?)|\B\.\d+)(?:e[+-]?\d+)?j?/i,operator:/[-+%=]=?|!=|\*\*?=?|\/\/?=?|<[<=>]?|>[=>]?|[&|^~]|\b(?:and|at|not|or|with)\b/,punctuation:/[{}[\];(),.:]/},e.languages.rpy=e.languages.renpy}e.exports=t,t.displayName="renpy",t.aliases=["rpy"]},46678:function(e){"use strict";function t(e){e.languages.rest={table:[{pattern:/(^[\t ]*)(?:\+[=-]+)+\+(?:\r?\n|\r)(?:\1[+|].+[+|](?:\r?\n|\r))+\1(?:\+[=-]+)+\+/m,lookbehind:!0,inside:{punctuation:/\||(?:\+[=-]+)+\+/}},{pattern:/(^[\t ]*)=+ [ =]*=(?:(?:\r?\n|\r)\1.+)+(?:\r?\n|\r)\1=+ [ =]*=(?=(?:\r?\n|\r){2}|\s*$)/m,lookbehind:!0,inside:{punctuation:/[=-]+/}}],"substitution-def":{pattern:/(^[\t ]*\.\. )\|(?:[^|\s](?:[^|]*[^|\s])?)\| [^:]+::/m,lookbehind:!0,inside:{substitution:{pattern:/^\|(?:[^|\s]|[^|\s][^|]*[^|\s])\|/,alias:"attr-value",inside:{punctuation:/^\||\|$/}},directive:{pattern:/( )(?! )[^:]+::/,lookbehind:!0,alias:"function",inside:{punctuation:/::$/}}}},"link-target":[{pattern:/(^[\t ]*\.\. )\[[^\]]+\]/m,lookbehind:!0,alias:"string",inside:{punctuation:/^\[|\]$/}},{pattern:/(^[\t ]*\.\. )_(?:`[^`]+`|(?:[^:\\]|\\.)+):/m,lookbehind:!0,alias:"string",inside:{punctuation:/^_|:$/}}],directive:{pattern:/(^[\t ]*\.\. )[^:]+::/m,lookbehind:!0,alias:"function",inside:{punctuation:/::$/}},comment:{pattern:/(^[\t ]*\.\.)(?:(?: .+)?(?:(?:\r?\n|\r).+)+| .+)(?=(?:\r?\n|\r){2}|$)/m,lookbehind:!0},title:[{pattern:/^(([!"#$%&'()*+,\-.\/:;<=>?@\[\\\]^_`{|}~])\2+)(?:\r?\n|\r).+(?:\r?\n|\r)\1$/m,inside:{punctuation:/^[!"#$%&'()*+,\-.\/:;<=>?@\[\\\]^_`{|}~]+|[!"#$%&'()*+,\-.\/:;<=>?@\[\\\]^_`{|}~]+$/,important:/.+/}},{pattern:/(^|(?:\r?\n|\r){2}).+(?:\r?\n|\r)([!"#$%&'()*+,\-.\/:;<=>?@\[\\\]^_`{|}~])\2+(?=\r?\n|\r|$)/,lookbehind:!0,inside:{punctuation:/[!"#$%&'()*+,\-.\/:;<=>?@\[\\\]^_`{|}~]+$/,important:/.+/}}],hr:{pattern:/((?:\r?\n|\r){2})([!"#$%&'()*+,\-.\/:;<=>?@\[\\\]^_`{|}~])\2{3,}(?=(?:\r?\n|\r){2})/,lookbehind:!0,alias:"punctuation"},field:{pattern:/(^[\t ]*):[^:\r\n]+:(?= )/m,lookbehind:!0,alias:"attr-name"},"command-line-option":{pattern:/(^[\t ]*)(?:[+-][a-z\d]|(?:--|\/)[a-z\d-]+)(?:[ =](?:[a-z][\w-]*|<[^<>]+>))?(?:, (?:[+-][a-z\d]|(?:--|\/)[a-z\d-]+)(?:[ =](?:[a-z][\w-]*|<[^<>]+>))?)*(?=(?:\r?\n|\r)? {2,}\S)/im,lookbehind:!0,alias:"symbol"},"literal-block":{pattern:/::(?:\r?\n|\r){2}([ \t]+)(?![ \t]).+(?:(?:\r?\n|\r)\1.+)*/,inside:{"literal-block-punctuation":{pattern:/^::/,alias:"punctuation"}}},"quoted-literal-block":{pattern:/::(?:\r?\n|\r){2}([!"#$%&'()*+,\-.\/:;<=>?@\[\\\]^_`{|}~]).*(?:(?:\r?\n|\r)\1.*)*/,inside:{"literal-block-punctuation":{pattern:/^(?:::|([!"#$%&'()*+,\-.\/:;<=>?@\[\\\]^_`{|}~])\1*)/m,alias:"punctuation"}}},"list-bullet":{pattern:/(^[\t ]*)(?:[*+\-•‣⁃]|\(?(?:\d+|[a-z]|[ivxdclm]+)\)|(?:\d+|[a-z]|[ivxdclm]+)\.)(?= )/im,lookbehind:!0,alias:"punctuation"},"doctest-block":{pattern:/(^[\t ]*)>>> .+(?:(?:\r?\n|\r).+)*/m,lookbehind:!0,inside:{punctuation:/^>>>/}},inline:[{pattern:/(^|[\s\-:\/'"<(\[{])(?::[^:]+:`.*?`|`.*?`:[^:]+:|(\*\*?|``?|\|)(?!\s)(?:(?!\2).)*\S\2(?=[\s\-.,:;!?\\\/'")\]}]|$))/m,lookbehind:!0,inside:{bold:{pattern:/(^\*\*).+(?=\*\*$)/,lookbehind:!0},italic:{pattern:/(^\*).+(?=\*$)/,lookbehind:!0},"inline-literal":{pattern:/(^``).+(?=``$)/,lookbehind:!0,alias:"symbol"},role:{pattern:/^:[^:]+:|:[^:]+:$/,alias:"function",inside:{punctuation:/^:|:$/}},"interpreted-text":{pattern:/(^`).+(?=`$)/,lookbehind:!0,alias:"attr-value"},substitution:{pattern:/(^\|).+(?=\|$)/,lookbehind:!0,alias:"attr-value"},punctuation:/\*\*?|``?|\|/}}],link:[{pattern:/\[[^\[\]]+\]_(?=[\s\-.,:;!?\\\/'")\]}]|$)/,alias:"string",inside:{punctuation:/^\[|\]_$/}},{pattern:/(?:\b[a-z\d]+(?:[_.:+][a-z\d]+)*_?_|`[^`]+`_?_|_`[^`]+`)(?=[\s\-.,:;!?\\\/'")\]}]|$)/i,alias:"string",inside:{punctuation:/^_?`|`$|`?_?_$/}}],punctuation:{pattern:/(^[\t ]*)(?:\|(?= |$)|(?:---?|—|\.\.|__)(?= )|\.\.$)/m,lookbehind:!0}}}e.exports=t,t.displayName="rest",t.aliases=[]},47496:function(e){"use strict";function t(e){e.languages.rip={comment:{pattern:/#.*/,greedy:!0},char:{pattern:/\B`[^\s`'",.:;#\/\\()<>\[\]{}]\b/,greedy:!0},string:{pattern:/("|')(?:\\.|(?!\1)[^\\\r\n])*\1/,greedy:!0},regex:{pattern:/(^|[^/])\/(?!\/)(?:\[[^\n\r\]]*\]|\\.|[^/\\\r\n\[])+\/(?=\s*(?:$|[\r\n,.;})]))/,lookbehind:!0,greedy:!0},keyword:/(?:=>|->)|\b(?:case|catch|class|else|exit|finally|if|raise|return|switch|try)\b/,builtin:/@|\bSystem\b/,boolean:/\b(?:false|true)\b/,date:/\b\d{4}-\d{2}-\d{2}\b/,time:/\b\d{2}:\d{2}:\d{2}\b/,datetime:/\b\d{4}-\d{2}-\d{2}T\d{2}:\d{2}:\d{2}\b/,symbol:/:[^\d\s`'",.:;#\/\\()<>\[\]{}][^\s`'",.:;#\/\\()<>\[\]{}]*/,number:/[+-]?\b(?:\d+\.\d+|\d+)\b/,punctuation:/(?:\.{2,3})|[`,.:;=\/\\()<>\[\]{}]/,reference:/[^\d\s`'",.:;#\/\\()<>\[\]{}][^\s`'",.:;#\/\\()<>\[\]{}]*/}}e.exports=t,t.displayName="rip",t.aliases=[]},30527:function(e){"use strict";function t(e){e.languages.roboconf={comment:/#.*/,keyword:{pattern:/(^|\s)(?:(?:external|import)\b|(?:facet|instance of)(?=[ \t]+[\w-]+[ \t]*\{))/,lookbehind:!0},component:{pattern:/[\w-]+(?=[ \t]*\{)/,alias:"variable"},property:/[\w.-]+(?=[ \t]*:)/,value:{pattern:/(=[ \t]*(?![ \t]))[^,;]+/,lookbehind:!0,alias:"attr-value"},optional:{pattern:/\(optional\)/,alias:"builtin"},wildcard:{pattern:/(\.)\*/,lookbehind:!0,alias:"operator"},punctuation:/[{},.;:=]/}}e.exports=t,t.displayName="roboconf",t.aliases=[]},5261:function(e){"use strict";function t(e){!function(e){var t={pattern:/(^[ \t]*| {2}|\t)#.*/m,lookbehind:!0,greedy:!0},n={pattern:/((?:^|[^\\])(?:\\{2})*)[$@&%]\{(?:[^{}\r\n]|\{[^{}\r\n]*\})*\}/,lookbehind:!0,inside:{punctuation:/^[$@&%]\{|\}$/}};function r(e,r){var a={};for(var i in a["section-header"]={pattern:/^ ?\*{3}.+?\*{3}/,alias:"keyword"},r)a[i]=r[i];return a.tag={pattern:/([\r\n](?: {2}|\t)[ \t]*)\[[-\w]+\]/,lookbehind:!0,inside:{punctuation:/\[|\]/}},a.variable=n,a.comment=t,{pattern:RegExp(/^ ?\*{3}[ \t]*[ \t]*\*{3}(?:.|[\r\n](?!\*{3}))*/.source.replace(//g,function(){return e}),"im"),alias:"section",inside:a}}var a={pattern:/(\[Documentation\](?: {2}|\t)[ \t]*)(?![ \t]|#)(?:.|(?:\r\n?|\n)[ \t]*\.{3})+/,lookbehind:!0,alias:"string"},i={pattern:/([\r\n] ?)(?!#)(?:\S(?:[ \t]\S)*)+/,lookbehind:!0,alias:"function",inside:{variable:n}},o={pattern:/([\r\n](?: {2}|\t)[ \t]*)(?!\[|\.{3}|#)(?:\S(?:[ \t]\S)*)+/,lookbehind:!0,inside:{variable:n}};e.languages.robotframework={settings:r("Settings",{documentation:{pattern:/([\r\n] ?Documentation(?: {2}|\t)[ \t]*)(?![ \t]|#)(?:.|(?:\r\n?|\n)[ \t]*\.{3})+/,lookbehind:!0,alias:"string"},property:{pattern:/([\r\n] ?)(?!\.{3}|#)(?:\S(?:[ \t]\S)*)+/,lookbehind:!0}}),variables:r("Variables"),"test-cases":r("Test Cases",{"test-name":i,documentation:a,property:o}),keywords:r("Keywords",{"keyword-name":i,documentation:a,property:o}),tasks:r("Tasks",{"task-name":i,documentation:a,property:o}),comment:t},e.languages.robot=e.languages.robotframework}(e)}e.exports=t,t.displayName="robotframework",t.aliases=[]},56939:function(e){"use strict";function t(e){var t,n,r;e.languages.ruby=e.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:/[(){}[\].,;]/}),e.languages.insertBefore("ruby","operator",{"double-colon":{pattern:/::/,alias:"punctuation"}}),t={pattern:/((?:^|[^\\])(?:\\{2})*)#\{(?:[^{}]|\{[^{}]*\})*\}/,lookbehind:!0,inside:{content:{pattern:/^(#\{)[\s\S]+(?=\}$)/,lookbehind:!0,inside:e.languages.ruby},delimiter:{pattern:/^#\{|\}$/,alias:"punctuation"}}},delete e.languages.ruby.function,n="(?:"+[/([^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("|")+")",r=/(?:"(?:\\.|[^"\\\r\n])*"|(?:\b[a-zA-Z_]\w*|[^\s\0-\x7F]+)[?!]?|\$.)/.source,e.languages.insertBefore("ruby","keyword",{"regex-literal":[{pattern:RegExp(/%r/.source+n+/[egimnosux]{0,6}/.source),greedy:!0,inside:{interpolation:t,regex:/[\s\S]+/}},{pattern:/(^|[^/])\/(?!\/)(?:\[[^\r\n\]]+\]|\\.|[^[/\\\r\n])+\/[egimnosux]{0,6}(?=\s*(?:$|[\r\n,.;})#]))/,lookbehind:!0,greedy:!0,inside:{interpolation:t,regex:/[\s\S]+/}}],variable:/[@$]+[a-zA-Z_]\w*(?:[?!]|\b)/,symbol:[{pattern:RegExp(/(^|[^:]):/.source+r),lookbehind:!0,greedy:!0},{pattern:RegExp(/([\r\n{(,][ \t]*)/.source+r+/(?=:(?!:))/.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:/\./}}}),e.languages.insertBefore("ruby","string",{"string-literal":[{pattern:RegExp(/%[qQiIwWs]?/.source+n),greedy:!0,inside:{interpolation:t,string:/[\s\S]+/}},{pattern:/("|')(?:#\{[^}]+\}|#(?!\{)|\\(?:\r\n|[\s\S])|(?!\1)[^\\#\r\n])*\1/,greedy:!0,inside:{interpolation:t,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:t,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+n),greedy:!0,inside:{interpolation:t,command:{pattern:/[\s\S]+/,alias:"string"}}},{pattern:/`(?:#\{[^}]+\}|#(?!\{)|\\(?:\r\n|[\s\S])|[^\\`#\r\n])*`/,greedy:!0,inside:{interpolation:t,command:{pattern:/[\s\S]+/,alias:"string"}}}]}),delete e.languages.ruby.string,e.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)/}),e.languages.rb=e.languages.ruby}e.exports=t,t.displayName="ruby",t.aliases=["rb"]},83648:function(e){"use strict";function t(e){!function(e){for(var t=/\/\*(?:[^*/]|\*(?!\/)|\/(?!\*)|)*\*\//.source,n=0;n<2;n++)t=t.replace(//g,function(){return t});t=t.replace(//g,function(){return/[^\s\S]/.source}),e.languages.rust={comment:[{pattern:RegExp(/(^|[^\\])/.source+t),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:/[-+*\/%!^]=?|=[=>]?|&[&=]?|\|[|=]?|<>?=?|[@?]/},e.languages.rust["closure-params"].inside.rest=e.languages.rust,e.languages.rust.attribute.inside.string=e.languages.rust.string}(e)}e.exports=t,t.displayName="rust",t.aliases=[]},16009:function(e){"use strict";function t(e){var t,n,r,a,i,o,s,l,c,u,d,p,m,g,f,h,b,E;t=/(?:"(?:""|[^"])*"(?!")|'(?:''|[^'])*'(?!'))/.source,n=/\b(?:\d[\da-f]*x|\d+(?:\.\d+)?(?:e[+-]?\d+)?)\b/i,r={pattern:RegExp(t+"[bx]"),alias:"number"},i={pattern:/((?:^|\s|=|\())%(?:ABORT|BY|CMS|COPY|DISPLAY|DO|ELSE|END|EVAL|GLOBAL|GO|GOTO|IF|INC|INCLUDE|INDEX|INPUT|KTRIM|LENGTH|LET|LIST|LOCAL|PUT|QKTRIM|QSCAN|QSUBSTR|QSYSFUNC|QUPCASE|RETURN|RUN|SCAN|SUBSTR|SUPERQ|SYMDEL|SYMEXIST|SYMGLOBL|SYMLOCAL|SYSCALL|SYSEVALF|SYSEXEC|SYSFUNC|SYSGET|SYSRPUT|THEN|TO|TSO|UNQUOTE|UNTIL|UPCASE|WHILE|WINDOW)\b/i,lookbehind:!0,alias:"keyword"},o={pattern:/(^|\s)(?:proc\s+\w+|data(?!=)|quit|run)\b/i,alias:"keyword",lookbehind:!0},s=[/\/\*[\s\S]*?\*\//,{pattern:/(^[ \t]*|;\s*)\*[^;]*;/m,lookbehind:!0}],d={function:u={pattern:/%?\b\w+(?=\()/,alias:"keyword"},"arg-value":{pattern:/(=\s*)[A-Z\.]+/i,lookbehind:!0},operator:/=/,"macro-variable":a={pattern:/&[a-z_]\w*/i},arg:{pattern:/[A-Z]+/i,alias:"keyword"},number:n,"numeric-constant":r,punctuation:c=/[$%@.(){}\[\];,\\]/,string:l={pattern:RegExp(t),greedy:!0}},p={pattern:/\b(?:format|put)\b=?[\w'$.]+/i,inside:{keyword:/^(?:format|put)(?==)/i,equals:/=/,format:{pattern:/(?:\w|\$\d)+\.\d?/,alias:"number"}}},m={pattern:/\b(?:format|put)\s+[\w']+(?:\s+[$.\w]+)+(?=;)/i,inside:{keyword:/^(?:format|put)/i,format:{pattern:/[\w$]+\.\d?/,alias:"number"}}},g={pattern:/((?:^|\s)=?)(?:catname|checkpoint execute_always|dm|endsas|filename|footnote|%include|libname|%list|lock|missing|options|page|resetline|%run|sasfile|skip|sysecho|title\d?)\b/i,lookbehind:!0,alias:"keyword"},f={pattern:/(^|\s)(?:submit(?:\s+(?:load|norun|parseonly))?|endsubmit)\b/i,lookbehind:!0,alias:"keyword"},h=/aStore|accessControl|aggregation|audio|autotune|bayesianNetClassifier|bioMedImage|boolRule|builtins|cardinality|cdm|clustering|conditionalRandomFields|configuration|copula|countreg|dataDiscovery|dataPreprocess|dataSciencePilot|dataStep|decisionTree|deduplication|deepLearn|deepNeural|deepRnn|ds2|ecm|entityRes|espCluster|explainModel|factmac|fastKnn|fcmpact|fedSql|freqTab|gVarCluster|gam|gleam|graphSemiSupLearn|hiddenMarkovModel|hyperGroup|ica|image|iml|kernalPca|langModel|ldaTopic|loadStreams|mbc|mixed|mlTools|modelPublishing|network|neuralNet|nmf|nonParametricBayes|nonlinear|optNetwork|optimization|panel|pca|percentile|phreg|pls|qkb|qlim|quantreg|recommend|regression|reinforcementLearn|robustPca|ruleMining|sampling|sandwich|sccasl|search(?:Analytics)?|sentimentAnalysis|sequence|session(?:Prop)?|severity|simSystem|simple|smartData|sparkEmbeddedProcess|sparseML|spatialreg|spc|stabilityMonitoring|svDataDescription|svm|table|text(?:Filters|Frequency|Mining|Parse|Rule(?:Develop|Score)|Topic|Util)|timeData|transpose|tsInfo|tsReconcile|uniTimeSeries|varReduce/.source,b={pattern:RegExp(/(^|\s)(?:action\s+)?(?:)\.[a-z]+\b[^;]+/.source.replace(//g,function(){return h}),"i"),lookbehind:!0,inside:{keyword:RegExp(/(?:)\.[a-z]+\b/.source.replace(//g,function(){return h}),"i"),action:{pattern:/(?:action)/i,alias:"keyword"},comment:s,function:u,"arg-value":d["arg-value"],operator:d.operator,argument:d.arg,number:n,"numeric-constant":r,punctuation:c,string:l}},E={pattern:/((?:^|\s)=?)(?:after|analysis|and|array|barchart|barwidth|begingraph|by|call|cas|cbarline|cfill|class(?:lev)?|close|column|computed?|contains|continue|data(?==)|define|delete|describe|document|do\s+over|do|dol|drop|dul|else|end(?:comp|source)?|entryTitle|eval(?:uate)?|exec(?:ute)?|exit|file(?:name)?|fill(?:attrs)?|flist|fnc|function(?:list)?|global|goto|group(?:by)?|headline|headskip|histogram|if|infile|keep|keylabel|keyword|label|layout|leave|legendlabel|length|libname|loadactionset|merge|midpoints|_?null_|name|noobs|nowd|ods|options|or|otherwise|out(?:put)?|over(?:lay)?|plot|print|put|raise|ranexp|rannor|rbreak|retain|return|select|session|sessref|set|source|statgraph|sum|summarize|table|temp|terminate|then\s+do|then|title\d?|to|var|when|where|xaxisopts|y2axisopts|yaxisopts)\b/i,lookbehind:!0},e.languages.sas={datalines:{pattern:/^([ \t]*)(?:cards|(?:data)?lines);[\s\S]+?^[ \t]*;/im,lookbehind:!0,alias:"string",inside:{keyword:{pattern:/^(?:cards|(?:data)?lines)/i},punctuation:/;/}},"proc-sql":{pattern:/(^proc\s+(?:fed)?sql(?:\s+[\w|=]+)?;)[\s\S]+?(?=^(?:proc\s+\w+|data|quit|run);|(?![\s\S]))/im,lookbehind:!0,inside:{sql:{pattern:RegExp(/^[ \t]*(?:select|alter\s+table|(?:create|describe|drop)\s+(?:index|table(?:\s+constraints)?|view)|create\s+unique\s+index|insert\s+into|update)(?:|[^;"'])+;/.source.replace(//g,function(){return t}),"im"),alias:"language-sql",inside:e.languages.sql},"global-statements":g,"sql-statements":{pattern:/(^|\s)(?:disconnect\s+from|begin|commit|exec(?:ute)?|reset|rollback|validate)\b/i,lookbehind:!0,alias:"keyword"},number:n,"numeric-constant":r,punctuation:c,string:l}},"proc-groovy":{pattern:/(^proc\s+groovy(?:\s+[\w|=]+)?;)[\s\S]+?(?=^(?:proc\s+\w+|data|quit|run);|(?![\s\S]))/im,lookbehind:!0,inside:{comment:s,groovy:{pattern:RegExp(/(^[ \t]*submit(?:\s+(?:load|norun|parseonly))?)(?:|[^"'])+?(?=endsubmit;)/.source.replace(//g,function(){return t}),"im"),lookbehind:!0,alias:"language-groovy",inside:e.languages.groovy},keyword:E,"submit-statement":f,"global-statements":g,number:n,"numeric-constant":r,punctuation:c,string:l}},"proc-lua":{pattern:/(^proc\s+lua(?:\s+[\w|=]+)?;)[\s\S]+?(?=^(?:proc\s+\w+|data|quit|run);|(?![\s\S]))/im,lookbehind:!0,inside:{comment:s,lua:{pattern:RegExp(/(^[ \t]*submit(?:\s+(?:load|norun|parseonly))?)(?:|[^"'])+?(?=endsubmit;)/.source.replace(//g,function(){return t}),"im"),lookbehind:!0,alias:"language-lua",inside:e.languages.lua},keyword:E,"submit-statement":f,"global-statements":g,number:n,"numeric-constant":r,punctuation:c,string:l}},"proc-cas":{pattern:/(^proc\s+cas(?:\s+[\w|=]+)?;)[\s\S]+?(?=^(?:proc\s+\w+|quit|data);|(?![\s\S]))/im,lookbehind:!0,inside:{comment:s,"statement-var":{pattern:/((?:^|\s)=?)saveresult\s[^;]+/im,lookbehind:!0,inside:{statement:{pattern:/^saveresult\s+\S+/i,inside:{keyword:/^(?:saveresult)/i}},rest:d}},"cas-actions":b,statement:{pattern:/((?:^|\s)=?)(?:default|(?:un)?set|on|output|upload)[^;]+/im,lookbehind:!0,inside:d},step:o,keyword:E,function:u,format:p,altformat:m,"global-statements":g,number:n,"numeric-constant":r,punctuation:c,string:l}},"proc-args":{pattern:RegExp(/(^proc\s+\w+\s+)(?!\s)(?:[^;"']|)+;/.source.replace(//g,function(){return t}),"im"),lookbehind:!0,inside:d},"macro-keyword":i,"macro-variable":a,"macro-string-functions":{pattern:/((?:^|\s|=))%(?:BQUOTE|NRBQUOTE|NRQUOTE|NRSTR|QUOTE|STR)\(.*?(?:[^%]\))/i,lookbehind:!0,inside:{function:{pattern:/%(?:BQUOTE|NRBQUOTE|NRQUOTE|NRSTR|QUOTE|STR)/i,alias:"keyword"},"macro-keyword":i,"macro-variable":a,"escaped-char":{pattern:/%['"()<>=¬^~;,#]/},punctuation:c}},"macro-declaration":{pattern:/^%macro[^;]+(?=;)/im,inside:{keyword:/%macro/i}},"macro-end":{pattern:/^%mend[^;]+(?=;)/im,inside:{keyword:/%mend/i}},macro:{pattern:/%_\w+(?=\()/,alias:"keyword"},input:{pattern:/\binput\s[-\w\s/*.$&]+;/i,inside:{input:{alias:"keyword",pattern:/^input/i},comment:s,number:n,"numeric-constant":r}},"options-args":{pattern:/(^options)[-'"|/\\<>*+=:()\w\s]*(?=;)/im,lookbehind:!0,inside:d},"cas-actions":b,comment:s,function:u,format:p,altformat:m,"numeric-constant":r,datetime:{pattern:RegExp(t+"(?:dt?|t)"),alias:"number"},string:l,step:o,keyword:E,"operator-keyword":{pattern:/\b(?:eq|ge|gt|in|le|lt|ne|not)\b/i,alias:"operator"},number:n,operator:/\*\*?|\|\|?|!!?|¦¦?|<[>=]?|>[<=]?|[-+\/=&]|[~¬^]=?/,punctuation:c}}e.exports=t,t.displayName="sas",t.aliases=[]},41720:function(e){"use strict";function t(e){var t,n;e.languages.sass=e.languages.extend("css",{comment:{pattern:/^([ \t]*)\/[\/*].*(?:(?:\r?\n|\r)\1[ \t].+)*/m,lookbehind:!0,greedy:!0}}),e.languages.insertBefore("sass","atrule",{"atrule-line":{pattern:/^(?:[ \t]*)[@+=].+/m,greedy:!0,inside:{atrule:/(?:@[\w-]+|[+=])/}}}),delete e.languages.sass.atrule,t=/\$[-\w]+|#\{\$[-\w]+\}/,n=[/[+*\/%]|[=!]=|<=?|>=?|\b(?:and|not|or)\b/,{pattern:/(\s)-(?=\s)/,lookbehind:!0}],e.languages.insertBefore("sass","property",{"variable-line":{pattern:/^[ \t]*\$.+/m,greedy:!0,inside:{punctuation:/:/,variable:t,operator:n}},"property-line":{pattern:/^[ \t]*(?:[^:\s]+ *:.*|:[^:\s].*)/m,greedy:!0,inside:{property:[/[^:\s]+(?=\s*:)/,{pattern:/(:)[^:\s]+/,lookbehind:!0}],punctuation:/:/,variable:t,operator:n,important:e.languages.sass.important}}}),delete e.languages.sass.property,delete e.languages.sass.important,e.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.exports=t,t.displayName="sass",t.aliases=[]},6054:function(e,t,n){"use strict";var r=n(15909);function a(e){e.register(r),e.languages.scala=e.languages.extend("java",{"triple-quoted-string":{pattern:/"""[\s\S]*?"""/,greedy:!0,alias:"string"},string:{pattern:/("|')(?:\\.|(?!\1)[^\\\r\n])*\1/,greedy:!0},keyword:/<-|=>|\b(?:abstract|case|catch|class|def|do|else|extends|final|finally|for|forSome|if|implicit|import|lazy|match|new|null|object|override|package|private|protected|return|sealed|self|super|this|throw|trait|try|type|val|var|while|with|yield)\b/,number:/\b0x(?:[\da-f]*\.)?[\da-f]+|(?:\b\d+(?:\.\d*)?|\B\.\d+)(?:e\d+)?[dfl]?/i,builtin:/\b(?:Any|AnyRef|AnyVal|Boolean|Byte|Char|Double|Float|Int|Long|Nothing|Short|String|Unit)\b/,symbol:/'[^\d\s\\]\w*/}),e.languages.insertBefore("scala","triple-quoted-string",{"string-interpolation":{pattern:/\b[a-z]\w*(?:"""(?:[^$]|\$(?:[^{]|\{(?:[^{}]|\{[^{}]*\})*\}))*?"""|"(?:[^$"\r\n]|\$(?:[^{]|\{(?:[^{}]|\{[^{}]*\})*\}))*")/i,greedy:!0,inside:{id:{pattern:/^\w+/,greedy:!0,alias:"function"},escape:{pattern:/\\\$"|\$[$"]/,greedy:!0,alias:"symbol"},interpolation:{pattern:/\$(?:\w+|\{(?:[^{}]|\{[^{}]*\})*\})/,greedy:!0,inside:{punctuation:/^\$\{?|\}$/,expression:{pattern:/[\s\S]+/,inside:e.languages.scala}}},string:/[\s\S]+/}}}),delete e.languages.scala["class-name"],delete e.languages.scala.function}e.exports=a,a.displayName="scala",a.aliases=[]},9997:function(e){"use strict";function t(e){e.languages.scheme={comment:/;.*|#;\s*(?:\((?:[^()]|\([^()]*\))*\)|\[(?:[^\[\]]|\[[^\[\]]*\])*\])|#\|(?:[^#|]|#(?!\|)|\|(?!#)|#\|(?:[^#|]|#(?!\|)|\|(?!#))*\|#)*\|#/,string:{pattern:/"(?:[^"\\]|\\.)*"/,greedy:!0},symbol:{pattern:/'[^()\[\]#'\s]+/,greedy:!0},char:{pattern:/#\\(?:[ux][a-fA-F\d]+\b|[-a-zA-Z]+\b|[\uD800-\uDBFF][\uDC00-\uDFFF]|\S)/,greedy:!0},"lambda-parameter":[{pattern:/((?:^|[^'`#])[(\[]lambda\s+)(?:[^|()\[\]'\s]+|\|(?:[^\\|]|\\.)*\|)/,lookbehind:!0},{pattern:/((?:^|[^'`#])[(\[]lambda\s+[(\[])[^()\[\]']+/,lookbehind:!0}],keyword:{pattern:/((?:^|[^'`#])[(\[])(?:begin|case(?:-lambda)?|cond(?:-expand)?|define(?:-library|-macro|-record-type|-syntax|-values)?|defmacro|delay(?:-force)?|do|else|except|export|guard|if|import|include(?:-ci|-library-declarations)?|lambda|let(?:rec)?(?:-syntax|-values|\*)?|let\*-values|only|parameterize|prefix|(?:quasi-?)?quote|rename|set!|syntax-(?:case|rules)|unless|unquote(?:-splicing)?|when)(?=[()\[\]\s]|$)/,lookbehind:!0},builtin:{pattern:/((?:^|[^'`#])[(\[])(?:abs|and|append|apply|assoc|ass[qv]|binary-port\?|boolean=?\?|bytevector(?:-append|-copy|-copy!|-length|-u8-ref|-u8-set!|\?)?|caar|cadr|call-with-(?:current-continuation|port|values)|call\/cc|car|cdar|cddr|cdr|ceiling|char(?:->integer|-ready\?|\?|<\?|<=\?|=\?|>\?|>=\?)|close-(?:input-port|output-port|port)|complex\?|cons|current-(?:error|input|output)-port|denominator|dynamic-wind|eof-object\??|eq\?|equal\?|eqv\?|error|error-object(?:-irritants|-message|\?)|eval|even\?|exact(?:-integer-sqrt|-integer\?|\?)?|expt|features|file-error\?|floor(?:-quotient|-remainder|\/)?|flush-output-port|for-each|gcd|get-output-(?:bytevector|string)|inexact\??|input-port(?:-open\?|\?)|integer(?:->char|\?)|lcm|length|list(?:->string|->vector|-copy|-ref|-set!|-tail|\?)?|make-(?:bytevector|list|parameter|string|vector)|map|max|member|memq|memv|min|modulo|negative\?|newline|not|null\?|number(?:->string|\?)|numerator|odd\?|open-(?:input|output)-(?:bytevector|string)|or|output-port(?:-open\?|\?)|pair\?|peek-char|peek-u8|port\?|positive\?|procedure\?|quotient|raise|raise-continuable|rational\?|rationalize|read-(?:bytevector|bytevector!|char|error\?|line|string|u8)|real\?|remainder|reverse|round|set-c[ad]r!|square|string(?:->list|->number|->symbol|->utf8|->vector|-append|-copy|-copy!|-fill!|-for-each|-length|-map|-ref|-set!|\?|<\?|<=\?|=\?|>\?|>=\?)?|substring|symbol(?:->string|\?|=\?)|syntax-error|textual-port\?|truncate(?:-quotient|-remainder|\/)?|u8-ready\?|utf8->string|values|vector(?:->list|->string|-append|-copy|-copy!|-fill!|-for-each|-length|-map|-ref|-set!|\?)?|with-exception-handler|write-(?:bytevector|char|string|u8)|zero\?)(?=[()\[\]\s]|$)/,lookbehind:!0},operator:{pattern:/((?:^|[^'`#])[(\[])(?:[-+*%/]|[<>]=?|=>?)(?=[()\[\]\s]|$)/,lookbehind:!0},number:{pattern:RegExp(function(e){for(var t in e)e[t]=e[t].replace(/<[\w\s]+>/g,function(t){return"(?:"+e[t].trim()+")"});return e[t]}({"":/\d+(?:\/\d+)|(?:\d+(?:\.\d*)?|\.\d+)(?:[esfdl][+-]?\d+)?/.source,"":/[+-]?|[+-](?:inf|nan)\.0/.source,"":/[+-](?:|(?:inf|nan)\.0)?i/.source,"":/(?:@|)?|/.source,"":/(?:#d(?:#[ei])?|#[ei](?:#d)?)?/.source,"":/[0-9a-f]+(?:\/[0-9a-f]+)?/.source,"":/[+-]?|[+-](?:inf|nan)\.0/.source,"":/[+-](?:|(?:inf|nan)\.0)?i/.source,"":/(?:@|)?|/.source,"":/#[box](?:#[ei])?|(?:#[ei])?#[box]/.source,"":/(^|[()\[\]\s])(?:|)(?=[()\[\]\s]|$)/.source}),"i"),lookbehind:!0},boolean:{pattern:/(^|[()\[\]\s])#(?:[ft]|false|true)(?=[()\[\]\s]|$)/,lookbehind:!0},function:{pattern:/((?:^|[^'`#])[(\[])(?:[^|()\[\]'\s]+|\|(?:[^\\|]|\\.)*\|)(?=[()\[\]\s]|$)/,lookbehind:!0},identifier:{pattern:/(^|[()\[\]\s])\|(?:[^\\|]|\\.)*\|(?=[()\[\]\s]|$)/,lookbehind:!0,greedy:!0},punctuation:/[()\[\]']/}}e.exports=t,t.displayName="scheme",t.aliases=[]},24296:function(e){"use strict";function t(e){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}e.exports=t,t.displayName="scss",t.aliases=[]},49246:function(e,t,n){"use strict";var r=n(6979);function a(e){var t;e.register(r),t=[/"(?:\\[\s\S]|\$\([^)]+\)|\$(?!\()|`[^`]+`|[^"\\`$])*"/.source,/'[^']*'/.source,/\$'(?:[^'\\]|\\[\s\S])*'/.source,/<<-?\s*(["']?)(\w+)\1\s[\s\S]*?[\r\n]\2/.source].join("|"),e.languages["shell-session"]={command:{pattern:RegExp(/^/.source+"(?:"+/[^\s@:$#%*!/\\]+@[^\r\n@:$#%*!/\\]+(?::[^\0-\x1F$#%*?"<>:;|]+)?/.source+"|"+/[/~.][^\0-\x1F$#%*?"<>@:;|]*/.source+")?"+/[$#%](?=\s)/.source+/(?:[^\\\r\n \t'"<$]|[ \t](?:(?!#)|#.*$)|\\(?:[^\r]|\r\n?)|\$(?!')|<(?!<)|<>)+/.source.replace(/<>/g,function(){return t}),"m"),greedy:!0,inside:{info:{pattern:/^[^#$%]+/,alias:"punctuation",inside:{user:/^[^\s@:$#%*!/\\]+@[^\r\n@:$#%*!/\\]+/,punctuation:/:/,path:/[\s\S]+/}},bash:{pattern:/(^[$#%]\s*)\S[\s\S]*/,lookbehind:!0,alias:"language-bash",inside:e.languages.bash},"shell-symbol":{pattern:/^[$#%]/,alias:"important"}}},output:/.(?:.*(?:[\r\n]|.$))*/},e.languages["sh-session"]=e.languages.shellsession=e.languages["shell-session"]}e.exports=a,a.displayName="shellSession",a.aliases=[]},18890:function(e){"use strict";function t(e){e.languages.smali={comment:/#.*/,string:{pattern:/"(?:[^\r\n\\"]|\\.)*"|'(?:[^\r\n\\']|\\(?:.|u[\da-fA-F]{4}))'/,greedy:!0},"class-name":{pattern:/(^|[^L])L(?:(?:\w+|`[^`\r\n]*`)\/)*(?:[\w$]+|`[^`\r\n]*`)(?=\s*;)/,lookbehind:!0,inside:{"class-name":{pattern:/(^L|\/)(?:[\w$]+|`[^`\r\n]*`)$/,lookbehind:!0},namespace:{pattern:/^(L)(?:(?:\w+|`[^`\r\n]*`)\/)+/,lookbehind:!0,inside:{punctuation:/\//}},builtin:/^L/}},builtin:[{pattern:/([();\[])[BCDFIJSVZ]+/,lookbehind:!0},{pattern:/([\w$>]:)[BCDFIJSVZ]/,lookbehind:!0}],keyword:[{pattern:/(\.end\s+)[\w-]+/,lookbehind:!0},{pattern:/(^|[^\w.-])\.(?!\d)[\w-]+/,lookbehind:!0},{pattern:/(^|[^\w.-])(?:abstract|annotation|bridge|constructor|enum|final|interface|private|protected|public|runtime|static|synthetic|system|transient)(?![\w.-])/,lookbehind:!0}],function:{pattern:/(^|[^\w.-])(?:\w+|<[\w$-]+>)(?=\()/,lookbehind:!0},field:{pattern:/[\w$]+(?=:)/,alias:"variable"},register:{pattern:/(^|[^\w.-])[vp]\d(?![\w.-])/,lookbehind:!0,alias:"variable"},boolean:{pattern:/(^|[^\w.-])(?:false|true)(?![\w.-])/,lookbehind:!0},number:{pattern:/(^|[^/\w.-])-?(?:NAN|INFINITY|0x(?:[\dA-F]+(?:\.[\dA-F]*)?|\.[\dA-F]+)(?:p[+-]?[\dA-F]+)?|(?:\d+(?:\.\d*)?|\.\d+)(?:e[+-]?\d+)?)[dflst]?(?![\w.-])/i,lookbehind:!0},label:{pattern:/(:)\w+/,lookbehind:!0,alias:"property"},operator:/->|\.\.|[\[=]/,punctuation:/[{}(),;:]/}}e.exports=t,t.displayName="smali",t.aliases=[]},11037:function(e){"use strict";function t(e){e.languages.smalltalk={comment:{pattern:/"(?:""|[^"])*"/,greedy:!0},char:{pattern:/\$./,greedy:!0},string:{pattern:/'(?:''|[^'])*'/,greedy:!0},symbol:/#[\da-z]+|#(?:-|([+\/\\*~<>=@%|&?!])\1?)|#(?=\()/i,"block-arguments":{pattern:/(\[\s*):[^\[|]*\|/,lookbehind:!0,inside:{variable:/:[\da-z]+/i,punctuation:/\|/}},"temporary-variables":{pattern:/\|[^|]+\|/,inside:{variable:/[\da-z]+/i,punctuation:/\|/}},keyword:/\b(?:new|nil|self|super)\b/,boolean:/\b(?:false|true)\b/,number:[/\d+r-?[\dA-Z]+(?:\.[\dA-Z]+)?(?:e-?\d+)?/,/\b\d+(?:\.\d+)?(?:e-?\d+)?/],operator:/[<=]=?|:=|~[~=]|\/\/?|\\\\|>[>=]?|[!^+\-*&|,@]/,punctuation:/[.;:?\[\](){}]/}}e.exports=t,t.displayName="smalltalk",t.aliases=[]},64020:function(e,t,n){"use strict";var r=n(93205);function a(e){var t,n;e.register(r),e.languages.smarty={comment:{pattern:/^\{\*[\s\S]*?\*\}/,greedy:!0},"embedded-php":{pattern:/^\{php\}[\s\S]*?\{\/php\}/,greedy:!0,inside:{smarty:{pattern:/^\{php\}|\{\/php\}$/,inside:null},php:{pattern:/[\s\S]+/,alias:"language-php",inside:e.languages.php}}},string:[{pattern:/"(?:\\.|[^"\\\r\n])*"/,greedy:!0,inside:{interpolation:{pattern:/\{[^{}]*\}|`[^`]*`/,inside:{"interpolation-punctuation":{pattern:/^[{`]|[`}]$/,alias:"punctuation"},expression:{pattern:/[\s\S]+/,inside:null}}},variable:/\$\w+/}},{pattern:/'(?:\\.|[^'\\\r\n])*'/,greedy:!0}],keyword:{pattern:/(^\{\/?)[a-z_]\w*\b(?!\()/i,lookbehind:!0,greedy:!0},delimiter:{pattern:/^\{\/?|\}$/,greedy:!0,alias:"punctuation"},number:/\b0x[\dA-Fa-f]+|(?:\b\d+(?:\.\d*)?|\B\.\d+)(?:[Ee][-+]?\d+)?/,variable:[/\$(?!\d)\w+/,/#(?!\d)\w+#/,{pattern:/(\.|->|\w\s*=)(?!\d)\w+\b(?!\()/,lookbehind:!0},{pattern:/(\[)(?!\d)\w+(?=\])/,lookbehind:!0}],function:{pattern:/(\|\s*)@?[a-z_]\w*|\b[a-z_]\w*(?=\()/i,lookbehind:!0},"attr-name":/\b[a-z_]\w*(?=\s*=)/i,boolean:/\b(?:false|no|off|on|true|yes)\b/,punctuation:/[\[\](){}.,:`]|->/,operator:[/[+\-*\/%]|==?=?|[!<>]=?|&&|\|\|?/,/\bis\s+(?:not\s+)?(?:div|even|odd)(?:\s+by)?\b/,/\b(?:and|eq|gt?e|gt|lt?e|lt|mod|neq?|not|or)\b/]},e.languages.smarty["embedded-php"].inside.smarty.inside=e.languages.smarty,e.languages.smarty.string[0].inside.interpolation.inside.expression.inside=e.languages.smarty,t=/"(?:\\.|[^"\\\r\n])*"|'(?:\\.|[^'\\\r\n])*'/,n=RegExp(/\{\*[\s\S]*?\*\}/.source+"|"+/\{php\}[\s\S]*?\{\/php\}/.source+"|"+/\{(?:[^{}"']||\{(?:[^{}"']||\{(?:[^{}"']|)*\})*\})*\}/.source.replace(//g,function(){return t.source}),"g"),e.hooks.add("before-tokenize",function(t){var r=!1;e.languages["markup-templating"].buildPlaceholders(t,"smarty",n,function(e){return"{/literal}"===e&&(r=!1),!r&&("{literal}"===e&&(r=!0),!0)})}),e.hooks.add("after-tokenize",function(t){e.languages["markup-templating"].tokenizePlaceholders(t,"smarty")})}e.exports=a,a.displayName="smarty",a.aliases=[]},49760:function(e){"use strict";function t(e){var t;t=/\b(?:abstype|and|andalso|as|case|datatype|do|else|end|eqtype|exception|fn|fun|functor|handle|if|in|include|infix|infixr|let|local|nonfix|of|op|open|orelse|raise|rec|sharing|sig|signature|struct|structure|then|type|val|where|while|with|withtype)\b/i,e.languages.sml={comment:/\(\*(?:[^*(]|\*(?!\))|\((?!\*)|\(\*(?:[^*(]|\*(?!\))|\((?!\*))*\*\))*\*\)/,string:{pattern:/#?"(?:[^"\\]|\\.)*"/,greedy:!0},"class-name":[{pattern:RegExp(/((?:^|[^:]):\s*)(?:\s*(?:(?:\*|->)\s*|,\s*(?:(?=)|(?!)\s+)))*/.source.replace(//g,function(){return/\s*(?:[*,]|->)/.source}).replace(//g,function(){return/(?:'[\w']*||\((?:[^()]|\([^()]*\))*\)|\{(?:[^{}]|\{[^{}]*\})*\})(?:\s+)*/.source}).replace(//g,function(){return/(?!)[a-z\d_][\w'.]*/.source}).replace(//g,function(){return t.source}),"i"),lookbehind:!0,greedy:!0,inside:null},{pattern:/((?:^|[^\w'])(?:datatype|exception|functor|signature|structure|type)\s+)[a-z_][\w'.]*/i,lookbehind:!0}],function:{pattern:/((?:^|[^\w'])fun\s+)[a-z_][\w'.]*/i,lookbehind:!0},keyword:t,variable:{pattern:/(^|[^\w'])'[\w']*/,lookbehind:!0},number:/~?\b(?:\d+(?:\.\d+)?(?:e~?\d+)?|0x[\da-f]+)\b/i,word:{pattern:/\b0w(?:\d+|x[\da-f]+)\b/i,alias:"constant"},boolean:/\b(?:false|true)\b/i,operator:/\.\.\.|:[>=:]|=>?|->|[<>]=?|[!+\-*/^#|@~]/,punctuation:/[(){}\[\].:,;]/},e.languages.sml["class-name"][0].inside=e.languages.sml,e.languages.smlnj=e.languages.sml}e.exports=t,t.displayName="sml",t.aliases=["smlnj"]},33351:function(e){"use strict";function t(e){e.languages.solidity=e.languages.extend("clike",{"class-name":{pattern:/(\b(?:contract|enum|interface|library|new|struct|using)\s+)(?!\d)[\w$]+/,lookbehind:!0},keyword:/\b(?:_|anonymous|as|assembly|assert|break|calldata|case|constant|constructor|continue|contract|default|delete|do|else|emit|enum|event|external|for|from|function|if|import|indexed|inherited|interface|internal|is|let|library|mapping|memory|modifier|new|payable|pragma|private|public|pure|require|returns?|revert|selfdestruct|solidity|storage|struct|suicide|switch|this|throw|using|var|view|while)\b/,operator:/=>|->|:=|=:|\*\*|\+\+|--|\|\||&&|<<=?|>>=?|[-+*/%^&|<>!=]=?|[~?]/}),e.languages.insertBefore("solidity","keyword",{builtin:/\b(?:address|bool|byte|u?int(?:8|16|24|32|40|48|56|64|72|80|88|96|104|112|120|128|136|144|152|160|168|176|184|192|200|208|216|224|232|240|248|256)?|string|bytes(?:[1-9]|[12]\d|3[0-2])?)\b/}),e.languages.insertBefore("solidity","number",{version:{pattern:/([<>]=?|\^)\d+\.\d+\.\d+\b/,lookbehind:!0,alias:"number"}}),e.languages.sol=e.languages.solidity}e.exports=t,t.displayName="solidity",t.aliases=["sol"]},13570:function(e){"use strict";function t(e){var t;t={pattern:/\{[\da-f]{8}-[\da-f]{4}-[\da-f]{4}-[\da-f]{4}-[\da-f]{12}\}/i,alias:"constant",inside:{punctuation:/[{}]/}},e.languages["solution-file"]={comment:{pattern:/#.*/,greedy:!0},string:{pattern:/"[^"\r\n]*"|'[^'\r\n]*'/,greedy:!0,inside:{guid:t}},object:{pattern:/^([ \t]*)(?:([A-Z]\w*)\b(?=.*(?:\r\n?|\n)(?:\1[ \t].*(?:\r\n?|\n))*\1End\2(?=[ \t]*$))|End[A-Z]\w*(?=[ \t]*$))/m,lookbehind:!0,greedy:!0,alias:"keyword"},property:{pattern:/^([ \t]*)(?!\s)[^\r\n"#=()]*[^\s"#=()](?=\s*=)/m,lookbehind:!0,inside:{guid:t}},guid:t,number:/\b\d+(?:\.\d+)*\b/,boolean:/\b(?:FALSE|TRUE)\b/,operator:/=/,punctuation:/[(),]/},e.languages.sln=e.languages["solution-file"]}e.exports=t,t.displayName="solutionFile",t.aliases=[]},38181:function(e,t,n){"use strict";var r=n(93205);function a(e){var t,n;e.register(r),t=/(["'])(?:\\(?:\r\n|[\s\S])|(?!\1)[^\\\r\n])*\1/,n=/\b\d+(?:\.\d+)?(?:[eE][+-]?\d+)?\b|\b0x[\dA-F]+\b/,e.languages.soy={comment:[/\/\*[\s\S]*?\*\//,{pattern:/(\s)\/\/.*/,lookbehind:!0,greedy:!0}],"command-arg":{pattern:/(\{+\/?\s*(?:alias|call|delcall|delpackage|deltemplate|namespace|template)\s+)\.?[\w.]+/,lookbehind:!0,alias:"string",inside:{punctuation:/\./}},parameter:{pattern:/(\{+\/?\s*@?param\??\s+)\.?[\w.]+/,lookbehind:!0,alias:"variable"},keyword:[{pattern:/(\{+\/?[^\S\r\n]*)(?:\\[nrt]|alias|call|case|css|default|delcall|delpackage|deltemplate|else(?:if)?|fallbackmsg|for(?:each)?|if(?:empty)?|lb|let|literal|msg|namespace|nil|@?param\??|rb|sp|switch|template|xid)/,lookbehind:!0},/\b(?:any|as|attributes|bool|css|float|html|in|int|js|list|map|null|number|string|uri)\b/],delimiter:{pattern:/^\{+\/?|\/?\}+$/,alias:"punctuation"},property:/\w+(?==)/,variable:{pattern:/\$[^\W\d]\w*(?:\??(?:\.\w+|\[[^\]]+\]))*/,inside:{string:{pattern:t,greedy:!0},number:n,punctuation:/[\[\].?]/}},string:{pattern:t,greedy:!0},function:[/\w+(?=\()/,{pattern:/(\|[^\S\r\n]*)\w+/,lookbehind:!0}],boolean:/\b(?:false|true)\b/,number:n,operator:/\?:?|<=?|>=?|==?|!=|[+*/%-]|\b(?:and|not|or)\b/,punctuation:/[{}()\[\]|.,:]/},e.hooks.add("before-tokenize",function(t){var n=!1;e.languages["markup-templating"].buildPlaceholders(t,"soy",/\{\{.+?\}\}|\{.+?\}|\s\/\/.*|\/\*[\s\S]*?\*\//g,function(e){return"{/literal}"===e&&(n=!1),!n&&("{literal}"===e&&(n=!0),!0)})}),e.hooks.add("after-tokenize",function(t){e.languages["markup-templating"].tokenizePlaceholders(t,"soy")})}e.exports=a,a.displayName="soy",a.aliases=[]},98774:function(e,t,n){"use strict";var r=n(24691);function a(e){e.register(r),e.languages.sparql=e.languages.extend("turtle",{boolean:/\b(?:false|true)\b/i,variable:{pattern:/[?$]\w+/,greedy:!0}}),e.languages.insertBefore("sparql","punctuation",{keyword:[/\b(?:A|ADD|ALL|AS|ASC|ASK|BNODE|BY|CLEAR|CONSTRUCT|COPY|CREATE|DATA|DEFAULT|DELETE|DESC|DESCRIBE|DISTINCT|DROP|EXISTS|FILTER|FROM|GROUP|HAVING|INSERT|INTO|LIMIT|LOAD|MINUS|MOVE|NAMED|NOT|NOW|OFFSET|OPTIONAL|ORDER|RAND|REDUCED|SELECT|SEPARATOR|SERVICE|SILENT|STRUUID|UNION|USING|UUID|VALUES|WHERE)\b/i,/\b(?:ABS|AVG|BIND|BOUND|CEIL|COALESCE|CONCAT|CONTAINS|COUNT|DATATYPE|DAY|ENCODE_FOR_URI|FLOOR|GROUP_CONCAT|HOURS|IF|IRI|isBLANK|isIRI|isLITERAL|isNUMERIC|isURI|LANG|LANGMATCHES|LCASE|MAX|MD5|MIN|MINUTES|MONTH|REGEX|REPLACE|ROUND|sameTerm|SAMPLE|SECONDS|SHA1|SHA256|SHA384|SHA512|STR|STRAFTER|STRBEFORE|STRDT|STRENDS|STRLANG|STRLEN|STRSTARTS|SUBSTR|SUM|TIMEZONE|TZ|UCASE|URI|YEAR)\b(?=\s*\()/i,/\b(?:BASE|GRAPH|PREFIX)\b/i]}),e.languages.rq=e.languages.sparql}e.exports=a,a.displayName="sparql",a.aliases=["rq"]},22855:function(e){"use strict";function t(e){e.languages["splunk-spl"]={comment:/`comment\("(?:\\.|[^\\"])*"\)`/,string:{pattern:/"(?:\\.|[^\\"])*"/,greedy:!0},keyword:/\b(?:abstract|accum|addcoltotals|addinfo|addtotals|analyzefields|anomalies|anomalousvalue|anomalydetection|append|appendcols|appendcsv|appendlookup|appendpipe|arules|associate|audit|autoregress|bin|bucket|bucketdir|chart|cluster|cofilter|collect|concurrency|contingency|convert|correlate|datamodel|dbinspect|dedup|delete|delta|diff|erex|eval|eventcount|eventstats|extract|fieldformat|fields|fieldsummary|filldown|fillnull|findtypes|folderize|foreach|format|from|gauge|gentimes|geom|geomfilter|geostats|head|highlight|history|iconify|input|inputcsv|inputlookup|iplocation|join|kmeans|kv|kvform|loadjob|localize|localop|lookup|makecontinuous|makemv|makeresults|map|mcollect|metadata|metasearch|meventcollect|mstats|multikv|multisearch|mvcombine|mvexpand|nomv|outlier|outputcsv|outputlookup|outputtext|overlap|pivot|predict|rangemap|rare|regex|relevancy|reltime|rename|replace|rest|return|reverse|rex|rtorder|run|savedsearch|script|scrub|search|searchtxn|selfjoin|sendemail|set|setfields|sichart|sirare|sistats|sitimechart|sitop|sort|spath|stats|strcat|streamstats|table|tags|tail|timechart|timewrap|top|transaction|transpose|trendline|tscollect|tstats|typeahead|typelearner|typer|union|uniq|untable|where|x11|xmlkv|xmlunescape|xpath|xyseries)\b/i,"operator-word":{pattern:/\b(?:and|as|by|not|or|xor)\b/i,alias:"operator"},function:/\b\w+(?=\s*\()/,property:/\b\w+(?=\s*=(?!=))/,date:{pattern:/\b\d{1,2}\/\d{1,2}\/\d{1,4}(?:(?::\d{1,2}){3})?\b/,alias:"number"},number:/\b\d+(?:\.\d+)?\b/,boolean:/\b(?:f|false|t|true)\b/i,operator:/[<>=]=?|[-+*/%|]/,punctuation:/[()[\],]/}}e.exports=t,t.displayName="splunkSpl",t.aliases=[]},29611:function(e){"use strict";function t(e){e.languages.sqf=e.languages.extend("clike",{string:{pattern:/"(?:(?:"")?[^"])*"(?!")|'(?:[^'])*'/,greedy:!0},keyword:/\b(?:breakOut|breakTo|call|case|catch|default|do|echo|else|execFSM|execVM|exitWith|for|forEach|forEachMember|forEachMemberAgent|forEachMemberTeam|from|goto|if|nil|preprocessFile|preprocessFileLineNumbers|private|scopeName|spawn|step|switch|then|throw|to|try|while|with)\b/i,boolean:/\b(?:false|true)\b/i,function:/\b(?:abs|accTime|acos|action|actionIDs|actionKeys|actionKeysImages|actionKeysNames|actionKeysNamesArray|actionName|actionParams|activateAddons|activatedAddons|activateKey|add3DENConnection|add3DENEventHandler|add3DENLayer|addAction|addBackpack|addBackpackCargo|addBackpackCargoGlobal|addBackpackGlobal|addCamShake|addCuratorAddons|addCuratorCameraArea|addCuratorEditableObjects|addCuratorEditingArea|addCuratorPoints|addEditorObject|addEventHandler|addForce|addForceGeneratorRTD|addGoggles|addGroupIcon|addHandgunItem|addHeadgear|addItem|addItemCargo|addItemCargoGlobal|addItemPool|addItemToBackpack|addItemToUniform|addItemToVest|addLiveStats|addMagazine|addMagazineAmmoCargo|addMagazineCargo|addMagazineCargoGlobal|addMagazineGlobal|addMagazinePool|addMagazines|addMagazineTurret|addMenu|addMenuItem|addMissionEventHandler|addMPEventHandler|addMusicEventHandler|addOwnedMine|addPlayerScores|addPrimaryWeaponItem|addPublicVariableEventHandler|addRating|addResources|addScore|addScoreSide|addSecondaryWeaponItem|addSwitchableUnit|addTeamMember|addToRemainsCollector|addTorque|addUniform|addVehicle|addVest|addWaypoint|addWeapon|addWeaponCargo|addWeaponCargoGlobal|addWeaponGlobal|addWeaponItem|addWeaponPool|addWeaponTurret|admin|agent|agents|AGLToASL|aimedAtTarget|aimPos|airDensityCurveRTD|airDensityRTD|airplaneThrottle|airportSide|AISFinishHeal|alive|all3DENEntities|allAirports|allControls|allCurators|allCutLayers|allDead|allDeadMen|allDisplays|allGroups|allMapMarkers|allMines|allMissionObjects|allow3DMode|allowCrewInImmobile|allowCuratorLogicIgnoreAreas|allowDamage|allowDammage|allowFileOperations|allowFleeing|allowGetIn|allowSprint|allPlayers|allSimpleObjects|allSites|allTurrets|allUnits|allUnitsUAV|allVariables|ammo|ammoOnPylon|animate|animateBay|animateDoor|animatePylon|animateSource|animationNames|animationPhase|animationSourcePhase|animationState|append|apply|armoryPoints|arrayIntersect|asin|ASLToAGL|ASLToATL|assert|assignAsCargo|assignAsCargoIndex|assignAsCommander|assignAsDriver|assignAsGunner|assignAsTurret|assignCurator|assignedCargo|assignedCommander|assignedDriver|assignedGunner|assignedItems|assignedTarget|assignedTeam|assignedVehicle|assignedVehicleRole|assignItem|assignTeam|assignToAirport|atan|atan2|atg|ATLToASL|attachedObject|attachedObjects|attachedTo|attachObject|attachTo|attackEnabled|backpack|backpackCargo|backpackContainer|backpackItems|backpackMagazines|backpackSpaceFor|behaviour|benchmark|binocular|blufor|boundingBox|boundingBoxReal|boundingCenter|briefingName|buildingExit|buildingPos|buldozer_EnableRoadDiag|buldozer_IsEnabledRoadDiag|buldozer_LoadNewRoads|buldozer_reloadOperMap|buttonAction|buttonSetAction|cadetMode|callExtension|camCommand|camCommit|camCommitPrepared|camCommitted|camConstuctionSetParams|camCreate|camDestroy|cameraEffect|cameraEffectEnableHUD|cameraInterest|cameraOn|cameraView|campaignConfigFile|camPreload|camPreloaded|camPrepareBank|camPrepareDir|camPrepareDive|camPrepareFocus|camPrepareFov|camPrepareFovRange|camPreparePos|camPrepareRelPos|camPrepareTarget|camSetBank|camSetDir|camSetDive|camSetFocus|camSetFov|camSetFovRange|camSetPos|camSetRelPos|camSetTarget|camTarget|camUseNVG|canAdd|canAddItemToBackpack|canAddItemToUniform|canAddItemToVest|cancelSimpleTaskDestination|canFire|canMove|canSlingLoad|canStand|canSuspend|canTriggerDynamicSimulation|canUnloadInCombat|canVehicleCargo|captive|captiveNum|cbChecked|cbSetChecked|ceil|channelEnabled|cheatsEnabled|checkAIFeature|checkVisibility|civilian|className|clear3DENAttribute|clear3DENInventory|clearAllItemsFromBackpack|clearBackpackCargo|clearBackpackCargoGlobal|clearForcesRTD|clearGroupIcons|clearItemCargo|clearItemCargoGlobal|clearItemPool|clearMagazineCargo|clearMagazineCargoGlobal|clearMagazinePool|clearOverlay|clearRadio|clearVehicleInit|clearWeaponCargo|clearWeaponCargoGlobal|clearWeaponPool|clientOwner|closeDialog|closeDisplay|closeOverlay|collapseObjectTree|collect3DENHistory|collectiveRTD|combatMode|commandArtilleryFire|commandChat|commander|commandFire|commandFollow|commandFSM|commandGetOut|commandingMenu|commandMove|commandRadio|commandStop|commandSuppressiveFire|commandTarget|commandWatch|comment|commitOverlay|compile|compileFinal|completedFSM|composeText|configClasses|configFile|configHierarchy|configName|configNull|configProperties|configSourceAddonList|configSourceMod|configSourceModList|confirmSensorTarget|connectTerminalToUAV|controlNull|controlsGroupCtrl|copyFromClipboard|copyToClipboard|copyWaypoints|cos|count|countEnemy|countFriendly|countSide|countType|countUnknown|create3DENComposition|create3DENEntity|createAgent|createCenter|createDialog|createDiaryLink|createDiaryRecord|createDiarySubject|createDisplay|createGearDialog|createGroup|createGuardedPoint|createLocation|createMarker|createMarkerLocal|createMenu|createMine|createMissionDisplay|createMPCampaignDisplay|createSimpleObject|createSimpleTask|createSite|createSoundSource|createTask|createTeam|createTrigger|createUnit|createVehicle|createVehicleCrew|createVehicleLocal|crew|ctAddHeader|ctAddRow|ctClear|ctCurSel|ctData|ctFindHeaderRows|ctFindRowHeader|ctHeaderControls|ctHeaderCount|ctRemoveHeaders|ctRemoveRows|ctrlActivate|ctrlAddEventHandler|ctrlAngle|ctrlAutoScrollDelay|ctrlAutoScrollRewind|ctrlAutoScrollSpeed|ctrlChecked|ctrlClassName|ctrlCommit|ctrlCommitted|ctrlCreate|ctrlDelete|ctrlEnable|ctrlEnabled|ctrlFade|ctrlHTMLLoaded|ctrlIDC|ctrlIDD|ctrlMapAnimAdd|ctrlMapAnimClear|ctrlMapAnimCommit|ctrlMapAnimDone|ctrlMapCursor|ctrlMapMouseOver|ctrlMapScale|ctrlMapScreenToWorld|ctrlMapWorldToScreen|ctrlModel|ctrlModelDirAndUp|ctrlModelScale|ctrlParent|ctrlParentControlsGroup|ctrlPosition|ctrlRemoveAllEventHandlers|ctrlRemoveEventHandler|ctrlScale|ctrlSetActiveColor|ctrlSetAngle|ctrlSetAutoScrollDelay|ctrlSetAutoScrollRewind|ctrlSetAutoScrollSpeed|ctrlSetBackgroundColor|ctrlSetChecked|ctrlSetDisabledColor|ctrlSetEventHandler|ctrlSetFade|ctrlSetFocus|ctrlSetFont|ctrlSetFontH1|ctrlSetFontH1B|ctrlSetFontH2|ctrlSetFontH2B|ctrlSetFontH3|ctrlSetFontH3B|ctrlSetFontH4|ctrlSetFontH4B|ctrlSetFontH5|ctrlSetFontH5B|ctrlSetFontH6|ctrlSetFontH6B|ctrlSetFontHeight|ctrlSetFontHeightH1|ctrlSetFontHeightH2|ctrlSetFontHeightH3|ctrlSetFontHeightH4|ctrlSetFontHeightH5|ctrlSetFontHeightH6|ctrlSetFontHeightSecondary|ctrlSetFontP|ctrlSetFontPB|ctrlSetFontSecondary|ctrlSetForegroundColor|ctrlSetModel|ctrlSetModelDirAndUp|ctrlSetModelScale|ctrlSetPixelPrecision|ctrlSetPosition|ctrlSetScale|ctrlSetStructuredText|ctrlSetText|ctrlSetTextColor|ctrlSetTextColorSecondary|ctrlSetTextSecondary|ctrlSetTooltip|ctrlSetTooltipColorBox|ctrlSetTooltipColorShade|ctrlSetTooltipColorText|ctrlShow|ctrlShown|ctrlText|ctrlTextHeight|ctrlTextSecondary|ctrlTextWidth|ctrlType|ctrlVisible|ctRowControls|ctRowCount|ctSetCurSel|ctSetData|ctSetHeaderTemplate|ctSetRowTemplate|ctSetValue|ctValue|curatorAddons|curatorCamera|curatorCameraArea|curatorCameraAreaCeiling|curatorCoef|curatorEditableObjects|curatorEditingArea|curatorEditingAreaType|curatorMouseOver|curatorPoints|curatorRegisteredObjects|curatorSelected|curatorWaypointCost|current3DENOperation|currentChannel|currentCommand|currentMagazine|currentMagazineDetail|currentMagazineDetailTurret|currentMagazineTurret|currentMuzzle|currentNamespace|currentTask|currentTasks|currentThrowable|currentVisionMode|currentWaypoint|currentWeapon|currentWeaponMode|currentWeaponTurret|currentZeroing|cursorObject|cursorTarget|customChat|customRadio|cutFadeOut|cutObj|cutRsc|cutText|damage|date|dateToNumber|daytime|deActivateKey|debriefingText|debugFSM|debugLog|deg|delete3DENEntities|deleteAt|deleteCenter|deleteCollection|deleteEditorObject|deleteGroup|deleteGroupWhenEmpty|deleteIdentity|deleteLocation|deleteMarker|deleteMarkerLocal|deleteRange|deleteResources|deleteSite|deleteStatus|deleteTeam|deleteVehicle|deleteVehicleCrew|deleteWaypoint|detach|detectedMines|diag_activeMissionFSMs|diag_activeScripts|diag_activeSQFScripts|diag_activeSQSScripts|diag_captureFrame|diag_captureFrameToFile|diag_captureSlowFrame|diag_codePerformance|diag_drawMode|diag_dynamicSimulationEnd|diag_enable|diag_enabled|diag_fps|diag_fpsMin|diag_frameNo|diag_lightNewLoad|diag_list|diag_log|diag_logSlowFrame|diag_mergeConfigFile|diag_recordTurretLimits|diag_setLightNew|diag_tickTime|diag_toggle|dialog|diarySubjectExists|didJIP|didJIPOwner|difficulty|difficultyEnabled|difficultyEnabledRTD|difficultyOption|direction|directSay|disableAI|disableCollisionWith|disableConversation|disableDebriefingStats|disableMapIndicators|disableNVGEquipment|disableRemoteSensors|disableSerialization|disableTIEquipment|disableUAVConnectability|disableUserInput|displayAddEventHandler|displayCtrl|displayNull|displayParent|displayRemoveAllEventHandlers|displayRemoveEventHandler|displaySetEventHandler|dissolveTeam|distance|distance2D|distanceSqr|distributionRegion|do3DENAction|doArtilleryFire|doFire|doFollow|doFSM|doGetOut|doMove|doorPhase|doStop|doSuppressiveFire|doTarget|doWatch|drawArrow|drawEllipse|drawIcon|drawIcon3D|drawLine|drawLine3D|drawLink|drawLocation|drawPolygon|drawRectangle|drawTriangle|driver|drop|dynamicSimulationDistance|dynamicSimulationDistanceCoef|dynamicSimulationEnabled|dynamicSimulationSystemEnabled|east|edit3DENMissionAttributes|editObject|editorSetEventHandler|effectiveCommander|emptyPositions|enableAI|enableAIFeature|enableAimPrecision|enableAttack|enableAudioFeature|enableAutoStartUpRTD|enableAutoTrimRTD|enableCamShake|enableCaustics|enableChannel|enableCollisionWith|enableCopilot|enableDebriefingStats|enableDiagLegend|enableDynamicSimulation|enableDynamicSimulationSystem|enableEndDialog|enableEngineArtillery|enableEnvironment|enableFatigue|enableGunLights|enableInfoPanelComponent|enableIRLasers|enableMimics|enablePersonTurret|enableRadio|enableReload|enableRopeAttach|enableSatNormalOnDetail|enableSaving|enableSentences|enableSimulation|enableSimulationGlobal|enableStamina|enableStressDamage|enableTeamSwitch|enableTraffic|enableUAVConnectability|enableUAVWaypoints|enableVehicleCargo|enableVehicleSensor|enableWeaponDisassembly|endl|endLoadingScreen|endMission|engineOn|enginesIsOnRTD|enginesPowerRTD|enginesRpmRTD|enginesTorqueRTD|entities|environmentEnabled|estimatedEndServerTime|estimatedTimeLeft|evalObjectArgument|everyBackpack|everyContainer|exec|execEditorScript|exp|expectedDestination|exportJIPMessages|eyeDirection|eyePos|face|faction|fadeMusic|fadeRadio|fadeSound|fadeSpeech|failMission|fillWeaponsFromPool|find|findCover|findDisplay|findEditorObject|findEmptyPosition|findEmptyPositionReady|findIf|findNearestEnemy|finishMissionInit|finite|fire|fireAtTarget|firstBackpack|flag|flagAnimationPhase|flagOwner|flagSide|flagTexture|fleeing|floor|flyInHeight|flyInHeightASL|fog|fogForecast|fogParams|forceAddUniform|forceAtPositionRTD|forcedMap|forceEnd|forceFlagTexture|forceFollowRoad|forceGeneratorRTD|forceMap|forceRespawn|forceSpeed|forceWalk|forceWeaponFire|forceWeatherChange|forgetTarget|format|formation|formationDirection|formationLeader|formationMembers|formationPosition|formationTask|formatText|formLeader|freeLook|fromEditor|fuel|fullCrew|gearIDCAmmoCount|gearSlotAmmoCount|gearSlotData|get3DENActionState|get3DENAttribute|get3DENCamera|get3DENConnections|get3DENEntity|get3DENEntityID|get3DENGrid|get3DENIconsVisible|get3DENLayerEntities|get3DENLinesVisible|get3DENMissionAttribute|get3DENMouseOver|get3DENSelected|getAimingCoef|getAllEnvSoundControllers|getAllHitPointsDamage|getAllOwnedMines|getAllSoundControllers|getAmmoCargo|getAnimAimPrecision|getAnimSpeedCoef|getArray|getArtilleryAmmo|getArtilleryComputerSettings|getArtilleryETA|getAssignedCuratorLogic|getAssignedCuratorUnit|getBackpackCargo|getBleedingRemaining|getBurningValue|getCameraViewDirection|getCargoIndex|getCenterOfMass|getClientState|getClientStateNumber|getCompatiblePylonMagazines|getConnectedUAV|getContainerMaxLoad|getCursorObjectParams|getCustomAimCoef|getDammage|getDescription|getDir|getDirVisual|getDLCAssetsUsage|getDLCAssetsUsageByName|getDLCs|getDLCUsageTime|getEditorCamera|getEditorMode|getEditorObjectScope|getElevationOffset|getEngineTargetRpmRTD|getEnvSoundController|getFatigue|getFieldManualStartPage|getForcedFlagTexture|getFriend|getFSMVariable|getFuelCargo|getGroupIcon|getGroupIconParams|getGroupIcons|getHideFrom|getHit|getHitIndex|getHitPointDamage|getItemCargo|getMagazineCargo|getMarkerColor|getMarkerPos|getMarkerSize|getMarkerType|getMass|getMissionConfig|getMissionConfigValue|getMissionDLCs|getMissionLayerEntities|getMissionLayers|getModelInfo|getMousePosition|getMusicPlayedTime|getNumber|getObjectArgument|getObjectChildren|getObjectDLC|getObjectMaterials|getObjectProxy|getObjectTextures|getObjectType|getObjectViewDistance|getOxygenRemaining|getPersonUsedDLCs|getPilotCameraDirection|getPilotCameraPosition|getPilotCameraRotation|getPilotCameraTarget|getPlateNumber|getPlayerChannel|getPlayerScores|getPlayerUID|getPlayerUIDOld|getPos|getPosASL|getPosASLVisual|getPosASLW|getPosATL|getPosATLVisual|getPosVisual|getPosWorld|getPylonMagazines|getRelDir|getRelPos|getRemoteSensorsDisabled|getRepairCargo|getResolution|getRotorBrakeRTD|getShadowDistance|getShotParents|getSlingLoad|getSoundController|getSoundControllerResult|getSpeed|getStamina|getStatValue|getSuppression|getTerrainGrid|getTerrainHeightASL|getText|getTotalDLCUsageTime|getTrimOffsetRTD|getUnitLoadout|getUnitTrait|getUserMFDText|getUserMFDValue|getVariable|getVehicleCargo|getWeaponCargo|getWeaponSway|getWingsOrientationRTD|getWingsPositionRTD|getWPPos|glanceAt|globalChat|globalRadio|goggles|group|groupChat|groupFromNetId|groupIconSelectable|groupIconsVisible|groupId|groupOwner|groupRadio|groupSelectedUnits|groupSelectUnit|grpNull|gunner|gusts|halt|handgunItems|handgunMagazine|handgunWeapon|handsHit|hasInterface|hasPilotCamera|hasWeapon|hcAllGroups|hcGroupParams|hcLeader|hcRemoveAllGroups|hcRemoveGroup|hcSelected|hcSelectGroup|hcSetGroup|hcShowBar|hcShownBar|headgear|hideBody|hideObject|hideObjectGlobal|hideSelection|hint|hintC|hintCadet|hintSilent|hmd|hostMission|htmlLoad|HUDMovementLevels|humidity|image|importAllGroups|importance|in|inArea|inAreaArray|incapacitatedState|independent|inflame|inflamed|infoPanel|infoPanelComponentEnabled|infoPanelComponents|infoPanels|inGameUISetEventHandler|inheritsFrom|initAmbientLife|inPolygon|inputAction|inRangeOfArtillery|insertEditorObject|intersect|is3DEN|is3DENMultiplayer|isAbleToBreathe|isAgent|isAimPrecisionEnabled|isArray|isAutoHoverOn|isAutonomous|isAutoStartUpEnabledRTD|isAutotest|isAutoTrimOnRTD|isBleeding|isBurning|isClass|isCollisionLightOn|isCopilotEnabled|isDamageAllowed|isDedicated|isDLCAvailable|isEngineOn|isEqualTo|isEqualType|isEqualTypeAll|isEqualTypeAny|isEqualTypeArray|isEqualTypeParams|isFilePatchingEnabled|isFlashlightOn|isFlatEmpty|isForcedWalk|isFormationLeader|isGroupDeletedWhenEmpty|isHidden|isInRemainsCollector|isInstructorFigureEnabled|isIRLaserOn|isKeyActive|isKindOf|isLaserOn|isLightOn|isLocalized|isManualFire|isMarkedForCollection|isMultiplayer|isMultiplayerSolo|isNil|isNull|isNumber|isObjectHidden|isObjectRTD|isOnRoad|isPipEnabled|isPlayer|isRealTime|isRemoteExecuted|isRemoteExecutedJIP|isServer|isShowing3DIcons|isSimpleObject|isSprintAllowed|isStaminaEnabled|isSteamMission|isStreamFriendlyUIEnabled|isStressDamageEnabled|isText|isTouchingGround|isTurnedOut|isTutHintsEnabled|isUAVConnectable|isUAVConnected|isUIContext|isUniformAllowed|isVehicleCargo|isVehicleRadarOn|isVehicleSensorEnabled|isWalking|isWeaponDeployed|isWeaponRested|itemCargo|items|itemsWithMagazines|join|joinAs|joinAsSilent|joinSilent|joinString|kbAddDatabase|kbAddDatabaseTargets|kbAddTopic|kbHasTopic|kbReact|kbRemoveTopic|kbTell|kbWasSaid|keyImage|keyName|knowsAbout|land|landAt|landResult|language|laserTarget|lbAdd|lbClear|lbColor|lbColorRight|lbCurSel|lbData|lbDelete|lbIsSelected|lbPicture|lbPictureRight|lbSelection|lbSetColor|lbSetColorRight|lbSetCurSel|lbSetData|lbSetPicture|lbSetPictureColor|lbSetPictureColorDisabled|lbSetPictureColorSelected|lbSetPictureRight|lbSetPictureRightColor|lbSetPictureRightColorDisabled|lbSetPictureRightColorSelected|lbSetSelectColor|lbSetSelectColorRight|lbSetSelected|lbSetText|lbSetTextRight|lbSetTooltip|lbSetValue|lbSize|lbSort|lbSortByValue|lbText|lbTextRight|lbValue|leader|leaderboardDeInit|leaderboardGetRows|leaderboardInit|leaderboardRequestRowsFriends|leaderboardRequestRowsGlobal|leaderboardRequestRowsGlobalAroundUser|leaderboardsRequestUploadScore|leaderboardsRequestUploadScoreKeepBest|leaderboardState|leaveVehicle|libraryCredits|libraryDisclaimers|lifeState|lightAttachObject|lightDetachObject|lightIsOn|lightnings|limitSpeed|linearConversion|lineBreak|lineIntersects|lineIntersectsObjs|lineIntersectsSurfaces|lineIntersectsWith|linkItem|list|listObjects|listRemoteTargets|listVehicleSensors|ln|lnbAddArray|lnbAddColumn|lnbAddRow|lnbClear|lnbColor|lnbColorRight|lnbCurSelRow|lnbData|lnbDeleteColumn|lnbDeleteRow|lnbGetColumnsPosition|lnbPicture|lnbPictureRight|lnbSetColor|lnbSetColorRight|lnbSetColumnsPos|lnbSetCurSelRow|lnbSetData|lnbSetPicture|lnbSetPictureColor|lnbSetPictureColorRight|lnbSetPictureColorSelected|lnbSetPictureColorSelectedRight|lnbSetPictureRight|lnbSetText|lnbSetTextRight|lnbSetValue|lnbSize|lnbSort|lnbSortByValue|lnbText|lnbTextRight|lnbValue|load|loadAbs|loadBackpack|loadFile|loadGame|loadIdentity|loadMagazine|loadOverlay|loadStatus|loadUniform|loadVest|local|localize|locationNull|locationPosition|lock|lockCameraTo|lockCargo|lockDriver|locked|lockedCargo|lockedDriver|lockedTurret|lockIdentity|lockTurret|lockWP|log|logEntities|logNetwork|logNetworkTerminate|lookAt|lookAtPos|magazineCargo|magazines|magazinesAllTurrets|magazinesAmmo|magazinesAmmoCargo|magazinesAmmoFull|magazinesDetail|magazinesDetailBackpack|magazinesDetailUniform|magazinesDetailVest|magazinesTurret|magazineTurretAmmo|mapAnimAdd|mapAnimClear|mapAnimCommit|mapAnimDone|mapCenterOnCamera|mapGridPosition|markAsFinishedOnSteam|markerAlpha|markerBrush|markerColor|markerDir|markerPos|markerShape|markerSize|markerText|markerType|max|members|menuAction|menuAdd|menuChecked|menuClear|menuCollapse|menuData|menuDelete|menuEnable|menuEnabled|menuExpand|menuHover|menuPicture|menuSetAction|menuSetCheck|menuSetData|menuSetPicture|menuSetValue|menuShortcut|menuShortcutText|menuSize|menuSort|menuText|menuURL|menuValue|min|mineActive|mineDetectedBy|missionConfigFile|missionDifficulty|missionName|missionNamespace|missionStart|missionVersion|modelToWorld|modelToWorldVisual|modelToWorldVisualWorld|modelToWorldWorld|modParams|moonIntensity|moonPhase|morale|move|move3DENCamera|moveInAny|moveInCargo|moveInCommander|moveInDriver|moveInGunner|moveInTurret|moveObjectToEnd|moveOut|moveTime|moveTo|moveToCompleted|moveToFailed|musicVolume|name|nameSound|nearEntities|nearestBuilding|nearestLocation|nearestLocations|nearestLocationWithDubbing|nearestObject|nearestObjects|nearestTerrainObjects|nearObjects|nearObjectsReady|nearRoads|nearSupplies|nearTargets|needReload|netId|netObjNull|newOverlay|nextMenuItemIndex|nextWeatherChange|nMenuItems|numberOfEnginesRTD|numberToDate|objectCurators|objectFromNetId|objectParent|objNull|objStatus|onBriefingGear|onBriefingGroup|onBriefingNotes|onBriefingPlan|onBriefingTeamSwitch|onCommandModeChanged|onDoubleClick|onEachFrame|onGroupIconClick|onGroupIconOverEnter|onGroupIconOverLeave|onHCGroupSelectionChanged|onMapSingleClick|onPlayerConnected|onPlayerDisconnected|onPreloadFinished|onPreloadStarted|onShowNewObject|onTeamSwitch|openCuratorInterface|openDLCPage|openDSInterface|openMap|openSteamApp|openYoutubeVideo|opfor|orderGetIn|overcast|overcastForecast|owner|param|params|parseNumber|parseSimpleArray|parseText|parsingNamespace|particlesQuality|pi|pickWeaponPool|pitch|pixelGrid|pixelGridBase|pixelGridNoUIScale|pixelH|pixelW|playableSlotsNumber|playableUnits|playAction|playActionNow|player|playerRespawnTime|playerSide|playersNumber|playGesture|playMission|playMove|playMoveNow|playMusic|playScriptedMission|playSound|playSound3D|position|positionCameraToWorld|posScreenToWorld|posWorldToScreen|ppEffectAdjust|ppEffectCommit|ppEffectCommitted|ppEffectCreate|ppEffectDestroy|ppEffectEnable|ppEffectEnabled|ppEffectForceInNVG|precision|preloadCamera|preloadObject|preloadSound|preloadTitleObj|preloadTitleRsc|primaryWeapon|primaryWeaponItems|primaryWeaponMagazine|priority|processDiaryLink|processInitCommands|productVersion|profileName|profileNamespace|profileNameSteam|progressLoadingScreen|progressPosition|progressSetPosition|publicVariable|publicVariableClient|publicVariableServer|pushBack|pushBackUnique|putWeaponPool|queryItemsPool|queryMagazinePool|queryWeaponPool|rad|radioChannelAdd|radioChannelCreate|radioChannelRemove|radioChannelSetCallSign|radioChannelSetLabel|radioVolume|rain|rainbow|random|rank|rankId|rating|rectangular|registeredTasks|registerTask|reload|reloadEnabled|remoteControl|remoteExec|remoteExecCall|remoteExecutedOwner|remove3DENConnection|remove3DENEventHandler|remove3DENLayer|removeAction|removeAll3DENEventHandlers|removeAllActions|removeAllAssignedItems|removeAllContainers|removeAllCuratorAddons|removeAllCuratorCameraAreas|removeAllCuratorEditingAreas|removeAllEventHandlers|removeAllHandgunItems|removeAllItems|removeAllItemsWithMagazines|removeAllMissionEventHandlers|removeAllMPEventHandlers|removeAllMusicEventHandlers|removeAllOwnedMines|removeAllPrimaryWeaponItems|removeAllWeapons|removeBackpack|removeBackpackGlobal|removeCuratorAddons|removeCuratorCameraArea|removeCuratorEditableObjects|removeCuratorEditingArea|removeDrawIcon|removeDrawLinks|removeEventHandler|removeFromRemainsCollector|removeGoggles|removeGroupIcon|removeHandgunItem|removeHeadgear|removeItem|removeItemFromBackpack|removeItemFromUniform|removeItemFromVest|removeItems|removeMagazine|removeMagazineGlobal|removeMagazines|removeMagazinesTurret|removeMagazineTurret|removeMenuItem|removeMissionEventHandler|removeMPEventHandler|removeMusicEventHandler|removeOwnedMine|removePrimaryWeaponItem|removeSecondaryWeaponItem|removeSimpleTask|removeSwitchableUnit|removeTeamMember|removeUniform|removeVest|removeWeapon|removeWeaponAttachmentCargo|removeWeaponCargo|removeWeaponGlobal|removeWeaponTurret|reportRemoteTarget|requiredVersion|resetCamShake|resetSubgroupDirection|resistance|resize|resources|respawnVehicle|restartEditorCamera|reveal|revealMine|reverse|reversedMouseY|roadAt|roadsConnectedTo|roleDescription|ropeAttachedObjects|ropeAttachedTo|ropeAttachEnabled|ropeAttachTo|ropeCreate|ropeCut|ropeDestroy|ropeDetach|ropeEndPosition|ropeLength|ropes|ropeUnwind|ropeUnwound|rotorsForcesRTD|rotorsRpmRTD|round|runInitScript|safeZoneH|safeZoneW|safeZoneWAbs|safeZoneX|safeZoneXAbs|safeZoneY|save3DENInventory|saveGame|saveIdentity|saveJoysticks|saveOverlay|saveProfileNamespace|saveStatus|saveVar|savingEnabled|say|say2D|say3D|score|scoreSide|screenshot|screenToWorld|scriptDone|scriptName|scriptNull|scudState|secondaryWeapon|secondaryWeaponItems|secondaryWeaponMagazine|select|selectBestPlaces|selectDiarySubject|selectedEditorObjects|selectEditorObject|selectionNames|selectionPosition|selectLeader|selectMax|selectMin|selectNoPlayer|selectPlayer|selectRandom|selectRandomWeighted|selectWeapon|selectWeaponTurret|sendAUMessage|sendSimpleCommand|sendTask|sendTaskResult|sendUDPMessage|serverCommand|serverCommandAvailable|serverCommandExecutable|serverName|serverTime|set|set3DENAttribute|set3DENAttributes|set3DENGrid|set3DENIconsVisible|set3DENLayer|set3DENLinesVisible|set3DENLogicType|set3DENMissionAttribute|set3DENMissionAttributes|set3DENModelsVisible|set3DENObjectType|set3DENSelected|setAccTime|setActualCollectiveRTD|setAirplaneThrottle|setAirportSide|setAmmo|setAmmoCargo|setAmmoOnPylon|setAnimSpeedCoef|setAperture|setApertureNew|setArmoryPoints|setAttributes|setAutonomous|setBehaviour|setBleedingRemaining|setBrakesRTD|setCameraInterest|setCamShakeDefParams|setCamShakeParams|setCamUseTI|setCaptive|setCenterOfMass|setCollisionLight|setCombatMode|setCompassOscillation|setConvoySeparation|setCuratorCameraAreaCeiling|setCuratorCoef|setCuratorEditingAreaType|setCuratorWaypointCost|setCurrentChannel|setCurrentTask|setCurrentWaypoint|setCustomAimCoef|setCustomWeightRTD|setDamage|setDammage|setDate|setDebriefingText|setDefaultCamera|setDestination|setDetailMapBlendPars|setDir|setDirection|setDrawIcon|setDriveOnPath|setDropInterval|setDynamicSimulationDistance|setDynamicSimulationDistanceCoef|setEditorMode|setEditorObjectScope|setEffectCondition|setEngineRpmRTD|setFace|setFaceAnimation|setFatigue|setFeatureType|setFlagAnimationPhase|setFlagOwner|setFlagSide|setFlagTexture|setFog|setForceGeneratorRTD|setFormation|setFormationTask|setFormDir|setFriend|setFromEditor|setFSMVariable|setFuel|setFuelCargo|setGroupIcon|setGroupIconParams|setGroupIconsSelectable|setGroupIconsVisible|setGroupId|setGroupIdGlobal|setGroupOwner|setGusts|setHideBehind|setHit|setHitIndex|setHitPointDamage|setHorizonParallaxCoef|setHUDMovementLevels|setIdentity|setImportance|setInfoPanel|setLeader|setLightAmbient|setLightAttenuation|setLightBrightness|setLightColor|setLightDayLight|setLightFlareMaxDistance|setLightFlareSize|setLightIntensity|setLightnings|setLightUseFlare|setLocalWindParams|setMagazineTurretAmmo|setMarkerAlpha|setMarkerAlphaLocal|setMarkerBrush|setMarkerBrushLocal|setMarkerColor|setMarkerColorLocal|setMarkerDir|setMarkerDirLocal|setMarkerPos|setMarkerPosLocal|setMarkerShape|setMarkerShapeLocal|setMarkerSize|setMarkerSizeLocal|setMarkerText|setMarkerTextLocal|setMarkerType|setMarkerTypeLocal|setMass|setMimic|setMousePosition|setMusicEffect|setMusicEventHandler|setName|setNameSound|setObjectArguments|setObjectMaterial|setObjectMaterialGlobal|setObjectProxy|setObjectTexture|setObjectTextureGlobal|setObjectViewDistance|setOvercast|setOwner|setOxygenRemaining|setParticleCircle|setParticleClass|setParticleFire|setParticleParams|setParticleRandom|setPilotCameraDirection|setPilotCameraRotation|setPilotCameraTarget|setPilotLight|setPiPEffect|setPitch|setPlateNumber|setPlayable|setPlayerRespawnTime|setPos|setPosASL|setPosASL2|setPosASLW|setPosATL|setPosition|setPosWorld|setPylonLoadOut|setPylonsPriority|setRadioMsg|setRain|setRainbow|setRandomLip|setRank|setRectangular|setRepairCargo|setRotorBrakeRTD|setShadowDistance|setShotParents|setSide|setSimpleTaskAlwaysVisible|setSimpleTaskCustomData|setSimpleTaskDescription|setSimpleTaskDestination|setSimpleTaskTarget|setSimpleTaskType|setSimulWeatherLayers|setSize|setSkill|setSlingLoad|setSoundEffect|setSpeaker|setSpeech|setSpeedMode|setStamina|setStaminaScheme|setStatValue|setSuppression|setSystemOfUnits|setTargetAge|setTaskMarkerOffset|setTaskResult|setTaskState|setTerrainGrid|setText|setTimeMultiplier|setTitleEffect|setToneMapping|setToneMappingParams|setTrafficDensity|setTrafficDistance|setTrafficGap|setTrafficSpeed|setTriggerActivation|setTriggerArea|setTriggerStatements|setTriggerText|setTriggerTimeout|setTriggerType|setType|setUnconscious|setUnitAbility|setUnitLoadout|setUnitPos|setUnitPosWeak|setUnitRank|setUnitRecoilCoefficient|setUnitTrait|setUnloadInCombat|setUserActionText|setUserMFDText|setUserMFDValue|setVariable|setVectorDir|setVectorDirAndUp|setVectorUp|setVehicleAmmo|setVehicleAmmoDef|setVehicleArmor|setVehicleCargo|setVehicleId|setVehicleInit|setVehicleLock|setVehiclePosition|setVehicleRadar|setVehicleReceiveRemoteTargets|setVehicleReportOwnPosition|setVehicleReportRemoteTargets|setVehicleTIPars|setVehicleVarName|setVelocity|setVelocityModelSpace|setVelocityTransformation|setViewDistance|setVisibleIfTreeCollapsed|setWantedRpmRTD|setWaves|setWaypointBehaviour|setWaypointCombatMode|setWaypointCompletionRadius|setWaypointDescription|setWaypointForceBehaviour|setWaypointFormation|setWaypointHousePosition|setWaypointLoiterRadius|setWaypointLoiterType|setWaypointName|setWaypointPosition|setWaypointScript|setWaypointSpeed|setWaypointStatements|setWaypointTimeout|setWaypointType|setWaypointVisible|setWeaponReloadingTime|setWind|setWindDir|setWindForce|setWindStr|setWingForceScaleRTD|setWPPos|show3DIcons|showChat|showCinemaBorder|showCommandingMenu|showCompass|showCuratorCompass|showGPS|showHUD|showLegend|showMap|shownArtilleryComputer|shownChat|shownCompass|shownCuratorCompass|showNewEditorObject|shownGPS|shownHUD|shownMap|shownPad|shownRadio|shownScoretable|shownUAVFeed|shownWarrant|shownWatch|showPad|showRadio|showScoretable|showSubtitles|showUAVFeed|showWarrant|showWatch|showWaypoint|showWaypoints|side|sideAmbientLife|sideChat|sideEmpty|sideEnemy|sideFriendly|sideLogic|sideRadio|sideUnknown|simpleTasks|simulationEnabled|simulCloudDensity|simulCloudOcclusion|simulInClouds|simulWeatherSync|sin|size|sizeOf|skill|skillFinal|skipTime|sleep|sliderPosition|sliderRange|sliderSetPosition|sliderSetRange|sliderSetSpeed|sliderSpeed|slingLoadAssistantShown|soldierMagazines|someAmmo|sort|soundVolume|speaker|speed|speedMode|splitString|sqrt|squadParams|stance|startLoadingScreen|stop|stopEngineRTD|stopped|str|sunOrMoon|supportInfo|suppressFor|surfaceIsWater|surfaceNormal|surfaceType|swimInDepth|switchableUnits|switchAction|switchCamera|switchGesture|switchLight|switchMove|synchronizedObjects|synchronizedTriggers|synchronizedWaypoints|synchronizeObjectsAdd|synchronizeObjectsRemove|synchronizeTrigger|synchronizeWaypoint|systemChat|systemOfUnits|tan|targetKnowledge|targets|targetsAggregate|targetsQuery|taskAlwaysVisible|taskChildren|taskCompleted|taskCustomData|taskDescription|taskDestination|taskHint|taskMarkerOffset|taskNull|taskParent|taskResult|taskState|taskType|teamMember|teamMemberNull|teamName|teams|teamSwitch|teamSwitchEnabled|teamType|terminate|terrainIntersect|terrainIntersectASL|terrainIntersectAtASL|text|textLog|textLogFormat|tg|time|timeMultiplier|titleCut|titleFadeOut|titleObj|titleRsc|titleText|toArray|toFixed|toLower|toString|toUpper|triggerActivated|triggerActivation|triggerArea|triggerAttachedVehicle|triggerAttachObject|triggerAttachVehicle|triggerDynamicSimulation|triggerStatements|triggerText|triggerTimeout|triggerTimeoutCurrent|triggerType|turretLocal|turretOwner|turretUnit|tvAdd|tvClear|tvCollapse|tvCollapseAll|tvCount|tvCurSel|tvData|tvDelete|tvExpand|tvExpandAll|tvPicture|tvPictureRight|tvSetColor|tvSetCurSel|tvSetData|tvSetPicture|tvSetPictureColor|tvSetPictureColorDisabled|tvSetPictureColorSelected|tvSetPictureRight|tvSetPictureRightColor|tvSetPictureRightColorDisabled|tvSetPictureRightColorSelected|tvSetSelectColor|tvSetText|tvSetTooltip|tvSetValue|tvSort|tvSortByValue|tvText|tvTooltip|tvValue|type|typeName|typeOf|UAVControl|uiNamespace|uiSleep|unassignCurator|unassignItem|unassignTeam|unassignVehicle|underwater|uniform|uniformContainer|uniformItems|uniformMagazines|unitAddons|unitAimPosition|unitAimPositionVisual|unitBackpack|unitIsUAV|unitPos|unitReady|unitRecoilCoefficient|units|unitsBelowHeight|unlinkItem|unlockAchievement|unregisterTask|updateDrawIcon|updateMenuItem|updateObjectTree|useAIOperMapObstructionTest|useAISteeringComponent|useAudioTimeForMoves|userInputDisabled|vectorAdd|vectorCos|vectorCrossProduct|vectorDiff|vectorDir|vectorDirVisual|vectorDistance|vectorDistanceSqr|vectorDotProduct|vectorFromTo|vectorMagnitude|vectorMagnitudeSqr|vectorModelToWorld|vectorModelToWorldVisual|vectorMultiply|vectorNormalized|vectorUp|vectorUpVisual|vectorWorldToModel|vectorWorldToModelVisual|vehicle|vehicleCargoEnabled|vehicleChat|vehicleRadio|vehicleReceiveRemoteTargets|vehicleReportOwnPosition|vehicleReportRemoteTargets|vehicles|vehicleVarName|velocity|velocityModelSpace|verifySignature|vest|vestContainer|vestItems|vestMagazines|viewDistance|visibleCompass|visibleGPS|visibleMap|visiblePosition|visiblePositionASL|visibleScoretable|visibleWatch|waitUntil|waves|waypointAttachedObject|waypointAttachedVehicle|waypointAttachObject|waypointAttachVehicle|waypointBehaviour|waypointCombatMode|waypointCompletionRadius|waypointDescription|waypointForceBehaviour|waypointFormation|waypointHousePosition|waypointLoiterRadius|waypointLoiterType|waypointName|waypointPosition|waypoints|waypointScript|waypointsEnabledUAV|waypointShow|waypointSpeed|waypointStatements|waypointTimeout|waypointTimeoutCurrent|waypointType|waypointVisible|weaponAccessories|weaponAccessoriesCargo|weaponCargo|weaponDirection|weaponInertia|weaponLowered|weapons|weaponsItems|weaponsItemsCargo|weaponState|weaponsTurret|weightRTD|west|WFSideText|wind|windDir|windRTD|windStr|wingsForcesRTD|worldName|worldSize|worldToModel|worldToModelVisual|worldToScreen)\b/i,number:/(?:\$|\b0x)[\da-f]+\b|(?:\B\.\d+|\b\d+(?:\.\d+)?)(?:e[+-]?\d+)?\b/i,operator:/##|>>|&&|\|\||[!=<>]=?|[-+*/%#^]|\b(?:and|mod|not|or)\b/i,"magic-variable":{pattern:/\b(?:this|thisList|thisTrigger|_exception|_fnc_scriptName|_fnc_scriptNameParent|_forEachIndex|_this|_thisEventHandler|_thisFSM|_thisScript|_x)\b/i,alias:"keyword"},constant:/\bDIK(?:_[a-z\d]+)+\b/i}),e.languages.insertBefore("sqf","string",{macro:{pattern:/(^[ \t]*)#[a-z](?:[^\r\n\\]|\\(?:\r\n|[\s\S]))*/im,lookbehind:!0,greedy:!0,alias:"property",inside:{directive:{pattern:/#[a-z]+\b/i,alias:"keyword"},comment:e.languages.sqf.comment}}}),delete e.languages.sqf["class-name"]}e.exports=t,t.displayName="sqf",t.aliases=[]},11114:function(e){"use strict";function t(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:/[;[\]()`,.]/}}e.exports=t,t.displayName="sql",t.aliases=[]},67386:function(e){"use strict";function t(e){e.languages.squirrel=e.languages.extend("clike",{comment:[e.languages.clike.comment[0],{pattern:/(^|[^\\:])(?:\/\/|#).*/,lookbehind:!0,greedy:!0}],string:{pattern:/(^|[^\\"'@])(?:@"(?:[^"]|"")*"(?!")|"(?:[^\\\r\n"]|\\.)*")/,lookbehind:!0,greedy:!0},"class-name":{pattern:/(\b(?:class|enum|extends|instanceof)\s+)\w+(?:\.\w+)*/,lookbehind:!0,inside:{punctuation:/\./}},keyword:/\b(?:__FILE__|__LINE__|base|break|case|catch|class|clone|const|constructor|continue|default|delete|else|enum|extends|for|foreach|function|if|in|instanceof|local|null|resume|return|static|switch|this|throw|try|typeof|while|yield)\b/,number:/\b(?:0x[0-9a-fA-F]+|\d+(?:\.(?:\d+|[eE][+-]?\d+))?)\b/,operator:/\+\+|--|<=>|<[-<]|>>>?|&&?|\|\|?|[-+*/%!=<>]=?|[~^]|::?/,punctuation:/[(){}\[\],;.]/}),e.languages.insertBefore("squirrel","string",{char:{pattern:/(^|[^\\"'])'(?:[^\\']|\\(?:[xuU][0-9a-fA-F]{0,8}|[\s\S]))'/,lookbehind:!0,greedy:!0}}),e.languages.insertBefore("squirrel","operator",{"attribute-punctuation":{pattern:/<\/|\/>/,alias:"important"},lambda:{pattern:/@(?=\()/,alias:"operator"}})}e.exports=t,t.displayName="squirrel",t.aliases=[]},28067:function(e){"use strict";function t(e){var t;t=/\b(?:algebra_solver|algebra_solver_newton|integrate_1d|integrate_ode|integrate_ode_bdf|integrate_ode_rk45|map_rect|ode_(?:adams|bdf|ckrk|rk45)(?:_tol)?|ode_adjoint_tol_ctl|reduce_sum|reduce_sum_static)\b/,e.languages.stan={comment:/\/\/.*|\/\*[\s\S]*?\*\/|#(?!include).*/,string:{pattern:/"[\x20\x21\x23-\x5B\x5D-\x7E]*"/,greedy:!0},directive:{pattern:/^([ \t]*)#include\b.*/m,lookbehind:!0,alias:"property"},"function-arg":{pattern:RegExp("("+t.source+/\s*\(\s*/.source+")"+/[a-zA-Z]\w*/.source),lookbehind:!0,alias:"function"},constraint:{pattern:/(\b(?:int|matrix|real|row_vector|vector)\s*)<[^<>]*>/,lookbehind:!0,inside:{expression:{pattern:/(=\s*)\S(?:\S|\s+(?!\s))*?(?=\s*(?:>$|,\s*\w+\s*=))/,lookbehind:!0,inside:null},property:/\b[a-z]\w*(?=\s*=)/i,operator:/=/,punctuation:/^<|>$|,/}},keyword:[{pattern:/\bdata(?=\s*\{)|\b(?:functions|generated|model|parameters|quantities|transformed)\b/,alias:"program-block"},/\b(?:array|break|cholesky_factor_corr|cholesky_factor_cov|complex|continue|corr_matrix|cov_matrix|data|else|for|if|in|increment_log_prob|int|matrix|ordered|positive_ordered|print|real|reject|return|row_vector|simplex|target|unit_vector|vector|void|while)\b/,t],function:/\b[a-z]\w*(?=\s*\()/i,number:/(?:\b\d+(?:_\d+)*(?:\.(?:\d+(?:_\d+)*)?)?|\B\.\d+(?:_\d+)*)(?:E[+-]?\d+(?:_\d+)*)?i?(?!\w)/i,boolean:/\b(?:false|true)\b/,operator:/<-|\.[*/]=?|\|\|?|&&|[!=<>+\-*/]=?|['^%~?:]/,punctuation:/[()\[\]{},;]/},e.languages.stan.constraint.inside.expression.inside=e.languages.stan}e.exports=t,t.displayName="stan",t.aliases=[]},49168:function(e){"use strict";function t(e){var t,n,r;(r={comment:{pattern:/(^|[^\\])(?:\/\*[\s\S]*?\*\/|\/\/.*)/,lookbehind:!0},url:{pattern:/\burl\((["']?).*?\1\)/i,greedy:!0},string:{pattern:/("|')(?:(?!\1)[^\\\r\n]|\\(?:\r\n|[\s\S]))*\1/,greedy:!0},interpolation:null,func:null,important:/\B!(?:important|optional)\b/i,keyword:{pattern:/(^|\s+)(?:(?:else|for|if|return|unless)(?=\s|$)|@[\w-]+)/,lookbehind:!0},hexcode:/#[\da-f]{3,6}/i,color:[/\b(?:AliceBlue|AntiqueWhite|Aqua|Aquamarine|Azure|Beige|Bisque|Black|BlanchedAlmond|Blue|BlueViolet|Brown|BurlyWood|CadetBlue|Chartreuse|Chocolate|Coral|CornflowerBlue|Cornsilk|Crimson|Cyan|DarkBlue|DarkCyan|DarkGoldenRod|DarkGr[ae]y|DarkGreen|DarkKhaki|DarkMagenta|DarkOliveGreen|DarkOrange|DarkOrchid|DarkRed|DarkSalmon|DarkSeaGreen|DarkSlateBlue|DarkSlateGr[ae]y|DarkTurquoise|DarkViolet|DeepPink|DeepSkyBlue|DimGr[ae]y|DodgerBlue|FireBrick|FloralWhite|ForestGreen|Fuchsia|Gainsboro|GhostWhite|Gold|GoldenRod|Gr[ae]y|Green|GreenYellow|HoneyDew|HotPink|IndianRed|Indigo|Ivory|Khaki|Lavender|LavenderBlush|LawnGreen|LemonChiffon|LightBlue|LightCoral|LightCyan|LightGoldenRodYellow|LightGr[ae]y|LightGreen|LightPink|LightSalmon|LightSeaGreen|LightSkyBlue|LightSlateGr[ae]y|LightSteelBlue|LightYellow|Lime|LimeGreen|Linen|Magenta|Maroon|MediumAquaMarine|MediumBlue|MediumOrchid|MediumPurple|MediumSeaGreen|MediumSlateBlue|MediumSpringGreen|MediumTurquoise|MediumVioletRed|MidnightBlue|MintCream|MistyRose|Moccasin|NavajoWhite|Navy|OldLace|Olive|OliveDrab|Orange|OrangeRed|Orchid|PaleGoldenRod|PaleGreen|PaleTurquoise|PaleVioletRed|PapayaWhip|PeachPuff|Peru|Pink|Plum|PowderBlue|Purple|Red|RosyBrown|RoyalBlue|SaddleBrown|Salmon|SandyBrown|SeaGreen|SeaShell|Sienna|Silver|SkyBlue|SlateBlue|SlateGr[ae]y|Snow|SpringGreen|SteelBlue|Tan|Teal|Thistle|Tomato|Transparent|Turquoise|Violet|Wheat|White|WhiteSmoke|Yellow|YellowGreen)\b/i,{pattern:/\b(?:hsl|rgb)\(\s*\d{1,3}\s*,\s*\d{1,3}%?\s*,\s*\d{1,3}%?\s*\)\B|\b(?:hsl|rgb)a\(\s*\d{1,3}\s*,\s*\d{1,3}%?\s*,\s*\d{1,3}%?\s*,\s*(?:0|0?\.\d+|1)\s*\)\B/i,inside:{unit:t={pattern:/(\b\d+)(?:%|[a-z]+)/,lookbehind:!0},number:n={pattern:/(^|[^\w.-])-?(?:\d+(?:\.\d+)?|\.\d+)/,lookbehind:!0},function:/[\w-]+(?=\()/,punctuation:/[(),]/}}],entity:/\\[\da-f]{1,8}/i,unit:t,boolean:/\b(?:false|true)\b/,operator:[/~|[+!\/%<>?=]=?|[-:]=|\*[*=]?|\.{2,3}|&&|\|\||\B-\B|\b(?:and|in|is(?: a| defined| not|nt)?|not|or)\b/],number:n,punctuation:/[{}()\[\];:,]/}).interpolation={pattern:/\{[^\r\n}:]+\}/,alias:"variable",inside:{delimiter:{pattern:/^\{|\}$/,alias:"punctuation"},rest:r}},r.func={pattern:/[\w-]+\([^)]*\).*/,inside:{function:/^[^(]+/,rest:r}},e.languages.stylus={"atrule-declaration":{pattern:/(^[ \t]*)@.+/m,lookbehind:!0,inside:{atrule:/^@[\w-]+/,rest:r}},"variable-declaration":{pattern:/(^[ \t]*)[\w$-]+\s*.?=[ \t]*(?:\{[^{}]*\}|\S.*|$)/m,lookbehind:!0,inside:{variable:/^\S+/,rest:r}},statement:{pattern:/(^[ \t]*)(?:else|for|if|return|unless)[ \t].+/m,lookbehind:!0,inside:{keyword:/^\S+/,rest:r}},"property-declaration":{pattern:/((?:^|\{)([ \t]*))(?:[\w-]|\{[^}\r\n]+\})+(?:\s*:\s*|[ \t]+)(?!\s)[^{\r\n]*(?:;|[^{\r\n,]$(?!(?:\r?\n|\r)(?:\{|\2[ \t])))/m,lookbehind:!0,inside:{property:{pattern:/^[^\s:]+/,inside:{interpolation:r.interpolation}},rest:r}},selector:{pattern:/(^[ \t]*)(?:(?=\S)(?:[^{}\r\n:()]|::?[\w-]+(?:\([^)\r\n]*\)|(?![\w-]))|\{[^}\r\n]+\})+)(?:(?:\r?\n|\r)(?:\1(?:(?=\S)(?:[^{}\r\n:()]|::?[\w-]+(?:\([^)\r\n]*\)|(?![\w-]))|\{[^}\r\n]+\})+)))*(?:,$|\{|(?=(?:\r?\n|\r)(?:\{|\1[ \t])))/m,lookbehind:!0,inside:{interpolation:r.interpolation,comment:r.comment,punctuation:/[{},]/}},func:r.func,string:r.string,comment:{pattern:/(^|[^\\])(?:\/\*[\s\S]*?\*\/|\/\/.*)/,lookbehind:!0,greedy:!0},interpolation:r.interpolation,punctuation:/[{}()\[\];:.]/}}e.exports=t,t.displayName="stylus",t.aliases=[]},23651:function(e){"use strict";function t(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})}e.exports=t,t.displayName="swift",t.aliases=[]},21483:function(e){"use strict";function t(e){var t,n;t={pattern:/^[;#].*/m,greedy:!0},n=/"(?:[^\r\n"\\]|\\(?:[^\r]|\r\n?))*"(?!\S)/.source,e.languages.systemd={comment:t,section:{pattern:/^\[[^\n\r\[\]]*\](?=[ \t]*$)/m,greedy:!0,inside:{punctuation:/^\[|\]$/,"section-name":{pattern:/[\s\S]+/,alias:"selector"}}},key:{pattern:/^[^\s=]+(?=[ \t]*=)/m,greedy:!0,alias:"attr-name"},value:{pattern:RegExp(/(=[ \t]*(?!\s))/.source+"(?:"+n+'|(?=[^"\r\n]))(?:'+(/[^\s\\]/.source+'|[ ]+(?:(?![ "])|')+n+")|"+/\\[\r\n]+(?:[#;].*[\r\n]+)*(?![#;])/.source+")*"),lookbehind:!0,greedy:!0,alias:"attr-value",inside:{comment:t,quoted:{pattern:RegExp(/(^|\s)/.source+n),lookbehind:!0,greedy:!0},punctuation:/\\$/m,boolean:{pattern:/^(?:false|no|off|on|true|yes)$/,greedy:!0}}},punctuation:/=/}}e.exports=t,t.displayName="systemd",t.aliases=[]},32268:function(e,t,n){"use strict";var r=n(2329),a=n(61958);function i(e){e.register(r),e.register(a),e.languages.t4=e.languages["t4-cs"]=e.languages["t4-templating"].createT4("csharp")}e.exports=i,i.displayName="t4Cs",i.aliases=[]},2329:function(e){"use strict";function t(e){!function(e){function t(e,t,n){return{pattern:RegExp("<#"+e+"[\\s\\S]*?#>"),alias:"block",inside:{delimiter:{pattern:RegExp("^<#"+e+"|#>$"),alias:"important"},content:{pattern:/[\s\S]+/,inside:t,alias:n}}}}e.languages["t4-templating"]=Object.defineProperty({},"createT4",{value:function(n){var r=e.languages[n],a="language-"+n;return{block:{pattern:/<#[\s\S]+?#>/,inside:{directive:t("@",{"attr-value":{pattern:/=(?:("|')(?:\\[\s\S]|(?!\1)[^\\])*\1|[^\s'">=]+)/,inside:{punctuation:/^=|^["']|["']$/}},keyword:/\b\w+(?=\s)/,"attr-name":/\b\w+/}),expression:t("=",r,a),"class-feature":t("\\+",r,a),standard:t("",r,a)}}}}})}(e)}e.exports=t,t.displayName="t4Templating",t.aliases=[]},82996:function(e,t,n){"use strict";var r=n(2329),a=n(53813);function i(e){e.register(r),e.register(a),e.languages["t4-vb"]=e.languages["t4-templating"].createT4("vbnet")}e.exports=i,i.displayName="t4Vb",i.aliases=[]},17290:function(e,t,n){"use strict";var r=n(65039);function a(e){e.register(r),e.languages.tap={fail:/not ok[^#{\n\r]*/,pass:/ok[^#{\n\r]*/,pragma:/pragma [+-][a-z]+/,bailout:/bail out!.*/i,version:/TAP version \d+/i,plan:/\b\d+\.\.\d+(?: +#.*)?/,subtest:{pattern:/# Subtest(?:: .*)?/,greedy:!0},punctuation:/[{}]/,directive:/#.*/,yamlish:{pattern:/(^[ \t]*)---[\s\S]*?[\r\n][ \t]*\.\.\.$/m,lookbehind:!0,inside:e.languages.yaml,alias:"language-yaml"}}}e.exports=a,a.displayName="tap",a.aliases=[]},67989:function(e){"use strict";function t(e){e.languages.tcl={comment:{pattern:/(^|[^\\])#.*/,lookbehind:!0},string:{pattern:/"(?:[^"\\\r\n]|\\(?:\r\n|[\s\S]))*"/,greedy:!0},variable:[{pattern:/(\$)(?:::)?(?:[a-zA-Z0-9]+::)*\w+/,lookbehind:!0},{pattern:/(\$)\{[^}]+\}/,lookbehind:!0},{pattern:/(^[\t ]*set[ \t]+)(?:::)?(?:[a-zA-Z0-9]+::)*\w+/m,lookbehind:!0}],function:{pattern:/(^[\t ]*proc[ \t]+)\S+/m,lookbehind:!0},builtin:[{pattern:/(^[\t ]*)(?:break|class|continue|error|eval|exit|for|foreach|if|proc|return|switch|while)\b/m,lookbehind:!0},/\b(?:else|elseif)\b/],scope:{pattern:/(^[\t ]*)(?:global|upvar|variable)\b/m,lookbehind:!0,alias:"constant"},keyword:{pattern:/(^[\t ]*|\[)(?:Safe_Base|Tcl|after|append|apply|array|auto_(?:execok|import|load|mkindex|qualify|reset)|automkindex_old|bgerror|binary|catch|cd|chan|clock|close|concat|dde|dict|encoding|eof|exec|expr|fblocked|fconfigure|fcopy|file(?:event|name)?|flush|gets|glob|history|http|incr|info|interp|join|lappend|lassign|lindex|linsert|list|llength|load|lrange|lrepeat|lreplace|lreverse|lsearch|lset|lsort|math(?:func|op)|memory|msgcat|namespace|open|package|parray|pid|pkg_mkIndex|platform|puts|pwd|re_syntax|read|refchan|regexp|registry|regsub|rename|scan|seek|set|socket|source|split|string|subst|tcl(?:_endOfWord|_findLibrary|startOf(?:Next|Previous)Word|test|vars|wordBreak(?:After|Before))|tell|time|tm|trace|unknown|unload|unset|update|uplevel|vwait)\b/m,lookbehind:!0},operator:/!=?|\*\*?|==|&&?|\|\|?|<[=<]?|>[=>]?|[-+~\/%?^]|\b(?:eq|in|ne|ni)\b/,punctuation:/[{}()\[\]]/}}e.exports=t,t.displayName="tcl",t.aliases=[]},31065:function(e){"use strict";function t(e){!function(e){var t=/\([^|()\n]+\)|\[[^\]\n]+\]|\{[^}\n]+\}/.source,n=/\)|\((?![^|()\n]+\))/.source;function r(e,r){return RegExp(e.replace(//g,function(){return"(?:"+t+")"}).replace(//g,function(){return"(?:"+n+")"}),r||"")}var a={css:{pattern:/\{[^{}]+\}/,inside:{rest:e.languages.css}},"class-id":{pattern:/(\()[^()]+(?=\))/,lookbehind:!0,alias:"attr-value"},lang:{pattern:/(\[)[^\[\]]+(?=\])/,lookbehind:!0,alias:"attr-value"},punctuation:/[\\\/]\d+|\S/},i=e.languages.textile=e.languages.extend("markup",{phrase:{pattern:/(^|\r|\n)\S[\s\S]*?(?=$|\r?\n\r?\n|\r\r)/,lookbehind:!0,inside:{"block-tag":{pattern:r(/^[a-z]\w*(?:||[<>=])*\./.source),inside:{modifier:{pattern:r(/(^[a-z]\w*)(?:||[<>=])+(?=\.)/.source),lookbehind:!0,inside:a},tag:/^[a-z]\w*/,punctuation:/\.$/}},list:{pattern:r(/^[*#]+*\s+\S.*/.source,"m"),inside:{modifier:{pattern:r(/(^[*#]+)+/.source),lookbehind:!0,inside:a},punctuation:/^[*#]+/}},table:{pattern:r(/^(?:(?:||[<>=^~])+\.\s*)?(?:\|(?:(?:||[<>=^~_]|[\\/]\d+)+\.|(?!(?:||[<>=^~_]|[\\/]\d+)+\.))[^|]*)+\|/.source,"m"),inside:{modifier:{pattern:r(/(^|\|(?:\r?\n|\r)?)(?:||[<>=^~_]|[\\/]\d+)+(?=\.)/.source),lookbehind:!0,inside:a},punctuation:/\||^\./}},inline:{pattern:r(/(^|[^a-zA-Z\d])(\*\*|__|\?\?|[*_%@+\-^~])*.+?\2(?![a-zA-Z\d])/.source),lookbehind:!0,inside:{bold:{pattern:r(/(^(\*\*?)*).+?(?=\2)/.source),lookbehind:!0},italic:{pattern:r(/(^(__?)*).+?(?=\2)/.source),lookbehind:!0},cite:{pattern:r(/(^\?\?*).+?(?=\?\?)/.source),lookbehind:!0,alias:"string"},code:{pattern:r(/(^@*).+?(?=@)/.source),lookbehind:!0,alias:"keyword"},inserted:{pattern:r(/(^\+*).+?(?=\+)/.source),lookbehind:!0},deleted:{pattern:r(/(^-*).+?(?=-)/.source),lookbehind:!0},span:{pattern:r(/(^%*).+?(?=%)/.source),lookbehind:!0},modifier:{pattern:r(/(^\*\*|__|\?\?|[*_%@+\-^~])+/.source),lookbehind:!0,inside:a},punctuation:/[*_%?@+\-^~]+/}},"link-ref":{pattern:/^\[[^\]]+\]\S+$/m,inside:{string:{pattern:/(^\[)[^\]]+(?=\])/,lookbehind:!0},url:{pattern:/(^\])\S+$/,lookbehind:!0},punctuation:/[\[\]]/}},link:{pattern:r(/"*[^"]+":.+?(?=[^\w/]?(?:\s|$))/.source),inside:{text:{pattern:r(/(^"*)[^"]+(?=")/.source),lookbehind:!0},modifier:{pattern:r(/(^")+/.source),lookbehind:!0,inside:a},url:{pattern:/(:).+/,lookbehind:!0},punctuation:/[":]/}},image:{pattern:r(/!(?:||[<>=])*(?![<>=])[^!\s()]+(?:\([^)]+\))?!(?::.+?(?=[^\w/]?(?:\s|$)))?/.source),inside:{source:{pattern:r(/(^!(?:||[<>=])*)(?![<>=])[^!\s()]+(?:\([^)]+\))?(?=!)/.source),lookbehind:!0,alias:"url"},modifier:{pattern:r(/(^!)(?:||[<>=])+/.source),lookbehind:!0,inside:a},url:{pattern:/(:).+/,lookbehind:!0},punctuation:/[!:]/}},footnote:{pattern:/\b\[\d+\]/,alias:"comment",inside:{punctuation:/\[|\]/}},acronym:{pattern:/\b[A-Z\d]+\([^)]+\)/,inside:{comment:{pattern:/(\()[^()]+(?=\))/,lookbehind:!0},punctuation:/[()]/}},mark:{pattern:/\b\((?:C|R|TM)\)/,alias:"comment",inside:{punctuation:/[()]/}}}}}),o=i.phrase.inside,s={inline:o.inline,link:o.link,image:o.image,footnote:o.footnote,acronym:o.acronym,mark:o.mark};i.tag.pattern=/<\/?(?!\d)[a-z0-9]+(?:\s+[^\s>\/=]+(?:=(?:("|')(?:\\[\s\S]|(?!\1)[^\\])*\1|[^\s'">=]+))?)*\s*\/?>/i;var l=o.inline.inside;l.bold.inside=s,l.italic.inside=s,l.inserted.inside=s,l.deleted.inside=s,l.span.inside=s;var c=o.table.inside;c.inline=s.inline,c.link=s.link,c.image=s.image,c.footnote=s.footnote,c.acronym=s.acronym,c.mark=s.mark}(e)}e.exports=t,t.displayName="textile",t.aliases=[]},85572:function(e){"use strict";function t(e){!function(e){var t=/(?:[\w-]+|'[^'\n\r]*'|"(?:\\.|[^\\"\r\n])*")/.source;function n(e){return e.replace(/__/g,function(){return t})}e.languages.toml={comment:{pattern:/#.*/,greedy:!0},table:{pattern:RegExp(n(/(^[\t ]*\[\s*(?:\[\s*)?)__(?:\s*\.\s*__)*(?=\s*\])/.source),"m"),lookbehind:!0,greedy:!0,alias:"class-name"},key:{pattern:RegExp(n(/(^[\t ]*|[{,]\s*)__(?:\s*\.\s*__)*(?=\s*=)/.source),"m"),lookbehind:!0,greedy:!0,alias:"property"},string:{pattern:/"""(?:\\[\s\S]|[^\\])*?"""|'''[\s\S]*?'''|'[^'\n\r]*'|"(?:\\.|[^\\"\r\n])*"/,greedy:!0},date:[{pattern:/\b\d{4}-\d{2}-\d{2}(?:[T\s]\d{2}:\d{2}:\d{2}(?:\.\d+)?(?:Z|[+-]\d{2}:\d{2})?)?\b/i,alias:"number"},{pattern:/\b\d{2}:\d{2}:\d{2}(?:\.\d+)?\b/,alias:"number"}],number:/(?:\b0(?:x[\da-zA-Z]+(?:_[\da-zA-Z]+)*|o[0-7]+(?:_[0-7]+)*|b[10]+(?:_[10]+)*))\b|[-+]?\b\d+(?:_\d+)*(?:\.\d+(?:_\d+)*)?(?:[eE][+-]?\d+(?:_\d+)*)?\b|[-+]?\b(?:inf|nan)\b/,boolean:/\b(?:false|true)\b/,punctuation:/[.,=[\]{}]/}}(e)}e.exports=t,t.displayName="toml",t.aliases=[]},27536:function(e){"use strict";function t(e){var t;e.languages.tremor={comment:{pattern:/(^|[^\\])(?:\/\*[\s\S]*?\*\/|(?:--|\/\/|#).*)/,lookbehind:!0},"interpolated-string":null,extractor:{pattern:/\b[a-z_]\w*\|(?:[^\r\n\\|]|\\(?:\r\n|[\s\S]))*\|/i,greedy:!0,inside:{regex:{pattern:/(^re)\|[\s\S]+/,lookbehind:!0},function:/^\w+/,value:/\|[\s\S]+/}},identifier:{pattern:/`[^`]*`/,greedy:!0},function:/\b[a-z_]\w*(?=\s*(?:::\s*<|\())\b/,keyword:/\b(?:args|as|by|case|config|connect|connector|const|copy|create|default|define|deploy|drop|each|emit|end|erase|event|flow|fn|for|from|group|having|insert|into|intrinsic|let|links|match|merge|mod|move|of|operator|patch|pipeline|recur|script|select|set|sliding|state|stream|to|tumbling|update|use|when|where|window|with)\b/,boolean:/\b(?:false|null|true)\b/i,number:/\b(?:0b[01_]*|0x[0-9a-fA-F_]*|\d[\d_]*(?:\.\d[\d_]*)?(?:[Ee][+-]?[\d_]+)?)\b/,"pattern-punctuation":{pattern:/%(?=[({[])/,alias:"punctuation"},operator:/[-+*\/%~!^]=?|=[=>]?|&[&=]?|\|[|=]?|<>?>?=?|(?:absent|and|not|or|present|xor)\b/,punctuation:/::|[;\[\]()\{\},.:]/},t=/#\{(?:[^"{}]|\{[^{}]*\}|"(?:[^"\\\r\n]|\\(?:\r\n|[\s\S]))*")*\}/.source,e.languages.tremor["interpolated-string"]={pattern:RegExp(/(^|[^\\])/.source+'(?:"""(?:'+/[^"\\#]|\\[\s\S]|"(?!"")|#(?!\{)/.source+"|"+t+')*"""|"(?:'+/[^"\\\r\n#]|\\(?:\r\n|[\s\S])|#(?!\{)/.source+"|"+t+')*")'),lookbehind:!0,greedy:!0,inside:{interpolation:{pattern:RegExp(t),inside:{punctuation:/^#\{|\}$/,expression:{pattern:/[\s\S]+/,inside:e.languages.tremor}}},string:/[\s\S]+/}},e.languages.troy=e.languages.tremor,e.languages.trickle=e.languages.tremor}e.exports=t,t.displayName="tremor",t.aliases=[]},87041:function(e,t,n){"use strict";var r=n(96412),a=n(4979);function i(e){var t,n;e.register(r),e.register(a),t=e.util.clone(e.languages.typescript),e.languages.tsx=e.languages.extend("jsx",t),delete e.languages.tsx.parameter,delete e.languages.tsx["literal-property"],(n=e.languages.tsx.tag).pattern=RegExp(/(^|[^\w$]|(?=<\/))/.source+"(?:"+n.pattern.source+")",n.pattern.flags),n.lookbehind=!0}e.exports=i,i.displayName="tsx",i.aliases=[]},61028:function(e,t,n){"use strict";var r=n(93205);function a(e){e.register(r),e.languages.tt2=e.languages.extend("clike",{comment:/#.*|\[%#[\s\S]*?%\]/,keyword:/\b(?:BLOCK|CALL|CASE|CATCH|CLEAR|DEBUG|DEFAULT|ELSE|ELSIF|END|FILTER|FINAL|FOREACH|GET|IF|IN|INCLUDE|INSERT|LAST|MACRO|META|NEXT|PERL|PROCESS|RAWPERL|RETURN|SET|STOP|SWITCH|TAGS|THROW|TRY|UNLESS|USE|WHILE|WRAPPER)\b/,punctuation:/[[\]{},()]/}),e.languages.insertBefore("tt2","number",{operator:/=[>=]?|!=?|<=?|>=?|&&|\|\|?|\b(?:and|not|or)\b/,variable:{pattern:/\b[a-z]\w*(?:\s*\.\s*(?:\d+|\$?[a-z]\w*))*\b/i}}),e.languages.insertBefore("tt2","keyword",{delimiter:{pattern:/^(?:\[%|%%)-?|-?%\]$/,alias:"punctuation"}}),e.languages.insertBefore("tt2","string",{"single-quoted-string":{pattern:/'[^\\']*(?:\\[\s\S][^\\']*)*'/,greedy:!0,alias:"string"},"double-quoted-string":{pattern:/"[^\\"]*(?:\\[\s\S][^\\"]*)*"/,greedy:!0,alias:"string",inside:{variable:{pattern:/\$(?:[a-z]\w*(?:\.(?:\d+|\$?[a-z]\w*))*)/i}}}}),delete e.languages.tt2.string,e.hooks.add("before-tokenize",function(t){e.languages["markup-templating"].buildPlaceholders(t,"tt2",/\[%[\s\S]+?%\]/g)}),e.hooks.add("after-tokenize",function(t){e.languages["markup-templating"].tokenizePlaceholders(t,"tt2")})}e.exports=a,a.displayName="tt2",a.aliases=[]},24691:function(e){"use strict";function t(e){e.languages.turtle={comment:{pattern:/#.*/,greedy:!0},"multiline-string":{pattern:/"""(?:(?:""?)?(?:[^"\\]|\\.))*"""|'''(?:(?:''?)?(?:[^'\\]|\\.))*'''/,greedy:!0,alias:"string",inside:{comment:/#.*/}},string:{pattern:/"(?:[^\\"\r\n]|\\.)*"|'(?:[^\\'\r\n]|\\.)*'/,greedy:!0},url:{pattern:/<(?:[^\x00-\x20<>"{}|^`\\]|\\(?:u[\da-fA-F]{4}|U[\da-fA-F]{8}))*>/,greedy:!0,inside:{punctuation:/[<>]/}},function:{pattern:/(?:(?![-.\d\xB7])[-.\w\xB7\xC0-\uFFFD]+)?:(?:(?![-.])(?:[-.:\w\xC0-\uFFFD]|%[\da-f]{2}|\\.)+)?/i,inside:{"local-name":{pattern:/([^:]*:)[\s\S]+/,lookbehind:!0},prefix:{pattern:/[\s\S]+/,inside:{punctuation:/:/}}}},number:/[+-]?\b\d+(?:\.\d*)?(?:e[+-]?\d+)?/i,punctuation:/[{}.,;()[\]]|\^\^/,boolean:/\b(?:false|true)\b/,keyword:[/(?:\ba|@prefix|@base)\b|=/,/\b(?:base|graph|prefix)\b/i],tag:{pattern:/@[a-z]+(?:-[a-z\d]+)*/i,inside:{punctuation:/@/}}},e.languages.trig=e.languages.turtle}e.exports=t,t.displayName="turtle",t.aliases=[]},19892:function(e,t,n){"use strict";var r=n(93205);function a(e){e.register(r),e.languages.twig={comment:/^\{#[\s\S]*?#\}$/,"tag-name":{pattern:/(^\{%-?\s*)\w+/,lookbehind:!0,alias:"keyword"},delimiter:{pattern:/^\{[{%]-?|-?[%}]\}$/,alias:"punctuation"},string:{pattern:/("|')(?:\\.|(?!\1)[^\\\r\n])*\1/,inside:{punctuation:/^['"]|['"]$/}},keyword:/\b(?:even|if|odd)\b/,boolean:/\b(?:false|null|true)\b/,number:/\b0x[\dA-Fa-f]+|(?:\b\d+(?:\.\d*)?|\B\.\d+)(?:[Ee][-+]?\d+)?/,operator:[{pattern:/(\s)(?:and|b-and|b-or|b-xor|ends with|in|is|matches|not|or|same as|starts with)(?=\s)/,lookbehind:!0},/[=<>]=?|!=|\*\*?|\/\/?|\?:?|[-+~%|]/],punctuation:/[()\[\]{}:.,]/},e.hooks.add("before-tokenize",function(t){"twig"===t.language&&e.languages["markup-templating"].buildPlaceholders(t,"twig",/\{(?:#[\s\S]*?#|%[\s\S]*?%|\{[\s\S]*?\})\}/g)}),e.hooks.add("after-tokenize",function(t){e.languages["markup-templating"].tokenizePlaceholders(t,"twig")})}e.exports=a,a.displayName="twig",a.aliases=[]},4979:function(e){"use strict";function t(e){var t;e.languages.typescript=e.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/}),e.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 e.languages.typescript.parameter,delete e.languages.typescript["literal-property"],t=e.languages.extend("typescript",{}),delete t["class-name"],e.languages.typescript["class-name"].inside=t,e.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:t}}}}),e.languages.ts=e.languages.typescript}e.exports=t,t.displayName="typescript",t.aliases=["ts"]},23159:function(e){"use strict";function t(e){var t;t=/\b(?:ACT|ACTIFSUB|CARRAY|CASE|CLEARGIF|COA|COA_INT|CONSTANTS|CONTENT|CUR|EDITPANEL|EFFECT|EXT|FILE|FLUIDTEMPLATE|FORM|FRAME|FRAMESET|GIFBUILDER|GMENU|GMENU_FOLDOUT|GMENU_LAYERS|GP|HMENU|HRULER|HTML|IENV|IFSUB|IMAGE|IMGMENU|IMGMENUITEM|IMGTEXT|IMG_RESOURCE|INCLUDE_TYPOSCRIPT|JSMENU|JSMENUITEM|LLL|LOAD_REGISTER|NO|PAGE|RECORDS|RESTORE_REGISTER|TEMPLATE|TEXT|TMENU|TMENUITEM|TMENU_LAYERS|USER|USER_INT|_GIFBUILDER|global|globalString|globalVar)\b/,e.languages.typoscript={comment:[{pattern:/(^|[^\\])\/\*[\s\S]*?(?:\*\/|$)/,lookbehind:!0},{pattern:/(^|[^\\:= \t]|(?:^|[^= \t])[ \t]+)\/\/.*/,lookbehind:!0,greedy:!0},{pattern:/(^|[^"'])#.*/,lookbehind:!0,greedy:!0}],function:[{pattern://,inside:{string:{pattern:/"[^"\r\n]*"|'[^'\r\n]*'/,inside:{keyword:t}},keyword:{pattern:/INCLUDE_TYPOSCRIPT/}}},{pattern:/@import\s*(?:"[^"\r\n]*"|'[^'\r\n]*')/,inside:{string:/"[^"\r\n]*"|'[^'\r\n]*'/}}],string:{pattern:/^([^=]*=[< ]?)(?:(?!\]\n).)*/,lookbehind:!0,inside:{function:/\{\$.*\}/,keyword:t,number:/^\d+$/,punctuation:/[,|:]/}},keyword:t,number:{pattern:/\b\d+\s*[.{=]/,inside:{operator:/[.{=]/}},tag:{pattern:/\.?[-\w\\]+\.?/,inside:{punctuation:/\./}},punctuation:/[{}[\];(),.:|]/,operator:/[<>]=?|[!=]=?=?|--?|\+\+?|&&?|\|\|?|[?*/~^%]/},e.languages.tsconfig=e.languages.typoscript}e.exports=t,t.displayName="typoscript",t.aliases=["tsconfig"]},34966:function(e){"use strict";function t(e){e.languages.unrealscript={comment:/\/\/.*|\/\*[\s\S]*?\*\//,string:{pattern:/(["'])(?:\\(?:\r\n|[\s\S])|(?!\1)[^\\\r\n])*\1/,greedy:!0},category:{pattern:/(\b(?:(?:autoexpand|hide|show)categories|var)\s*\()[^()]+(?=\))/,lookbehind:!0,greedy:!0,alias:"property"},metadata:{pattern:/(\w\s*)<\s*\w+\s*=[^<>|=\r\n]+(?:\|\s*\w+\s*=[^<>|=\r\n]+)*>/,lookbehind:!0,greedy:!0,inside:{property:/\b\w+(?=\s*=)/,operator:/=/,punctuation:/[<>|]/}},macro:{pattern:/`\w+/,alias:"property"},"class-name":{pattern:/(\b(?:class|enum|extends|interface|state(?:\(\))?|struct|within)\s+)\w+/,lookbehind:!0},keyword:/\b(?:abstract|actor|array|auto|autoexpandcategories|bool|break|byte|case|class|classgroup|client|coerce|collapsecategories|config|const|continue|default|defaultproperties|delegate|dependson|deprecated|do|dontcollapsecategories|editconst|editinlinenew|else|enum|event|exec|export|extends|final|float|for|forcescriptorder|foreach|function|goto|guid|hidecategories|hidedropdown|if|ignores|implements|inherits|input|int|interface|iterator|latent|local|material|name|native|nativereplication|noexport|nontransient|noteditinlinenew|notplaceable|operator|optional|out|pawn|perobjectconfig|perobjectlocalized|placeable|postoperator|preoperator|private|protected|reliable|replication|return|server|showcategories|simulated|singular|state|static|string|struct|structdefault|structdefaultproperties|switch|texture|transient|travel|unreliable|until|var|vector|while|within)\b/,function:/\b[a-z_]\w*(?=\s*\()/i,boolean:/\b(?:false|true)\b/,number:/\b0x[\da-f]+\b|(?:\b\d+(?:\.\d*)?|\B\.\d+)(?:e[+-]?\d+)?/i,operator:/>>|<<|--|\+\+|\*\*|[-+*/~!=<>$@]=?|&&?|\|\|?|\^\^?|[?:%]|\b(?:ClockwiseFrom|Cross|Dot)\b/,punctuation:/[()[\]{};,.]/},e.languages.uc=e.languages.uscript=e.languages.unrealscript}e.exports=t,t.displayName="unrealscript",t.aliases=["uc","uscript"]},44623:function(e){"use strict";function t(e){e.languages.uorazor={"comment-hash":{pattern:/#.*/,alias:"comment",greedy:!0},"comment-slash":{pattern:/\/\/.*/,alias:"comment",greedy:!0},string:{pattern:/("|')(?:\\.|(?!\1)[^\\\r\n])*\1/,inside:{punctuation:/^['"]|['"]$/},greedy:!0},"source-layers":{pattern:/\b(?:arms|backpack|blue|bracelet|cancel|clear|cloak|criminal|earrings|enemy|facialhair|friend|friendly|gloves|gray|grey|ground|hair|head|innerlegs|innertorso|innocent|lefthand|middletorso|murderer|neck|nonfriendly|onehandedsecondary|outerlegs|outertorso|pants|red|righthand|ring|self|shirt|shoes|talisman|waist)\b/i,alias:"function"},"source-commands":{pattern:/\b(?:alliance|attack|cast|clearall|clearignore|clearjournal|clearlist|clearsysmsg|createlist|createtimer|dclick|dclicktype|dclickvar|dress|dressconfig|drop|droprelloc|emote|getlabel|guild|gumpclose|gumpresponse|hotkey|ignore|lasttarget|lift|lifttype|menu|menuresponse|msg|org|organize|organizer|overhead|pause|poplist|potion|promptresponse|pushlist|removelist|removetimer|rename|restock|say|scav|scavenger|script|setability|setlasttarget|setskill|settimer|setvar|sysmsg|target|targetloc|targetrelloc|targettype|undress|unignore|unsetvar|useobject|useonce|useskill|usetype|virtue|wait|waitforgump|waitformenu|waitforprompt|waitforstat|waitforsysmsg|waitfortarget|walk|wfsysmsg|wft|whisper|yell)\b/,alias:"function"},"tag-name":{pattern:/(^\{%-?\s*)\w+/,lookbehind:!0,alias:"keyword"},delimiter:{pattern:/^\{[{%]-?|-?[%}]\}$/,alias:"punctuation"},function:/\b(?:atlist|close|closest|count|counter|counttype|dead|dex|diffhits|diffmana|diffstam|diffweight|find|findbuff|finddebuff|findlayer|findtype|findtypelist|followers|gumpexists|hidden|hits|hp|hue|human|humanoid|ingump|inlist|insysmessage|insysmsg|int|invul|lhandempty|list|listexists|mana|maxhits|maxhp|maxmana|maxstam|maxweight|monster|mounted|name|next|noto|paralyzed|poisoned|position|prev|previous|queued|rand|random|rhandempty|skill|stam|str|targetexists|timer|timerexists|varexist|warmode|weight)\b/,keyword:/\b(?:and|as|break|continue|else|elseif|endfor|endif|endwhile|for|if|loop|not|or|replay|stop|while)\b/,boolean:/\b(?:false|null|true)\b/,number:/\b0x[\dA-Fa-f]+|(?:\b\d+(?:\.\d*)?|\B\.\d+)(?:[Ee][-+]?\d+)?/,operator:[{pattern:/(\s)(?:and|b-and|b-or|b-xor|ends with|in|is|matches|not|or|same as|starts with)(?=\s)/,lookbehind:!0},/[=<>]=?|!=|\*\*?|\/\/?|\?:?|[-+~%|]/],punctuation:/[()\[\]{}:.,]/}}e.exports=t,t.displayName="uorazor",t.aliases=[]},38521:function(e){"use strict";function t(e){e.languages.uri={scheme:{pattern:/^[a-z][a-z0-9+.-]*:/im,greedy:!0,inside:{"scheme-delimiter":/:$/}},fragment:{pattern:/#[\w\-.~!$&'()*+,;=%:@/?]*/,inside:{"fragment-delimiter":/^#/}},query:{pattern:/\?[\w\-.~!$&'()*+,;=%:@/?]*/,inside:{"query-delimiter":{pattern:/^\?/,greedy:!0},"pair-delimiter":/[&;]/,pair:{pattern:/^[^=][\s\S]*/,inside:{key:/^[^=]+/,value:{pattern:/(^=)[\s\S]+/,lookbehind:!0}}}}},authority:{pattern:RegExp(/^\/\//.source+/(?:[\w\-.~!$&'()*+,;=%:]*@)?/.source+("(?:"+/\[(?:[0-9a-fA-F:.]{2,48}|v[0-9a-fA-F]+\.[\w\-.~!$&'()*+,;=]+)\]/.source)+"|"+/[\w\-.~!$&'()*+,;=%]*/.source+")"+/(?::\d*)?/.source,"m"),inside:{"authority-delimiter":/^\/\//,"user-info-segment":{pattern:/^[\w\-.~!$&'()*+,;=%:]*@/,inside:{"user-info-delimiter":/@$/,"user-info":/^[\w\-.~!$&'()*+,;=%:]+/}},"port-segment":{pattern:/:\d*$/,inside:{"port-delimiter":/^:/,port:/^\d+/}},host:{pattern:/[\s\S]+/,inside:{"ip-literal":{pattern:/^\[[\s\S]+\]$/,inside:{"ip-literal-delimiter":/^\[|\]$/,"ipv-future":/^v[\s\S]+/,"ipv6-address":/^[\s\S]+/}},"ipv4-address":/^(?:(?:[03-9]\d?|[12]\d{0,2})\.){3}(?:[03-9]\d?|[12]\d{0,2})$/}}}},path:{pattern:/^[\w\-.~!$&'()*+,;=%:@/]+/m,inside:{"path-separator":/\//}}},e.languages.url=e.languages.uri}e.exports=t,t.displayName="uri",t.aliases=["url"]},7255:function(e){"use strict";function t(e){var t;t={pattern:/[\s\S]+/,inside:null},e.languages.v=e.languages.extend("clike",{string:{pattern:/r?(["'])(?:\\(?:\r\n|[\s\S])|(?!\1)[^\\\r\n])*\1/,alias:"quoted-string",greedy:!0,inside:{interpolation:{pattern:/((?:^|[^\\])(?:\\{2})*)\$(?:\{[^{}]*\}|\w+(?:\.\w+(?:\([^\(\)]*\))?|\[[^\[\]]+\])*)/,lookbehind:!0,inside:{"interpolation-variable":{pattern:/^\$\w[\s\S]*$/,alias:"variable"},"interpolation-punctuation":{pattern:/^\$\{|\}$/,alias:"punctuation"},"interpolation-expression":t}}}},"class-name":{pattern:/(\b(?:enum|interface|struct|type)\s+)(?:C\.)?\w+/,lookbehind:!0},keyword:/(?:\b(?:__global|as|asm|assert|atomic|break|chan|const|continue|defer|else|embed|enum|fn|for|go(?:to)?|if|import|in|interface|is|lock|match|module|mut|none|or|pub|return|rlock|select|shared|sizeof|static|struct|type(?:of)?|union|unsafe)|\$(?:else|for|if)|#(?:flag|include))\b/,number:/\b(?:0x[a-f\d]+(?:_[a-f\d]+)*|0b[01]+(?:_[01]+)*|0o[0-7]+(?:_[0-7]+)*|\d+(?:_\d+)*(?:\.\d+(?:_\d+)*)?)\b/i,operator:/~|\?|[*\/%^!=]=?|\+[=+]?|-[=-]?|\|[=|]?|&(?:=|&|\^=?)?|>(?:>=?|=)?|<(?:<=?|=|-)?|:=|\.\.\.?/,builtin:/\b(?:any(?:_float|_int)?|bool|byte(?:ptr)?|charptr|f(?:32|64)|i(?:8|16|64|128|nt)|rune|size_t|string|u(?:16|32|64|128)|voidptr)\b/}),t.inside=e.languages.v,e.languages.insertBefore("v","string",{char:{pattern:/`(?:\\`|\\?[^`]{1,2})`/,alias:"rune"}}),e.languages.insertBefore("v","operator",{attribute:{pattern:/(^[\t ]*)\[(?:deprecated|direct_array_access|flag|inline|live|ref_only|typedef|unsafe_fn|windows_stdcall)\]/m,lookbehind:!0,alias:"annotation",inside:{punctuation:/[\[\]]/,keyword:/\w+/}},generic:{pattern:/<\w+>(?=\s*[\)\{])/,inside:{punctuation:/[<>]/,"class-name":/\w+/}}}),e.languages.insertBefore("v","function",{"generic-function":{pattern:/\b\w+\s*<\w+>(?=\()/,inside:{function:/^\w+/,generic:{pattern:/<\w+>/,inside:e.languages.v.generic.inside}}}})}e.exports=t,t.displayName="v",t.aliases=[]},28173:function(e){"use strict";function t(e){e.languages.vala=e.languages.extend("clike",{"class-name":[{pattern:/\b[A-Z]\w*(?:\.\w+)*\b(?=(?:\?\s+|\*?\s+\*?)\w)/,inside:{punctuation:/\./}},{pattern:/(\[)[A-Z]\w*(?:\.\w+)*\b/,lookbehind:!0,inside:{punctuation:/\./}},{pattern:/(\b(?:class|interface)\s+[A-Z]\w*(?:\.\w+)*\s*:\s*)[A-Z]\w*(?:\.\w+)*\b/,lookbehind:!0,inside:{punctuation:/\./}},{pattern:/((?:\b(?:class|enum|interface|new|struct)\s+)|(?:catch\s+\())[A-Z]\w*(?:\.\w+)*\b/,lookbehind:!0,inside:{punctuation:/\./}}],keyword:/\b(?:abstract|as|assert|async|base|bool|break|case|catch|char|class|const|construct|continue|default|delegate|delete|do|double|dynamic|else|ensures|enum|errordomain|extern|finally|float|for|foreach|get|if|in|inline|int|int16|int32|int64|int8|interface|internal|is|lock|long|namespace|new|null|out|override|owned|params|private|protected|public|ref|requires|return|set|short|signal|sizeof|size_t|ssize_t|static|string|struct|switch|this|throw|throws|try|typeof|uchar|uint|uint16|uint32|uint64|uint8|ulong|unichar|unowned|ushort|using|value|var|virtual|void|volatile|weak|while|yield)\b/i,function:/\b\w+(?=\s*\()/,number:/(?:\b0x[\da-f]+\b|(?:\b\d+(?:\.\d*)?|\B\.\d+)(?:e[+-]?\d+)?)(?:f|u?l?)?/i,operator:/\+\+|--|&&|\|\||<<=?|>>=?|=>|->|~|[+\-*\/%&^|=!<>]=?|\?\??|\.\.\./,punctuation:/[{}[\];(),.:]/,constant:/\b[A-Z0-9_]+\b/}),e.languages.insertBefore("vala","string",{"raw-string":{pattern:/"""[\s\S]*?"""/,greedy:!0,alias:"string"},"template-string":{pattern:/@"[\s\S]*?"/,greedy:!0,inside:{interpolation:{pattern:/\$(?:\([^)]*\)|[a-zA-Z]\w*)/,inside:{delimiter:{pattern:/^\$\(?|\)$/,alias:"punctuation"},rest:e.languages.vala}},string:/[\s\S]+/}}}),e.languages.insertBefore("vala","keyword",{regex:{pattern:/\/(?:\[(?:[^\]\\\r\n]|\\.)*\]|\\.|[^/\\\[\r\n])+\/[imsx]{0,4}(?=\s*(?:$|[\r\n,.;})\]]))/,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]+$/}}})}e.exports=t,t.displayName="vala",t.aliases=[]},53813:function(e,t,n){"use strict";var r=n(46241);function a(e){e.register(r),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:/[,;:(){}]/})}e.exports=a,a.displayName="vbnet",a.aliases=[]},46891:function(e){"use strict";function t(e){var t;e.languages.velocity=e.languages.extend("markup",{}),(t={variable:{pattern:/(^|[^\\](?:\\\\)*)\$!?(?:[a-z][\w-]*(?:\([^)]*\))?(?:\.[a-z][\w-]*(?:\([^)]*\))?|\[[^\]]+\])*|\{[^}]+\})/i,lookbehind:!0,inside:{}},string:{pattern:/"[^"]*"|'[^']*'/,greedy:!0},number:/\b\d+\b/,boolean:/\b(?:false|true)\b/,operator:/[=!<>]=?|[+*/%-]|&&|\|\||\.\.|\b(?:eq|g[et]|l[et]|n(?:e|ot))\b/,punctuation:/[(){}[\]:,.]/}).variable.inside={string:t.string,function:{pattern:/([^\w-])[a-z][\w-]*(?=\()/,lookbehind:!0},number:t.number,boolean:t.boolean,punctuation:t.punctuation},e.languages.insertBefore("velocity","comment",{unparsed:{pattern:/(^|[^\\])#\[\[[\s\S]*?\]\]#/,lookbehind:!0,greedy:!0,inside:{punctuation:/^#\[\[|\]\]#$/}},"velocity-comment":[{pattern:/(^|[^\\])#\*[\s\S]*?\*#/,lookbehind:!0,greedy:!0,alias:"comment"},{pattern:/(^|[^\\])##.*/,lookbehind:!0,greedy:!0,alias:"comment"}],directive:{pattern:/(^|[^\\](?:\\\\)*)#@?(?:[a-z][\w-]*|\{[a-z][\w-]*\})(?:\s*\((?:[^()]|\([^()]*\))*\))?/i,lookbehind:!0,inside:{keyword:{pattern:/^#@?(?:[a-z][\w-]*|\{[a-z][\w-]*\})|\bin\b/,inside:{punctuation:/[{}]/}},rest:t}},variable:t.variable}),e.languages.velocity.tag.inside["attr-value"].inside.rest=e.languages.velocity}e.exports=t,t.displayName="velocity",t.aliases=[]},91824:function(e){"use strict";function t(e){e.languages.verilog={comment:{pattern:/\/\/.*|\/\*[\s\S]*?\*\//,greedy:!0},string:{pattern:/"(?:\\(?:\r\n|[\s\S])|[^"\\\r\n])*"/,greedy:!0},"kernel-function":{pattern:/\B\$\w+\b/,alias:"property"},constant:/\B`\w+\b/,function:/\b\w+(?=\()/,keyword:/\b(?:alias|and|assert|assign|assume|automatic|before|begin|bind|bins|binsof|bit|break|buf|bufif0|bufif1|byte|case|casex|casez|cell|chandle|class|clocking|cmos|config|const|constraint|context|continue|cover|covergroup|coverpoint|cross|deassign|default|defparam|design|disable|dist|do|edge|else|end|endcase|endclass|endclocking|endconfig|endfunction|endgenerate|endgroup|endinterface|endmodule|endpackage|endprimitive|endprogram|endproperty|endsequence|endspecify|endtable|endtask|enum|event|expect|export|extends|extern|final|first_match|for|force|foreach|forever|fork|forkjoin|function|generate|genvar|highz0|highz1|if|iff|ifnone|ignore_bins|illegal_bins|import|incdir|include|initial|inout|input|inside|instance|int|integer|interface|intersect|join|join_any|join_none|large|liblist|library|local|localparam|logic|longint|macromodule|matches|medium|modport|module|nand|negedge|new|nmos|nor|noshowcancelled|not|notif0|notif1|null|or|output|package|packed|parameter|pmos|posedge|primitive|priority|program|property|protected|pull0|pull1|pulldown|pullup|pulsestyle_ondetect|pulsestyle_onevent|pure|rand|randc|randcase|randsequence|rcmos|real|realtime|ref|reg|release|repeat|return|rnmos|rpmos|rtran|rtranif0|rtranif1|scalared|sequence|shortint|shortreal|showcancelled|signed|small|solve|specify|specparam|static|string|strong0|strong1|struct|super|supply0|supply1|table|tagged|task|this|throughout|time|timeprecision|timeunit|tran|tranif0|tranif1|tri|tri0|tri1|triand|trior|trireg|type|typedef|union|unique|unsigned|use|uwire|var|vectored|virtual|void|wait|wait_order|wand|weak0|weak1|while|wildcard|wire|with|within|wor|xnor|xor)\b/,important:/\b(?:always|always_comb|always_ff|always_latch)\b(?: *@)?/,number:/\B##?\d+|(?:\b\d+)?'[odbh] ?[\da-fzx_?]+|\b(?:\d*[._])?\d+(?:e[-+]?\d+)?/i,operator:/[-+{}^~%*\/?=!<>&|]+/,punctuation:/[[\];(),.:]/}}e.exports=t,t.displayName="verilog",t.aliases=[]},9447:function(e){"use strict";function t(e){e.languages.vhdl={comment:/--.+/,"vhdl-vectors":{pattern:/\b[oxb]"[\da-f_]+"|"[01uxzwlh-]+"/i,alias:"number"},"quoted-function":{pattern:/"\S+?"(?=\()/,alias:"function"},string:/"(?:[^\\"\r\n]|\\(?:\r\n|[\s\S]))*"/,constant:/\b(?:library|use)\b/i,keyword:/\b(?:'active|'ascending|'base|'delayed|'driving|'driving_value|'event|'high|'image|'instance_name|'last_active|'last_event|'last_value|'left|'leftof|'length|'low|'path_name|'pos|'pred|'quiet|'range|'reverse_range|'right|'rightof|'simple_name|'stable|'succ|'transaction|'val|'value|access|after|alias|all|architecture|array|assert|attribute|begin|block|body|buffer|bus|case|component|configuration|constant|disconnect|downto|else|elsif|end|entity|exit|file|for|function|generate|generic|group|guarded|if|impure|in|inertial|inout|is|label|library|linkage|literal|loop|map|new|next|null|of|on|open|others|out|package|port|postponed|procedure|process|pure|range|record|register|reject|report|return|select|severity|shared|signal|subtype|then|to|transport|type|unaffected|units|until|use|variable|wait|when|while|with)\b/i,boolean:/\b(?:false|true)\b/i,function:/\w+(?=\()/,number:/'[01uxzwlh-]'|\b(?:\d+#[\da-f_.]+#|\d[\d_.]*)(?:e[-+]?\d+)?/i,operator:/[<>]=?|:=|[-+*/&=]|\b(?:abs|and|mod|nand|nor|not|or|rem|rol|ror|sla|sll|sra|srl|xnor|xor)\b/i,punctuation:/[{}[\];(),.:]/}}e.exports=t,t.displayName="vhdl",t.aliases=[]},53062:function(e){"use strict";function t(e){e.languages.vim={string:/"(?:[^"\\\r\n]|\\.)*"|'(?:[^'\r\n]|'')*'/,comment:/".*/,function:/\b\w+(?=\()/,keyword:/\b(?:N|Next|P|Print|X|XMLent|XMLns|ab|abbreviate|abc|abclear|abo|aboveleft|al|all|ar|arga|argadd|argd|argdelete|argdo|arge|argedit|argg|argglobal|argl|arglocal|args|argu|argument|as|ascii|b|bN|bNext|ba|bad|badd|ball|bd|bdelete|be|bel|belowright|bf|bfirst|bl|blast|bm|bmodified|bn|bnext|bo|botright|bp|bprevious|br|brea|break|breaka|breakadd|breakd|breakdel|breakl|breaklist|brewind|bro|browse|bufdo|buffer|buffers|bun|bunload|bw|bwipeout|c|cN|cNext|cNfcNfile|ca|cabbrev|cabc|cabclear|cad|caddb|caddbuffer|caddexpr|caddf|caddfile|cal|call|cat|catch|cb|cbuffer|cc|ccl|cclose|cd|ce|center|cex|cexpr|cf|cfile|cfir|cfirst|cg|cgetb|cgetbuffer|cgete|cgetexpr|cgetfile|change|changes|chd|chdir|che|checkpath|checkt|checktime|cl|cla|clast|clist|clo|close|cmapc|cmapclear|cn|cnew|cnewer|cnext|cnf|cnfile|cnorea|cnoreabbrev|co|col|colder|colo|colorscheme|comc|comclear|comp|compiler|con|conf|confirm|continue|cope|copen|copy|cp|cpf|cpfile|cprevious|cq|cquit|cr|crewind|cu|cuna|cunabbrev|cunmap|cw|cwindow|d|debugg|debuggreedy|delc|delcommand|delete|delf|delfunction|delm|delmarks|di|diffg|diffget|diffoff|diffpatch|diffpu|diffput|diffsplit|diffthis|diffu|diffupdate|dig|digraphs|display|dj|djump|dl|dlist|dr|drop|ds|dsearch|dsp|dsplit|e|earlier|echoe|echoerr|echom|echomsg|echon|edit|el|else|elsei|elseif|em|emenu|en|endf|endfo|endfor|endfun|endfunction|endif|endt|endtry|endw|endwhile|ene|enew|ex|exi|exit|exu|exusage|f|file|files|filetype|fin|fina|finally|find|fini|finish|fir|first|fix|fixdel|fo|fold|foldc|foldclose|foldd|folddoc|folddoclosed|folddoopen|foldo|foldopen|for|fu|fun|function|go|goto|gr|grep|grepa|grepadd|h|ha|hardcopy|help|helpf|helpfind|helpg|helpgrep|helpt|helptags|hid|hide|his|history|ia|iabbrev|iabc|iabclear|if|ij|ijump|il|ilist|imapc|imapclear|in|inorea|inoreabbrev|isearch|isp|isplit|iu|iuna|iunabbrev|iunmap|j|join|ju|jumps|k|kee|keepalt|keepj|keepjumps|keepmarks|l|lN|lNext|lNf|lNfile|la|lad|laddb|laddbuffer|laddexpr|laddf|laddfile|lan|language|last|later|lb|lbuffer|lc|lcd|lch|lchdir|lcl|lclose|left|lefta|leftabove|let|lex|lexpr|lf|lfile|lfir|lfirst|lg|lgetb|lgetbuffer|lgete|lgetexpr|lgetfile|lgr|lgrep|lgrepa|lgrepadd|lh|lhelpgrep|list|ll|lla|llast|lli|llist|lm|lmak|lmake|lmap|lmapc|lmapclear|ln|lne|lnew|lnewer|lnext|lnf|lnfile|lnoremap|lo|loadview|loc|lockmarks|lockv|lockvar|lol|lolder|lop|lopen|lp|lpf|lpfile|lprevious|lr|lrewind|ls|lt|ltag|lu|lunmap|lv|lvimgrep|lvimgrepa|lvimgrepadd|lw|lwindow|m|ma|mak|make|mark|marks|mat|match|menut|menutranslate|mk|mkexrc|mks|mksession|mksp|mkspell|mkv|mkvie|mkview|mkvimrc|mod|mode|move|mz|mzf|mzfile|mzscheme|n|nbkey|new|next|nmapc|nmapclear|noh|nohlsearch|norea|noreabbrev|nu|number|nun|nunmap|o|omapc|omapclear|on|only|open|opt|options|ou|ounmap|p|pc|pclose|pe|ped|pedit|perl|perld|perldo|po|pop|popu|popup|pp|ppop|pre|preserve|prev|previous|print|prof|profd|profdel|profile|promptf|promptfind|promptr|promptrepl|ps|psearch|ptN|ptNext|pta|ptag|ptf|ptfirst|ptj|ptjump|ptl|ptlast|ptn|ptnext|ptp|ptprevious|ptr|ptrewind|pts|ptselect|pu|put|pw|pwd|py|pyf|pyfile|python|q|qa|qall|quit|quita|quitall|r|read|rec|recover|red|redi|redir|redo|redr|redraw|redraws|redrawstatus|reg|registers|res|resize|ret|retab|retu|return|rew|rewind|ri|right|rightb|rightbelow|ru|rub|ruby|rubyd|rubydo|rubyf|rubyfile|runtime|rv|rviminfo|sN|sNext|sa|sal|sall|san|sandbox|sargument|sav|saveas|sb|sbN|sbNext|sba|sball|sbf|sbfirst|sbl|sblast|sbm|sbmodified|sbn|sbnext|sbp|sbprevious|sbr|sbrewind|sbuffer|scrip|scripte|scriptencoding|scriptnames|se|set|setf|setfiletype|setg|setglobal|setl|setlocal|sf|sfind|sfir|sfirst|sh|shell|sign|sil|silent|sim|simalt|sl|sla|slast|sleep|sm|smagic|smap|smapc|smapclear|sme|smenu|sn|snext|sni|sniff|sno|snomagic|snor|snoremap|snoreme|snoremenu|so|sor|sort|source|sp|spe|spelld|spelldump|spellgood|spelli|spellinfo|spellr|spellrepall|spellu|spellundo|spellw|spellwrong|split|spr|sprevious|sre|srewind|st|sta|stag|star|startg|startgreplace|startinsert|startr|startreplace|stj|stjump|stop|stopi|stopinsert|sts|stselect|sun|sunhide|sunm|sunmap|sus|suspend|sv|sview|syncbind|t|tN|tNext|ta|tab|tabN|tabNext|tabc|tabclose|tabd|tabdo|tabe|tabedit|tabf|tabfind|tabfir|tabfirst|tabl|tablast|tabm|tabmove|tabn|tabnew|tabnext|tabo|tabonly|tabp|tabprevious|tabr|tabrewind|tabs|tag|tags|tc|tcl|tcld|tcldo|tclf|tclfile|te|tearoff|tf|tfirst|th|throw|tj|tjump|tl|tlast|tm|tmenu|tn|tnext|to|topleft|tp|tprevious|tr|trewind|try|ts|tselect|tu|tunmenu|u|una|unabbreviate|undo|undoj|undojoin|undol|undolist|unh|unhide|unlet|unlo|unlockvar|unm|unmap|up|update|ve|verb|verbose|version|vert|vertical|vi|vie|view|vim|vimgrep|vimgrepa|vimgrepadd|visual|viu|viusage|vmapc|vmapclear|vne|vnew|vs|vsplit|vu|vunmap|w|wN|wNext|wa|wall|wh|while|win|winc|wincmd|windo|winp|winpos|winsize|wn|wnext|wp|wprevious|wq|wqa|wqall|write|ws|wsverb|wv|wviminfo|x|xa|xall|xit|xm|xmap|xmapc|xmapclear|xme|xmenu|xn|xnoremap|xnoreme|xnoremenu|xu|xunmap|y|yank)\b/,builtin:/\b(?:acd|ai|akm|aleph|allowrevins|altkeymap|ambiwidth|ambw|anti|antialias|arab|arabic|arabicshape|ari|arshape|autochdir|autocmd|autoindent|autoread|autowrite|autowriteall|aw|awa|background|backspace|backup|backupcopy|backupdir|backupext|backupskip|balloondelay|ballooneval|balloonexpr|bdir|bdlay|beval|bex|bexpr|bg|bh|bin|binary|biosk|bioskey|bk|bkc|bomb|breakat|brk|browsedir|bs|bsdir|bsk|bt|bufhidden|buflisted|buftype|casemap|ccv|cdpath|cedit|cfu|ch|charconvert|ci|cin|cindent|cink|cinkeys|cino|cinoptions|cinw|cinwords|clipboard|cmdheight|cmdwinheight|cmp|cms|columns|com|comments|commentstring|compatible|complete|completefunc|completeopt|consk|conskey|copyindent|cot|cpo|cpoptions|cpt|cscopepathcomp|cscopeprg|cscopequickfix|cscopetag|cscopetagorder|cscopeverbose|cspc|csprg|csqf|cst|csto|csverb|cuc|cul|cursorcolumn|cursorline|cwh|debug|deco|def|define|delcombine|dex|dg|dict|dictionary|diff|diffexpr|diffopt|digraph|dip|dir|directory|dy|ea|ead|eadirection|eb|ed|edcompatible|ef|efm|ei|ek|enc|encoding|endofline|eol|ep|equalalways|equalprg|errorbells|errorfile|errorformat|esckeys|et|eventignore|expandtab|exrc|fcl|fcs|fdc|fde|fdi|fdl|fdls|fdm|fdn|fdo|fdt|fen|fenc|fencs|fex|ff|ffs|fileencoding|fileencodings|fileformat|fileformats|fillchars|fk|fkmap|flp|fml|fmr|foldcolumn|foldenable|foldexpr|foldignore|foldlevel|foldlevelstart|foldmarker|foldmethod|foldminlines|foldnestmax|foldtext|formatexpr|formatlistpat|formatoptions|formatprg|fp|fs|fsync|ft|gcr|gd|gdefault|gfm|gfn|gfs|gfw|ghr|gp|grepformat|grepprg|gtl|gtt|guicursor|guifont|guifontset|guifontwide|guiheadroom|guioptions|guipty|guitablabel|guitabtooltip|helpfile|helpheight|helplang|hf|hh|hi|hidden|highlight|hk|hkmap|hkmapp|hkp|hl|hlg|hls|hlsearch|ic|icon|iconstring|ignorecase|im|imactivatekey|imak|imc|imcmdline|imd|imdisable|imi|iminsert|ims|imsearch|inc|include|includeexpr|incsearch|inde|indentexpr|indentkeys|indk|inex|inf|infercase|insertmode|invacd|invai|invakm|invallowrevins|invaltkeymap|invanti|invantialias|invar|invarab|invarabic|invarabicshape|invari|invarshape|invautochdir|invautoindent|invautoread|invautowrite|invautowriteall|invaw|invawa|invbackup|invballooneval|invbeval|invbin|invbinary|invbiosk|invbioskey|invbk|invbl|invbomb|invbuflisted|invcf|invci|invcin|invcindent|invcompatible|invconfirm|invconsk|invconskey|invcopyindent|invcp|invcscopetag|invcscopeverbose|invcst|invcsverb|invcuc|invcul|invcursorcolumn|invcursorline|invdeco|invdelcombine|invdg|invdiff|invdigraph|invdisable|invea|inveb|inved|invedcompatible|invek|invendofline|inveol|invequalalways|inverrorbells|invesckeys|invet|invex|invexpandtab|invexrc|invfen|invfk|invfkmap|invfoldenable|invgd|invgdefault|invguipty|invhid|invhidden|invhk|invhkmap|invhkmapp|invhkp|invhls|invhlsearch|invic|invicon|invignorecase|invim|invimc|invimcmdline|invimd|invincsearch|invinf|invinfercase|invinsertmode|invis|invjoinspaces|invjs|invlazyredraw|invlbr|invlinebreak|invlisp|invlist|invloadplugins|invlpl|invlz|invma|invmacatsui|invmagic|invmh|invml|invmod|invmodeline|invmodifiable|invmodified|invmore|invmousef|invmousefocus|invmousehide|invnu|invnumber|invodev|invopendevice|invpaste|invpi|invpreserveindent|invpreviewwindow|invprompt|invpvw|invreadonly|invremap|invrestorescreen|invrevins|invri|invrightleft|invrightleftcmd|invrl|invrlc|invro|invrs|invru|invruler|invsb|invsc|invscb|invscrollbind|invscs|invsecure|invsft|invshellslash|invshelltemp|invshiftround|invshortname|invshowcmd|invshowfulltag|invshowmatch|invshowmode|invsi|invsm|invsmartcase|invsmartindent|invsmarttab|invsmd|invsn|invsol|invspell|invsplitbelow|invsplitright|invspr|invsr|invssl|invsta|invstartofline|invstmp|invswapfile|invswf|invta|invtagbsearch|invtagrelative|invtagstack|invtbi|invtbidi|invtbs|invtermbidi|invterse|invtextauto|invtextmode|invtf|invtgst|invtildeop|invtimeout|invtitle|invto|invtop|invtr|invttimeout|invttybuiltin|invttyfast|invtx|invvb|invvisualbell|invwa|invwarn|invwb|invweirdinvert|invwfh|invwfw|invwildmenu|invwinfixheight|invwinfixwidth|invwiv|invwmnu|invwrap|invwrapscan|invwrite|invwriteany|invwritebackup|invws|isf|isfname|isi|isident|isk|iskeyword|isprint|joinspaces|js|key|keymap|keymodel|keywordprg|km|kmp|kp|langmap|langmenu|laststatus|lazyredraw|lbr|lcs|linebreak|lines|linespace|lisp|lispwords|listchars|loadplugins|lpl|lsp|lz|macatsui|magic|makeef|makeprg|matchpairs|matchtime|maxcombine|maxfuncdepth|maxmapdepth|maxmem|maxmempattern|maxmemtot|mco|mef|menuitems|mfd|mh|mis|mkspellmem|ml|mls|mm|mmd|mmp|mmt|modeline|modelines|modifiable|modified|more|mouse|mousef|mousefocus|mousehide|mousem|mousemodel|mouses|mouseshape|mouset|mousetime|mp|mps|msm|mzq|mzquantum|nf|noacd|noai|noakm|noallowrevins|noaltkeymap|noanti|noantialias|noar|noarab|noarabic|noarabicshape|noari|noarshape|noautochdir|noautoindent|noautoread|noautowrite|noautowriteall|noaw|noawa|nobackup|noballooneval|nobeval|nobin|nobinary|nobiosk|nobioskey|nobk|nobl|nobomb|nobuflisted|nocf|noci|nocin|nocindent|nocompatible|noconfirm|noconsk|noconskey|nocopyindent|nocp|nocscopetag|nocscopeverbose|nocst|nocsverb|nocuc|nocul|nocursorcolumn|nocursorline|nodeco|nodelcombine|nodg|nodiff|nodigraph|nodisable|noea|noeb|noed|noedcompatible|noek|noendofline|noeol|noequalalways|noerrorbells|noesckeys|noet|noex|noexpandtab|noexrc|nofen|nofk|nofkmap|nofoldenable|nogd|nogdefault|noguipty|nohid|nohidden|nohk|nohkmap|nohkmapp|nohkp|nohls|noic|noicon|noignorecase|noim|noimc|noimcmdline|noimd|noincsearch|noinf|noinfercase|noinsertmode|nois|nojoinspaces|nojs|nolazyredraw|nolbr|nolinebreak|nolisp|nolist|noloadplugins|nolpl|nolz|noma|nomacatsui|nomagic|nomh|noml|nomod|nomodeline|nomodifiable|nomodified|nomore|nomousef|nomousefocus|nomousehide|nonu|nonumber|noodev|noopendevice|nopaste|nopi|nopreserveindent|nopreviewwindow|noprompt|nopvw|noreadonly|noremap|norestorescreen|norevins|nori|norightleft|norightleftcmd|norl|norlc|noro|nors|noru|noruler|nosb|nosc|noscb|noscrollbind|noscs|nosecure|nosft|noshellslash|noshelltemp|noshiftround|noshortname|noshowcmd|noshowfulltag|noshowmatch|noshowmode|nosi|nosm|nosmartcase|nosmartindent|nosmarttab|nosmd|nosn|nosol|nospell|nosplitbelow|nosplitright|nospr|nosr|nossl|nosta|nostartofline|nostmp|noswapfile|noswf|nota|notagbsearch|notagrelative|notagstack|notbi|notbidi|notbs|notermbidi|noterse|notextauto|notextmode|notf|notgst|notildeop|notimeout|notitle|noto|notop|notr|nottimeout|nottybuiltin|nottyfast|notx|novb|novisualbell|nowa|nowarn|nowb|noweirdinvert|nowfh|nowfw|nowildmenu|nowinfixheight|nowinfixwidth|nowiv|nowmnu|nowrap|nowrapscan|nowrite|nowriteany|nowritebackup|nows|nrformats|numberwidth|nuw|odev|oft|ofu|omnifunc|opendevice|operatorfunc|opfunc|osfiletype|pa|para|paragraphs|paste|pastetoggle|patchexpr|patchmode|path|pdev|penc|pex|pexpr|pfn|ph|pheader|pi|pm|pmbcs|pmbfn|popt|preserveindent|previewheight|previewwindow|printdevice|printencoding|printexpr|printfont|printheader|printmbcharset|printmbfont|printoptions|prompt|pt|pumheight|pvh|pvw|qe|quoteescape|readonly|remap|report|restorescreen|revins|rightleft|rightleftcmd|rl|rlc|ro|rs|rtp|ruf|ruler|rulerformat|runtimepath|sbo|sc|scb|scr|scroll|scrollbind|scrolljump|scrolloff|scrollopt|scs|sect|sections|secure|sel|selection|selectmode|sessionoptions|sft|shcf|shellcmdflag|shellpipe|shellquote|shellredir|shellslash|shelltemp|shelltype|shellxquote|shiftround|shiftwidth|shm|shortmess|shortname|showbreak|showcmd|showfulltag|showmatch|showmode|showtabline|shq|si|sidescroll|sidescrolloff|siso|sj|slm|smartcase|smartindent|smarttab|smc|smd|softtabstop|sol|spc|spell|spellcapcheck|spellfile|spelllang|spellsuggest|spf|spl|splitbelow|splitright|sps|sr|srr|ss|ssl|ssop|stal|startofline|statusline|stl|stmp|su|sua|suffixes|suffixesadd|sw|swapfile|swapsync|swb|swf|switchbuf|sws|sxq|syn|synmaxcol|syntax|t_AB|t_AF|t_AL|t_CS|t_CV|t_Ce|t_Co|t_Cs|t_DL|t_EI|t_F1|t_F2|t_F3|t_F4|t_F5|t_F6|t_F7|t_F8|t_F9|t_IE|t_IS|t_K1|t_K3|t_K4|t_K5|t_K6|t_K7|t_K8|t_K9|t_KA|t_KB|t_KC|t_KD|t_KE|t_KF|t_KG|t_KH|t_KI|t_KJ|t_KK|t_KL|t_RI|t_RV|t_SI|t_Sb|t_Sf|t_WP|t_WS|t_ZH|t_ZR|t_al|t_bc|t_cd|t_ce|t_cl|t_cm|t_cs|t_da|t_db|t_dl|t_fs|t_k1|t_k2|t_k3|t_k4|t_k5|t_k6|t_k7|t_k8|t_k9|t_kB|t_kD|t_kI|t_kN|t_kP|t_kb|t_kd|t_ke|t_kh|t_kl|t_kr|t_ks|t_ku|t_le|t_mb|t_md|t_me|t_mr|t_ms|t_nd|t_op|t_se|t_so|t_sr|t_te|t_ti|t_ts|t_ue|t_us|t_ut|t_vb|t_ve|t_vi|t_vs|t_xs|tabline|tabpagemax|tabstop|tagbsearch|taglength|tagrelative|tagstack|tal|tb|tbi|tbidi|tbis|tbs|tenc|term|termbidi|termencoding|terse|textauto|textmode|textwidth|tgst|thesaurus|tildeop|timeout|timeoutlen|title|titlelen|titleold|titlestring|toolbar|toolbariconsize|top|tpm|tsl|tsr|ttimeout|ttimeoutlen|ttm|tty|ttybuiltin|ttyfast|ttym|ttymouse|ttyscroll|ttytype|tw|tx|uc|ul|undolevels|updatecount|updatetime|ut|vb|vbs|vdir|verbosefile|vfile|viewdir|viewoptions|viminfo|virtualedit|visualbell|vop|wak|warn|wb|wc|wcm|wd|weirdinvert|wfh|wfw|whichwrap|wi|wig|wildchar|wildcharm|wildignore|wildmenu|wildmode|wildoptions|wim|winaltkeys|window|winfixheight|winfixwidth|winheight|winminheight|winminwidth|winwidth|wiv|wiw|wm|wmh|wmnu|wmw|wop|wrap|wrapmargin|wrapscan|writeany|writebackup|writedelay|ww)\b/,number:/\b(?:0x[\da-f]+|\d+(?:\.\d+)?)\b/i,operator:/\|\||&&|[-+.]=?|[=!](?:[=~][#?]?)?|[<>]=?[#?]?|[*\/%?]|\b(?:is(?:not)?)\b/,punctuation:/[{}[\](),;:]/}}e.exports=t,t.displayName="vim",t.aliases=[]},46215:function(e){"use strict";function t(e){e.languages["visual-basic"]={comment:{pattern:/(?:['‘’]|REM\b)(?:[^\r\n_]|_(?:\r\n?|\n)?)*/i,inside:{keyword:/^REM/i}},directive:{pattern:/#(?:Const|Else|ElseIf|End|ExternalChecksum|ExternalSource|If|Region)(?:\b_[ \t]*(?:\r\n?|\n)|.)+/i,alias:"property",greedy:!0},string:{pattern:/\$?["“”](?:["“”]{2}|[^"“”])*["“”]C?/i,greedy:!0},date:{pattern:/#[ \t]*(?:\d+([/-])\d+\1\d+(?:[ \t]+(?:\d+[ \t]*(?:AM|PM)|\d+:\d+(?::\d+)?(?:[ \t]*(?:AM|PM))?))?|\d+[ \t]*(?:AM|PM)|\d+:\d+(?::\d+)?(?:[ \t]*(?:AM|PM))?)[ \t]*#/i,alias:"number"},number:/(?:(?:\b\d+(?:\.\d+)?|\.\d+)(?:E[+-]?\d+)?|&[HO][\dA-F]+)(?:[FRD]|U?[ILS])?/i,boolean:/\b(?:False|Nothing|True)\b/i,keyword:/\b(?:AddHandler|AddressOf|Alias|And(?:Also)?|As|Boolean|ByRef|Byte|ByVal|Call|Case|Catch|C(?:Bool|Byte|Char|Date|Dbl|Dec|Int|Lng|Obj|SByte|Short|Sng|Str|Type|UInt|ULng|UShort)|Char|Class|Const|Continue|Currency|Date|Decimal|Declare|Default|Delegate|Dim|DirectCast|Do|Double|Each|Else(?:If)?|End(?:If)?|Enum|Erase|Error|Event|Exit|Finally|For|Friend|Function|Get(?:Type|XMLNamespace)?|Global|GoSub|GoTo|Handles|If|Implements|Imports|In|Inherits|Integer|Interface|Is|IsNot|Let|Lib|Like|Long|Loop|Me|Mod|Module|Must(?:Inherit|Override)|My(?:Base|Class)|Namespace|Narrowing|New|Next|Not(?:Inheritable|Overridable)?|Object|Of|On|Operator|Option(?:al)?|Or(?:Else)?|Out|Overloads|Overridable|Overrides|ParamArray|Partial|Private|Property|Protected|Public|RaiseEvent|ReadOnly|ReDim|RemoveHandler|Resume|Return|SByte|Select|Set|Shadows|Shared|short|Single|Static|Step|Stop|String|Structure|Sub|SyncLock|Then|Throw|To|Try|TryCast|Type|TypeOf|U(?:Integer|Long|Short)|Until|Using|Variant|Wend|When|While|Widening|With(?:Events)?|WriteOnly|Xor)\b/i,operator:/[+\-*/\\^<=>&#@$%!]|\b_(?=[ \t]*[\r\n])/,punctuation:/[{}().,:?]/},e.languages.vb=e.languages["visual-basic"],e.languages.vba=e.languages["visual-basic"]}e.exports=t,t.displayName="visualBasic",t.aliases=[]},10784:function(e){"use strict";function t(e){e.languages.warpscript={comment:/#.*|\/\/.*|\/\*[\s\S]*?\*\//,string:{pattern:/"(?:[^"\\\r\n]|\\.)*"|'(?:[^'\\\r\n]|\\.)*'|<'(?:[^\\']|'(?!>)|\\.)*'>/,greedy:!0},variable:/\$\S+/,macro:{pattern:/@\S+/,alias:"property"},keyword:/\b(?:BREAK|CHECKMACRO|CONTINUE|CUDF|DEFINED|DEFINEDMACRO|EVAL|FAIL|FOR|FOREACH|FORSTEP|IFT|IFTE|MSGFAIL|NRETURN|RETHROW|RETURN|SWITCH|TRY|UDF|UNTIL|WHILE)\b/,number:/[+-]?\b(?:NaN|Infinity|\d+(?:\.\d*)?(?:[Ee][+-]?\d+)?|0x[\da-fA-F]+|0b[01]+)\b/,boolean:/\b(?:F|T|false|true)\b/,punctuation:/<%|%>|[{}[\]()]/,operator:/==|&&?|\|\|?|\*\*?|>>>?|<<|[<>!~]=?|[-/%^]|\+!?|\b(?:AND|NOT|OR)\b/}}e.exports=t,t.displayName="warpscript",t.aliases=[]},17684:function(e){"use strict";function t(e){e.languages.wasm={comment:[/\(;[\s\S]*?;\)/,{pattern:/;;.*/,greedy:!0}],string:{pattern:/"(?:\\[\s\S]|[^"\\])*"/,greedy:!0},keyword:[{pattern:/\b(?:align|offset)=/,inside:{operator:/=/}},{pattern:/\b(?:(?:f32|f64|i32|i64)(?:\.(?:abs|add|and|ceil|clz|const|convert_[su]\/i(?:32|64)|copysign|ctz|demote\/f64|div(?:_[su])?|eqz?|extend_[su]\/i32|floor|ge(?:_[su])?|gt(?:_[su])?|le(?:_[su])?|load(?:(?:8|16|32)_[su])?|lt(?:_[su])?|max|min|mul|neg?|nearest|or|popcnt|promote\/f32|reinterpret\/[fi](?:32|64)|rem_[su]|rot[lr]|shl|shr_[su]|sqrt|store(?:8|16|32)?|sub|trunc(?:_[su]\/f(?:32|64))?|wrap\/i64|xor))?|memory\.(?:grow|size))\b/,inside:{punctuation:/\./}},/\b(?:anyfunc|block|br(?:_if|_table)?|call(?:_indirect)?|data|drop|elem|else|end|export|func|get_(?:global|local)|global|if|import|local|loop|memory|module|mut|nop|offset|param|result|return|select|set_(?:global|local)|start|table|tee_local|then|type|unreachable)\b/],variable:/\$[\w!#$%&'*+\-./:<=>?@\\^`|~]+/,number:/[+-]?\b(?:\d(?:_?\d)*(?:\.\d(?:_?\d)*)?(?:[eE][+-]?\d(?:_?\d)*)?|0x[\da-fA-F](?:_?[\da-fA-F])*(?:\.[\da-fA-F](?:_?[\da-fA-D])*)?(?:[pP][+-]?\d(?:_?\d)*)?)\b|\binf\b|\bnan(?::0x[\da-fA-F](?:_?[\da-fA-D])*)?\b/,punctuation:/[()]/}}e.exports=t,t.displayName="wasm",t.aliases=[]},64851:function(e){"use strict";function t(e){!function(e){var t=/(?:\B-|\b_|\b)[A-Za-z][\w-]*(?![\w-])/.source,n="(?:"+/\b(?:unsigned\s+)?long\s+long(?![\w-])/.source+"|"+/\b(?:unrestricted|unsigned)\s+[a-z]+(?![\w-])/.source+"|"+/(?!(?:unrestricted|unsigned)\b)/.source+t+/(?:\s*<(?:[^<>]|<[^<>]*>)*>)?/.source+")"+/(?:\s*\?)?/.source,r={};for(var a in e.languages["web-idl"]={comment:{pattern:/\/\/.*|\/\*[\s\S]*?\*\//,greedy:!0},string:{pattern:/"[^"]*"/,greedy:!0},namespace:{pattern:RegExp(/(\bnamespace\s+)/.source+t),lookbehind:!0},"class-name":[{pattern:/(^|[^\w-])(?:iterable|maplike|setlike)\s*<(?:[^<>]|<[^<>]*>)*>/,lookbehind:!0,inside:r},{pattern:RegExp(/(\b(?:attribute|const|deleter|getter|optional|setter)\s+)/.source+n),lookbehind:!0,inside:r},{pattern:RegExp("("+/\bcallback\s+/.source+t+/\s*=\s*/.source+")"+n),lookbehind:!0,inside:r},{pattern:RegExp(/(\btypedef\b\s*)/.source+n),lookbehind:!0,inside:r},{pattern:RegExp(/(\b(?:callback|dictionary|enum|interface(?:\s+mixin)?)\s+)(?!(?:interface|mixin)\b)/.source+t),lookbehind:!0},{pattern:RegExp(/(:\s*)/.source+t),lookbehind:!0},RegExp(t+/(?=\s+(?:implements|includes)\b)/.source),{pattern:RegExp(/(\b(?:implements|includes)\s+)/.source+t),lookbehind:!0},{pattern:RegExp(n+"(?="+/\s*(?:\.{3}\s*)?/.source+t+/\s*[(),;=]/.source+")"),inside:r}],builtin:/\b(?:ArrayBuffer|BigInt64Array|BigUint64Array|ByteString|DOMString|DataView|Float32Array|Float64Array|FrozenArray|Int16Array|Int32Array|Int8Array|ObservableArray|Promise|USVString|Uint16Array|Uint32Array|Uint8Array|Uint8ClampedArray)\b/,keyword:[/\b(?:async|attribute|callback|const|constructor|deleter|dictionary|enum|getter|implements|includes|inherit|interface|mixin|namespace|null|optional|or|partial|readonly|required|setter|static|stringifier|typedef|unrestricted)\b/,/\b(?:any|bigint|boolean|byte|double|float|iterable|long|maplike|object|octet|record|sequence|setlike|short|symbol|undefined|unsigned|void)\b/],boolean:/\b(?:false|true)\b/,number:{pattern:/(^|[^\w-])-?(?:0x[0-9a-f]+|(?:\d+(?:\.\d*)?|\.\d+)(?:e[+-]?\d+)?|NaN|Infinity)(?![\w-])/i,lookbehind:!0},operator:/\.{3}|[=:?<>-]/,punctuation:/[(){}[\].,;]/},e.languages["web-idl"])"class-name"!==a&&(r[a]=e.languages["web-idl"][a]);e.languages.webidl=e.languages["web-idl"]}(e)}e.exports=t,t.displayName="webIdl",t.aliases=[]},18191:function(e){"use strict";function t(e){e.languages.wiki=e.languages.extend("markup",{"block-comment":{pattern:/(^|[^\\])\/\*[\s\S]*?\*\//,lookbehind:!0,alias:"comment"},heading:{pattern:/^(=+)[^=\r\n].*?\1/m,inside:{punctuation:/^=+|=+$/,important:/.+/}},emphasis:{pattern:/('{2,5}).+?\1/,inside:{"bold-italic":{pattern:/(''''').+?(?=\1)/,lookbehind:!0,alias:["bold","italic"]},bold:{pattern:/(''')[^'](?:.*?[^'])?(?=\1)/,lookbehind:!0},italic:{pattern:/('')[^'](?:.*?[^'])?(?=\1)/,lookbehind:!0},punctuation:/^''+|''+$/}},hr:{pattern:/^-{4,}/m,alias:"punctuation"},url:[/ISBN +(?:97[89][ -]?)?(?:\d[ -]?){9}[\dx]\b|(?:PMID|RFC) +\d+/i,/\[\[.+?\]\]|\[.+?\]/],variable:[/__[A-Z]+__/,/\{{3}.+?\}{3}/,/\{\{.+?\}\}/],symbol:[/^#redirect/im,/~{3,5}/],"table-tag":{pattern:/((?:^|[|!])[|!])[^|\r\n]+\|(?!\|)/m,lookbehind:!0,inside:{"table-bar":{pattern:/\|$/,alias:"punctuation"},rest:e.languages.markup.tag.inside}},punctuation:/^(?:\{\||\|\}|\|-|[*#:;!|])|\|\||!!/m}),e.languages.insertBefore("wiki","tag",{nowiki:{pattern:/<(nowiki|pre|source)\b[^>]*>[\s\S]*?<\/\1>/i,inside:{tag:{pattern:/<(?:nowiki|pre|source)\b[^>]*>|<\/(?:nowiki|pre|source)>/i,inside:e.languages.markup.tag.inside}}}})}e.exports=t,t.displayName="wiki",t.aliases=[]},75242:function(e){"use strict";function t(e){e.languages.wolfram={comment:/\(\*(?:\(\*(?:[^*]|\*(?!\)))*\*\)|(?!\(\*)[\s\S])*?\*\)/,string:{pattern:/"(?:\\.|[^"\\\r\n])*"/,greedy:!0},keyword:/\b(?:Abs|AbsArg|Accuracy|Block|Do|For|Function|If|Manipulate|Module|Nest|NestList|None|Return|Switch|Table|Which|While)\b/,context:{pattern:/\b\w+`+\w*/,alias:"class-name"},blank:{pattern:/\b\w+_\b/,alias:"regex"},"global-variable":{pattern:/\$\w+/,alias:"variable"},boolean:/\b(?:False|True)\b/,number:/(?:\b(?=\d)|\B(?=\.))(?:0[bo])?(?:(?:\d|0x[\da-f])[\da-f]*(?:\.\d*)?|\.\d+)(?:e[+-]?\d+)?j?\b/i,operator:/\/\.|;|=\.|\^=|\^:=|:=|<<|>>|<\||\|>|:>|\|->|->|<-|@@@|@@|@|\/@|=!=|===|==|=|\+|-|\^|\[\/-+%=\]=?|!=|\*\*?=?|\/\/?=?|<[<=>]?|>[=>]?|[&|^~]/,punctuation:/[{}[\];(),.:]/},e.languages.mathematica=e.languages.wolfram,e.languages.wl=e.languages.wolfram,e.languages.nb=e.languages.wolfram}e.exports=t,t.displayName="wolfram",t.aliases=["mathematica","wl","nb"]},93639:function(e){"use strict";function t(e){e.languages.wren={comment:[{pattern:/\/\*(?:[^*/]|\*(?!\/)|\/(?!\*)|\/\*(?:[^*/]|\*(?!\/)|\/(?!\*)|\/\*(?:[^*/]|\*(?!\/)|\/(?!\*))*\*\/)*\*\/)*\*\//,greedy:!0},{pattern:/(^|[^\\:])\/\/.*/,lookbehind:!0,greedy:!0}],"triple-quoted-string":{pattern:/"""[\s\S]*?"""/,greedy:!0,alias:"string"},"string-literal":null,hashbang:{pattern:/^#!\/.+/,greedy:!0,alias:"comment"},attribute:{pattern:/#!?[ \t\u3000]*\w+/,alias:"keyword"},"class-name":[{pattern:/(\bclass\s+)\w+/,lookbehind:!0},/\b[A-Z][a-z\d_]*\b/],constant:/\b[A-Z][A-Z\d_]*\b/,null:{pattern:/\bnull\b/,alias:"keyword"},keyword:/\b(?:as|break|class|construct|continue|else|for|foreign|if|import|in|is|return|static|super|this|var|while)\b/,boolean:/\b(?:false|true)\b/,number:/\b(?:0x[\da-f]+|\d+(?:\.\d+)?(?:e[+-]?\d+)?)\b/i,function:/\b[a-z_]\w*(?=\s*[({])/i,operator:/<<|>>|[=!<>]=?|&&|\|\||[-+*/%~^&|?:]|\.{2,3}/,punctuation:/[\[\](){}.,;]/},e.languages.wren["string-literal"]={pattern:/(^|[^\\"])"(?:[^\\"%]|\\[\s\S]|%(?!\()|%\((?:[^()]|\((?:[^()]|\([^)]*\))*\))*\))*"/,lookbehind:!0,greedy:!0,inside:{interpolation:{pattern:/((?:^|[^\\])(?:\\{2})*)%\((?:[^()]|\((?:[^()]|\([^)]*\))*\))*\)/,lookbehind:!0,inside:{expression:{pattern:/^(%\()[\s\S]+(?=\)$)/,lookbehind:!0,inside:e.languages.wren},"interpolation-punctuation":{pattern:/^%\(|\)$/,alias:"punctuation"}}},string:/[\s\S]+/}}}e.exports=t,t.displayName="wren",t.aliases=[]},97202:function(e){"use strict";function t(e){e.languages.xeora=e.languages.extend("markup",{constant:{pattern:/\$(?:DomainContents|PageRenderDuration)\$/,inside:{punctuation:{pattern:/\$/}}},variable:{pattern:/\$@?(?:#+|[-+*~=^])?[\w.]+\$/,inside:{punctuation:{pattern:/[$.]/},operator:{pattern:/#+|[-+*~=^@]/}}},"function-inline":{pattern:/\$F:[-\w.]+\?[-\w.]+(?:,(?:(?:@[-#]*\w+\.[\w+.]\.*)*\|)*(?:(?:[\w+]|[-#*.~^]+[\w+]|=\S)(?:[^$=]|=+[^=])*=*|(?:@[-#]*\w+\.[\w+.]\.*)+(?:(?:[\w+]|[-#*~^][-#*.~^]*[\w+]|=\S)(?:[^$=]|=+[^=])*=*)?)?)?\$/,inside:{variable:{pattern:/(?:[,|])@?(?:#+|[-+*~=^])?[\w.]+/,inside:{punctuation:{pattern:/[,.|]/},operator:{pattern:/#+|[-+*~=^@]/}}},punctuation:{pattern:/\$\w:|[$:?.,|]/}},alias:"function"},"function-block":{pattern:/\$XF:\{[-\w.]+\?[-\w.]+(?:,(?:(?:@[-#]*\w+\.[\w+.]\.*)*\|)*(?:(?:[\w+]|[-#*.~^]+[\w+]|=\S)(?:[^$=]|=+[^=])*=*|(?:@[-#]*\w+\.[\w+.]\.*)+(?:(?:[\w+]|[-#*~^][-#*.~^]*[\w+]|=\S)(?:[^$=]|=+[^=])*=*)?)?)?\}:XF\$/,inside:{punctuation:{pattern:/[$:{}?.,|]/}},alias:"function"},"directive-inline":{pattern:/\$\w(?:#\d+\+?)?(?:\[[-\w.]+\])?:[-\/\w.]+\$/,inside:{punctuation:{pattern:/\$(?:\w:|C(?:\[|#\d))?|[:{[\]]/,inside:{tag:{pattern:/#\d/}}}},alias:"function"},"directive-block-open":{pattern:/\$\w+:\{|\$\w(?:#\d+\+?)?(?:\[[-\w.]+\])?:[-\w.]+:\{(?:![A-Z]+)?/,inside:{punctuation:{pattern:/\$(?:\w:|C(?:\[|#\d))?|[:{[\]]/,inside:{tag:{pattern:/#\d/}}},attribute:{pattern:/![A-Z]+$/,inside:{punctuation:{pattern:/!/}},alias:"keyword"}},alias:"function"},"directive-block-separator":{pattern:/\}:[-\w.]+:\{/,inside:{punctuation:{pattern:/[:{}]/}},alias:"function"},"directive-block-close":{pattern:/\}:[-\w.]+\$/,inside:{punctuation:{pattern:/[:{}$]/}},alias:"function"}}),e.languages.insertBefore("inside","punctuation",{variable:e.languages.xeora["function-inline"].inside.variable},e.languages.xeora["function-block"]),e.languages.xeoracube=e.languages.xeora}e.exports=t,t.displayName="xeora",t.aliases=["xeoracube"]},13808:function(e){"use strict";function t(e){!function(e){function t(t,n){e.languages[t]&&e.languages.insertBefore(t,"comment",{"doc-comment":n})}var n=e.languages.markup.tag,r={pattern:/\/\/\/.*/,greedy:!0,alias:"comment",inside:{tag:n}};t("csharp",r),t("fsharp",r),t("vbnet",{pattern:/'''.*/,greedy:!0,alias:"comment",inside:{tag:n}})}(e)}e.exports=t,t.displayName="xmlDoc",t.aliases=[]},21301:function(e){"use strict";function t(e){e.languages.xojo={comment:{pattern:/(?:'|\/\/|Rem\b).+/i,greedy:!0},string:{pattern:/"(?:""|[^"])*"/,greedy:!0},number:[/(?:\b\d+(?:\.\d*)?|\B\.\d+)(?:E[+-]?\d+)?/i,/&[bchou][a-z\d]+/i],directive:{pattern:/#(?:Else|ElseIf|Endif|If|Pragma)\b/i,alias:"property"},keyword:/\b(?:AddHandler|App|Array|As(?:signs)?|Auto|Boolean|Break|By(?:Ref|Val)|Byte|Call|Case|Catch|CFStringRef|CGFloat|Class|Color|Const|Continue|CString|Currency|CurrentMethodName|Declare|Delegate|Dim|Do(?:uble|wnTo)?|Each|Else(?:If)?|End|Enumeration|Event|Exception|Exit|Extends|False|Finally|For|Function|Get|GetTypeInfo|Global|GOTO|If|Implements|In|Inherits|Int(?:8|16|32|64|eger|erface)?|Lib|Loop|Me|Module|Next|Nil|Object|Optional|OSType|ParamArray|Private|Property|Protected|PString|Ptr|Raise(?:Event)?|ReDim|RemoveHandler|Return|Select(?:or)?|Self|Set|Shared|Short|Single|Soft|Static|Step|String|Sub|Super|Text|Then|To|True|Try|Ubound|UInt(?:8|16|32|64|eger)?|Until|Using|Var(?:iant)?|Wend|While|WindowPtr|WString)\b/i,operator:/<[=>]?|>=?|[+\-*\/\\^=]|\b(?:AddressOf|And|Ctype|IsA?|Mod|New|Not|Or|WeakAddressOf|Xor)\b/i,punctuation:/[.,;:()]/}}e.exports=t,t.displayName="xojo",t.aliases=[]},20349:function(e){"use strict";function t(e){!function(e){e.languages.xquery=e.languages.extend("markup",{"xquery-comment":{pattern:/\(:[\s\S]*?:\)/,greedy:!0,alias:"comment"},string:{pattern:/(["'])(?:\1\1|(?!\1)[\s\S])*\1/,greedy:!0},extension:{pattern:/\(#.+?#\)/,alias:"symbol"},variable:/\$[-\w:]+/,axis:{pattern:/(^|[^-])(?:ancestor(?:-or-self)?|attribute|child|descendant(?:-or-self)?|following(?:-sibling)?|parent|preceding(?:-sibling)?|self)(?=::)/,lookbehind:!0,alias:"operator"},"keyword-operator":{pattern:/(^|[^:-])\b(?:and|castable as|div|eq|except|ge|gt|idiv|instance of|intersect|is|le|lt|mod|ne|or|union)\b(?=$|[^:-])/,lookbehind:!0,alias:"operator"},keyword:{pattern:/(^|[^:-])\b(?:as|ascending|at|base-uri|boundary-space|case|cast as|collation|construction|copy-namespaces|declare|default|descending|else|empty (?:greatest|least)|encoding|every|external|for|function|if|import|in|inherit|lax|let|map|module|namespace|no-inherit|no-preserve|option|order(?: by|ed|ing)?|preserve|return|satisfies|schema|some|stable|strict|strip|then|to|treat as|typeswitch|unordered|validate|variable|version|where|xquery)\b(?=$|[^:-])/,lookbehind:!0},function:/[\w-]+(?::[\w-]+)*(?=\s*\()/,"xquery-element":{pattern:/(element\s+)[\w-]+(?::[\w-]+)*/,lookbehind:!0,alias:"tag"},"xquery-attribute":{pattern:/(attribute\s+)[\w-]+(?::[\w-]+)*/,lookbehind:!0,alias:"attr-name"},builtin:{pattern:/(^|[^:-])\b(?:attribute|comment|document|element|processing-instruction|text|xs:(?:ENTITIES|ENTITY|ID|IDREFS?|NCName|NMTOKENS?|NOTATION|Name|QName|anyAtomicType|anyType|anyURI|base64Binary|boolean|byte|date|dateTime|dayTimeDuration|decimal|double|duration|float|gDay|gMonth|gMonthDay|gYear|gYearMonth|hexBinary|int|integer|language|long|negativeInteger|nonNegativeInteger|nonPositiveInteger|normalizedString|positiveInteger|short|string|time|token|unsigned(?:Byte|Int|Long|Short)|untyped(?:Atomic)?|yearMonthDuration))\b(?=$|[^:-])/,lookbehind:!0},number:/\b\d+(?:\.\d+)?(?:E[+-]?\d+)?/,operator:[/[+*=?|@]|\.\.?|:=|!=|<[=<]?|>[=>]?/,{pattern:/(\s)-(?=\s)/,lookbehind:!0}],punctuation:/[[\](){},;:/]/}),e.languages.xquery.tag.pattern=/<\/?(?!\d)[^\s>\/=$<%]+(?:\s+[^\s>\/=]+(?:=(?:("|')(?:\\[\s\S]|\{(?!\{)(?:\{(?:\{[^{}]*\}|[^{}])*\}|[^{}])+\}|(?!\1)[^\\])*\1|[^\s'">=]+))?)*\s*\/?>/,e.languages.xquery.tag.inside["attr-value"].pattern=/=(?:("|')(?:\\[\s\S]|\{(?!\{)(?:\{(?:\{[^{}]*\}|[^{}])*\}|[^{}])+\}|(?!\1)[^\\])*\1|[^\s'">=]+)/,e.languages.xquery.tag.inside["attr-value"].inside.punctuation=/^="|"$/,e.languages.xquery.tag.inside["attr-value"].inside.expression={pattern:/\{(?!\{)(?:\{(?:\{[^{}]*\}|[^{}])*\}|[^{}])+\}/,inside:e.languages.xquery,alias:"language-xquery"};var t=function(e){return"string"==typeof e?e:"string"==typeof e.content?e.content:e.content.map(t).join("")},n=function(r){for(var a=[],i=0;i0&&a[a.length-1].tagName===t(o.content[0].content[1])&&a.pop():"/>"===o.content[o.content.length-1].content||a.push({tagName:t(o.content[0].content[1]),openedBraces:0}):!(a.length>0)||"punctuation"!==o.type||"{"!==o.content||r[i+1]&&"punctuation"===r[i+1].type&&"{"===r[i+1].content||r[i-1]&&"plain-text"===r[i-1].type&&"{"===r[i-1].content?a.length>0&&a[a.length-1].openedBraces>0&&"punctuation"===o.type&&"}"===o.content?a[a.length-1].openedBraces--:"comment"!==o.type&&(s=!0):a[a.length-1].openedBraces++),(s||"string"==typeof o)&&a.length>0&&0===a[a.length-1].openedBraces){var l=t(o);i0&&("string"==typeof r[i-1]||"plain-text"===r[i-1].type)&&(l=t(r[i-1])+l,r.splice(i-1,1),i--),/^\s+$/.test(l)?r[i]=l:r[i]=new e.Token("plain-text",l,null,l)}o.content&&"string"!=typeof o.content&&n(o.content)}};e.hooks.add("after-tokenize",function(e){"xquery"===e.language&&n(e.tokens)})}(e)}e.exports=t,t.displayName="xquery",t.aliases=[]},65039:function(e){"use strict";function t(e){!function(e){var t=/[*&][^\s[\]{},]+/,n=/!(?:<[\w\-%#;/?:@&=+$,.!~*'()[\]]+>|(?:[a-zA-Z\d-]*!)?[\w\-%#;/?:@&=+$.~*'()]+)?/,r="(?:"+n.source+"(?:[ ]+"+t.source+")?|"+t.source+"(?:[ ]+"+n.source+")?)",a=/(?:[^\s\x00-\x08\x0e-\x1f!"#%&'*,\-:>?@[\]`{|}\x7f-\x84\x86-\x9f\ud800-\udfff\ufffe\uffff]|[?:-])(?:[ \t]*(?:(?![#:])|:))*/.source.replace(//g,function(){return/[^\s\x00-\x08\x0e-\x1f,[\]{}\x7f-\x84\x86-\x9f\ud800-\udfff\ufffe\uffff]/.source}),i=/"(?:[^"\\\r\n]|\\.)*"|'(?:[^'\\\r\n]|\\.)*'/.source;function o(e,t){return t=(t||"").replace(/m/g,"")+"m",RegExp(/([:\-,[{]\s*(?:\s<>[ \t]+)?)(?:<>)(?=[ \t]*(?:$|,|\]|\}|(?:[\r\n]\s*)?#))/.source.replace(/<>/g,function(){return r}).replace(/<>/g,function(){return e}),t)}e.languages.yaml={scalar:{pattern:RegExp(/([\-:]\s*(?:\s<>[ \t]+)?[|>])[ \t]*(?:((?:\r?\n|\r)[ \t]+)\S[^\r\n]*(?:\2[^\r\n]+)*)/.source.replace(/<>/g,function(){return r})),lookbehind:!0,alias:"string"},comment:/#.*/,key:{pattern:RegExp(/((?:^|[:\-,[{\r\n?])[ \t]*(?:<>[ \t]+)?)<>(?=\s*:\s)/.source.replace(/<>/g,function(){return r}).replace(/<>/g,function(){return"(?:"+a+"|"+i+")"})),lookbehind:!0,greedy:!0,alias:"atrule"},directive:{pattern:/(^[ \t]*)%.+/m,lookbehind:!0,alias:"important"},datetime:{pattern:o(/\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:o(/false|true/.source,"i"),lookbehind:!0,alias:"important"},null:{pattern:o(/null|~/.source,"i"),lookbehind:!0,alias:"important"},string:{pattern:o(i),lookbehind:!0,greedy:!0},number:{pattern:o(/[+-]?(?:0x[\da-f]+|0o[0-7]+|(?:\d+(?:\.\d*)?|\.\d+)(?:e[+-]?\d+)?|\.inf|\.nan)/.source,"i"),lookbehind:!0},tag:n,important:t,punctuation:/---|[:[\]{}\-,|>?]|\.\.\./},e.languages.yml=e.languages.yaml}(e)}e.exports=t,t.displayName="yaml",t.aliases=["yml"]},96319:function(e){"use strict";function t(e){e.languages.yang={comment:/\/\*[\s\S]*?\*\/|\/\/.*/,string:{pattern:/"(?:[^\\"]|\\.)*"|'[^']*'/,greedy:!0},keyword:{pattern:/(^|[{};\r\n][ \t]*)[a-z_][\w.-]*/i,lookbehind:!0},namespace:{pattern:/(\s)[a-z_][\w.-]*(?=:)/i,lookbehind:!0},boolean:/\b(?:false|true)\b/,operator:/\+/,punctuation:/[{};:]/}}e.exports=t,t.displayName="yang",t.aliases=[]},31501:function(e){"use strict";function t(e){!function(e){function t(e){return function(){return e}}var n=/\b(?:align|allowzero|and|anyframe|anytype|asm|async|await|break|cancel|catch|comptime|const|continue|defer|else|enum|errdefer|error|export|extern|fn|for|if|inline|linksection|nakedcc|noalias|nosuspend|null|or|orelse|packed|promise|pub|resume|return|stdcallcc|struct|suspend|switch|test|threadlocal|try|undefined|union|unreachable|usingnamespace|var|volatile|while)\b/,r="\\b(?!"+n.source+")(?!\\d)\\w+\\b",a=/align\s*\((?:[^()]|\([^()]*\))*\)/.source,i="(?!\\s)(?:!?\\s*(?:"+/(?:\?|\bpromise->|(?:\[[^[\]]*\]|\*(?!\*)|\*\*)(?:\s*|\s*const\b|\s*volatile\b|\s*allowzero\b)*)/.source.replace(//g,t(a))+"\\s*)*"+/(?:\bpromise\b|(?:\berror\.)?(?:\.)*(?!\s+))/.source.replace(//g,t(r))+")+";e.languages.zig={comment:[{pattern:/\/\/[/!].*/,alias:"doc-comment"},/\/{2}.*/],string:[{pattern:/(^|[^\\@])c?"(?:[^"\\\r\n]|\\.)*"/,lookbehind:!0,greedy:!0},{pattern:/([\r\n])([ \t]+c?\\{2}).*(?:(?:\r\n?|\n)\2.*)*/,lookbehind:!0,greedy:!0}],char:{pattern:/(^|[^\\])'(?:[^'\\\r\n]|[\uD800-\uDFFF]{2}|\\(?:.|x[a-fA-F\d]{2}|u\{[a-fA-F\d]{1,6}\}))'/,lookbehind:!0,greedy:!0},builtin:/\B@(?!\d)\w+(?=\s*\()/,label:{pattern:/(\b(?:break|continue)\s*:\s*)\w+\b|\b(?!\d)\w+\b(?=\s*:\s*(?:\{|while\b))/,lookbehind:!0},"class-name":[/\b(?!\d)\w+(?=\s*=\s*(?:(?:extern|packed)\s+)?(?:enum|struct|union)\s*[({])/,{pattern:RegExp(/(:\s*)(?=\s*(?:\s*)?[=;,)])|(?=\s*(?:\s*)?\{)/.source.replace(//g,t(i)).replace(//g,t(a))),lookbehind:!0,inside:null},{pattern:RegExp(/(\)\s*)(?=\s*(?:\s*)?;)/.source.replace(//g,t(i)).replace(//g,t(a))),lookbehind:!0,inside:null}],"builtin-type":{pattern:/\b(?:anyerror|bool|c_u?(?:int|long|longlong|short)|c_longdouble|c_void|comptime_(?:float|int)|f(?:16|32|64|128)|[iu](?:8|16|32|64|128|size)|noreturn|type|void)\b/,alias:"keyword"},keyword:n,function:/\b(?!\d)\w+(?=\s*\()/,number:/\b(?:0b[01]+|0o[0-7]+|0x[a-fA-F\d]+(?:\.[a-fA-F\d]*)?(?:[pP][+-]?[a-fA-F\d]+)?|\d+(?:\.\d*)?(?:[eE][+-]?\d+)?)\b/,boolean:/\b(?:false|true)\b/,operator:/\.[*?]|\.{2,3}|[-=]>|\*\*|\+\+|\|\||(?:<<|>>|[-+*]%|[-+*/%^&|<>!=])=?|[?~]/,punctuation:/[.:,;(){}[\]]/},e.languages.zig["class-name"].forEach(function(t){null===t.inside&&(t.inside=e.languages.zig)})}(e)}e.exports=t,t.displayName="zig",t.aliases=[]},59216:function(e,t,n){/** * Prism: Lightweight, robust, elegant syntax highlighting * * @license MIT * @author Lea Verou * @namespace * @public - */var r=function(e){var t=/(?:^|\s)lang(?:uage)?-([\w-]+)(?=\s|$)/i,n=0,r={},a={manual:e.Prism&&e.Prism.manual,disableWorkerMessageHandler:e.Prism&&e.Prism.disableWorkerMessageHandler,util:{encode:function e(t){return t instanceof i?new i(t.type,e(t.content),t.alias):Array.isArray(t)?t.map(e):t.replace(/&/g,"&").replace(/=u.reach));A+=y.value.length,y=y.next){var _,k=y.value;if(n.length>t.length)return;if(!(k instanceof i)){var v=1;if(b){if(!(_=o(S,A,t,h))||_.index>=t.length)break;var C=_.index,N=_.index+_[0].length,R=A;for(R+=y.value.length;C>=R;)R+=(y=y.next).value.length;if(R-=y.value.length,A=R,y.value instanceof i)continue;for(var I=y;I!==n.tail&&(Ru.reach&&(u.reach=L);var D=y.prev;w&&(D=l(n,D,w),A+=w.length),function(e,t,n){for(var r=t.next,a=0;a1){var M={cause:d+","+m,reach:L};e(t,n,r,y.prev,A,M),u&&M.reach>u.reach&&(u.reach=M.reach)}}}}}}(e,c,t,c.head,0),function(e){for(var t=[],n=e.head.next;n!==e.tail;)t.push(n.value),n=n.next;return t}(c)},hooks:{all:{},add:function(e,t){var n=a.hooks.all;n[e]=n[e]||[],n[e].push(t)},run:function(e,t){var n=a.hooks.all[e];if(n&&n.length)for(var r,i=0;r=n[i++];)r(t)}},Token:i};function i(e,t,n,r){this.type=e,this.content=t,this.alias=n,this.length=0|(r||"").length}function o(e,t,n,r){e.lastIndex=t;var a=e.exec(n);if(a&&r&&a[1]){var i=a[1].length;a.index+=i,a[0]=a[0].slice(i)}return a}function s(){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 l(e,t,n){var r=t.next,a={value:n,prev:t,next:r};return t.next=a,r.prev=a,e.length++,a}if(e.Prism=a,i.stringify=function e(t,n){if("string"==typeof t)return t;if(Array.isArray(t)){var r="";return t.forEach(function(t){r+=e(t,n)}),r}var i={type:t.type,content:e(t.content,n),tag:"span",classes:["token",t.type],attributes:{},language:n},o=t.alias;o&&(Array.isArray(o)?Array.prototype.push.apply(i.classes,o):i.classes.push(o)),a.hooks.run("wrap",i);var s="";for(var l in i.attributes)s+=" "+l+'="'+(i.attributes[l]||"").replace(/"/g,""")+'"';return"<"+i.tag+' class="'+i.classes.join(" ")+'"'+s+">"+i.content+""},!e.document)return e.addEventListener&&(a.disableWorkerMessageHandler||e.addEventListener("message",function(t){var n=JSON.parse(t.data),r=n.language,i=n.code,o=n.immediateClose;e.postMessage(a.highlight(i,a.languages[r],r)),o&&e.close()},!1)),a;var c=a.util.currentScript();function u(){a.manual||a.highlightAll()}if(c&&(a.filename=c.src,c.hasAttribute("data-manual")&&(a.manual=!0)),!a.manual){var d=document.readyState;"loading"===d||"interactive"===d&&c&&c.defer?document.addEventListener("DOMContentLoaded",u):window.requestAnimationFrame?window.requestAnimationFrame(u):window.setTimeout(u,16)}return a}("undefined"!=typeof window?window:"undefined"!=typeof WorkerGlobalScope&&self instanceof WorkerGlobalScope?self:{});e.exports&&(e.exports=r),void 0!==n.g&&(n.g.Prism=r)},36582:function(e,t){"use strict";t.Q=function(e){var t=String(e||"").trim();return""===t?[]:t.split(n)};var n=/[ \t\n\r\f]+/g},57848:function(e,t,n){var r=n(18139);function a(e,t){var n,a,i,o=null;if(!e||"string"!=typeof e)return o;for(var s=r(e),l="function"==typeof t,c=0,u=s.length;c=u.reach));A+=y.value.length,y=y.next){var _,k=y.value;if(n.length>t.length)return;if(!(k instanceof i)){var v=1;if(b){if(!(_=o(S,A,t,h))||_.index>=t.length)break;var N=_.index,C=_.index+_[0].length,R=A;for(R+=y.value.length;N>=R;)R+=(y=y.next).value.length;if(R-=y.value.length,A=R,y.value instanceof i)continue;for(var I=y;I!==n.tail&&(Ru.reach&&(u.reach=L);var D=y.prev;w&&(D=l(n,D,w),A+=w.length),function(e,t,n){for(var r=t.next,a=0;a1){var M={cause:d+","+m,reach:L};e(t,n,r,y.prev,A,M),u&&M.reach>u.reach&&(u.reach=M.reach)}}}}}}(e,c,t,c.head,0),function(e){for(var t=[],n=e.head.next;n!==e.tail;)t.push(n.value),n=n.next;return t}(c)},hooks:{all:{},add:function(e,t){var n=a.hooks.all;n[e]=n[e]||[],n[e].push(t)},run:function(e,t){var n=a.hooks.all[e];if(n&&n.length)for(var r,i=0;r=n[i++];)r(t)}},Token:i};function i(e,t,n,r){this.type=e,this.content=t,this.alias=n,this.length=0|(r||"").length}function o(e,t,n,r){e.lastIndex=t;var a=e.exec(n);if(a&&r&&a[1]){var i=a[1].length;a.index+=i,a[0]=a[0].slice(i)}return a}function s(){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 l(e,t,n){var r=t.next,a={value:n,prev:t,next:r};return t.next=a,r.prev=a,e.length++,a}if(e.Prism=a,i.stringify=function e(t,n){if("string"==typeof t)return t;if(Array.isArray(t)){var r="";return t.forEach(function(t){r+=e(t,n)}),r}var i={type:t.type,content:e(t.content,n),tag:"span",classes:["token",t.type],attributes:{},language:n},o=t.alias;o&&(Array.isArray(o)?Array.prototype.push.apply(i.classes,o):i.classes.push(o)),a.hooks.run("wrap",i);var s="";for(var l in i.attributes)s+=" "+l+'="'+(i.attributes[l]||"").replace(/"/g,""")+'"';return"<"+i.tag+' class="'+i.classes.join(" ")+'"'+s+">"+i.content+""},!e.document)return e.addEventListener&&(a.disableWorkerMessageHandler||e.addEventListener("message",function(t){var n=JSON.parse(t.data),r=n.language,i=n.code,o=n.immediateClose;e.postMessage(a.highlight(i,a.languages[r],r)),o&&e.close()},!1)),a;var c=a.util.currentScript();function u(){a.manual||a.highlightAll()}if(c&&(a.filename=c.src,c.hasAttribute("data-manual")&&(a.manual=!0)),!a.manual){var d=document.readyState;"loading"===d||"interactive"===d&&c&&c.defer?document.addEventListener("DOMContentLoaded",u):window.requestAnimationFrame?window.requestAnimationFrame(u):window.setTimeout(u,16)}return a}("undefined"!=typeof window?window:"undefined"!=typeof WorkerGlobalScope&&self instanceof WorkerGlobalScope?self:{});e.exports&&(e.exports=r),void 0!==n.g&&(n.g.Prism=r)},36582:function(e,t){"use strict";t.Q=function(e){var t=String(e||"").trim();return""===t?[]:t.split(n)};var n=/[ \t\n\r\f]+/g},57848:function(e,t,n){var r=n(18139);function a(e,t){var n,a,i,o=null;if(!e||"string"!=typeof e)return o;for(var s=r(e),l="function"==typeof t,c=0,u=s.length;c @@ -26,4 +26,4 @@ * * @author Feross Aboukhadijeh * @license MIT - */e.exports=function(e){return null!=e&&null!=e.constructor&&"function"==typeof e.constructor.isBuffer&&e.constructor.isBuffer(e)}},47529:function(e){e.exports=function(){for(var e={},n=0;ne.length){for(;i--;)if(47===e.charCodeAt(i)){if(n){r=i+1;break}}else a<0&&(n=!0,a=i+1);return a<0?"":e.slice(r,a)}if(t===e)return"";let o=-1,s=t.length-1;for(;i--;)if(47===e.charCodeAt(i)){if(n){r=i+1;break}}else o<0&&(n=!0,o=i+1),s>-1&&(e.charCodeAt(i)===t.charCodeAt(s--)?s<0&&(a=i):(s=-1,a=o));return r===a?a=o:a<0&&(a=e.length),e.slice(r,a)},dirname:function(e){let t;if(m(e),0===e.length)return".";let n=-1,r=e.length;for(;--r;)if(47===e.charCodeAt(r)){if(t){n=r;break}}else t||(t=!0);return n<0?47===e.charCodeAt(0)?"/":".":1===n&&47===e.charCodeAt(0)?"//":e.slice(0,n)},extname:function(e){let t;m(e);let n=e.length,r=-1,a=0,i=-1,o=0;for(;n--;){let s=e.charCodeAt(n);if(47===s){if(t){a=n+1;break}continue}r<0&&(t=!0,r=n+1),46===s?i<0?i=n:1!==o&&(o=1):i>-1&&(o=-1)}return i<0||r<0||0===o||1===o&&i===r-1&&i===a+1?"":e.slice(i,r)},join:function(...e){let t,n=-1;for(;++n2){if((r=a.lastIndexOf("/"))!==a.length-1){r<0?(a="",i=0):i=(a=a.slice(0,r)).length-1-a.lastIndexOf("/"),o=l,s=0;continue}}else if(a.length>0){a="",i=0,o=l,s=0;continue}}t&&(a=a.length>0?a+"/..":"..",i=2)}else a.length>0?a+="/"+e.slice(o+1,l):a=e.slice(o+1,l),i=l-o-1;o=l,s=0}else 46===n&&s>-1?s++:s=-1}return a}(e,!t);return 0!==n.length||t||(n="."),n.length>0&&47===e.charCodeAt(e.length-1)&&(n+="/"),t?"/"+n:n}(t)},sep:"/"};function m(e){if("string"!=typeof e)throw TypeError("Path must be a string. Received "+JSON.stringify(e))}let g={cwd:function(){return"/"}};function f(e){return null!==e&&"object"==typeof e&&e.href&&e.origin}let h=["history","path","basename","stem","extname","dirname"];class b{constructor(e){let t,n;t=e?"string"==typeof e||o(e)?{value:e}:f(e)?{path:e}:e:{},this.data={},this.messages=[],this.history=[],this.cwd=g.cwd(),this.value,this.stored,this.result,this.map;let r=-1;for(;++rt.length;o&&t.push(r);try{i=e.apply(this,t)}catch(e){if(o&&n)throw e;return r(e)}o||(i instanceof Promise?i.then(a,r):i instanceof Error?r(i):a(i))};function r(e,...a){n||(n=!0,t(e,...a))}function a(e){r(null,e)}})(s,a)(...o):r(null,...o)}(null,...t)},use:function(n){if("function"!=typeof n)throw TypeError("Expected `middelware` to be a function, not "+n);return e.push(n),t}};return t}(),r=[],a={},i=-1;return o.data=function(e,n){return"string"==typeof e?2==arguments.length?(O("data",t),a[e]=n,o):C.call(a,e)&&a[e]||null:e?(O("data",t),a=e,o):a},o.Parser=void 0,o.Compiler=void 0,o.freeze=function(){if(t)return o;for(;++i{if(!e&&t&&n){let r=o.stringify(t,n);null==r||("string"==typeof r||A(r)?n.value=r:n.result=r),i(e,n)}else i(e)})}n(null,t)},o.processSync=function(e){let t;o.freeze(),R("processSync",o.Parser),I("processSync",o.Compiler);let n=L(e);return o.process(n,function(e){t=!0,y(e)}),x("processSync","process",t),n},o;function o(){let t=e(),n=-1;for(;++ni?0:i+t:t>i?i:t,n=n>0?n:0,r.length<1e4)(a=Array.from(r)).unshift(t,n),e.splice(...a);else for(n&&e.splice(t,n);o0?(F(e,e.length,0,t),e):t}let B={}.hasOwnProperty,H=Q(/[A-Za-z]/),G=Q(/[\dA-Za-z]/),z=Q(/[#-'*+\--9=?A-Z^-~]/);function $(e){return null!==e&&(e<32||127===e)}let j=Q(/\d/),V=Q(/[\dA-Fa-f]/),W=Q(/[!-/:-@[-`{-~]/);function K(e){return null!==e&&e<-2}function Z(e){return null!==e&&(e<0||32===e)}function Y(e){return -2===e||-1===e||32===e}let q=Q(/[!-\/:-@\[-`\{-~\xA1\xA7\xAB\xB6\xB7\xBB\xBF\u037E\u0387\u055A-\u055F\u0589\u058A\u05BE\u05C0\u05C3\u05C6\u05F3\u05F4\u0609\u060A\u060C\u060D\u061B\u061D-\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\u1B7D\u1B7E\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-\u2E5D\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]/),X=Q(/\s/);function Q(e){return function(t){return null!==t&&e.test(String.fromCharCode(t))}}function J(e,t,n,r){let a=r?r-1:Number.POSITIVE_INFINITY,i=0;return function(r){return Y(r)?(e.enter(n),function r(o){return Y(o)&&i++r))return;let s=a.events.length,l=s;for(;l--;)if("exit"===a.events[l][0]&&"chunkFlow"===a.events[l][1].type){if(e){n=a.events[l][1].end;break}e=!0}for(h(o),i=s;it;){let t=i[n];a.containerState=t[1],t[0].exit.call(a,e)}i.length=t}function b(){t.write([null]),n=void 0,t=void 0,a.containerState._closeFlow=void 0}}},en={tokenize:function(e,t,n){return J(e,e.attempt(this.parser.constructs.document,t,n),"linePrefix",this.parser.constructs.disable.null.includes("codeIndented")?void 0:4)}},er={tokenize:function(e,t,n){return function(t){return Y(t)?J(e,r,"linePrefix")(t):r(t)};function r(e){return null===e||K(e)?t(e):n(e)}},partial:!0};function ea(e){let t,n,r,a,i,o,s;let l={},c=-1;for(;++c=4?t(a):e.interrupt(r.parser.constructs.flow,n,t)(a)}},partial:!0},es={tokenize:function(e){let t=this,n=e.attempt(er,function(r){if(null===r){e.consume(r);return}return e.enter("lineEndingBlank"),e.consume(r),e.exit("lineEndingBlank"),t.currentConstruct=void 0,n},e.attempt(this.parser.constructs.flowInitial,r,J(e,e.attempt(this.parser.constructs.flow,r,e.attempt(ei,r)),"linePrefix")));return n;function r(r){if(null===r){e.consume(r);return}return e.enter("lineEnding"),e.consume(r),e.exit("lineEnding"),t.currentConstruct=void 0,n}}},el={resolveAll:ep()},ec=ed("string"),eu=ed("text");function ed(e){return{tokenize:function(t){let n=this,r=this.parser.constructs[e],a=t.attempt(r,i,o);return i;function i(e){return l(e)?a(e):o(e)}function o(e){if(null===e){t.consume(e);return}return t.enter("data"),t.consume(e),s}function s(e){return l(e)?(t.exit("data"),a(e)):(t.consume(e),s)}function l(e){if(null===e)return!0;let t=r[e],a=-1;if(t)for(;++a=3&&(null===o||K(o))?(e.exit("thematicBreak"),t(o)):n(o)}(i)}}},eh={name:"list",tokenize:function(e,t,n){let r=this,a=r.events[r.events.length-1],i=a&&"linePrefix"===a[1].type?a[2].sliceSerialize(a[1],!0).length:0,o=0;return function(t){let a=r.containerState.type||(42===t||43===t||45===t?"listUnordered":"listOrdered");if("listUnordered"===a?!r.containerState.marker||t===r.containerState.marker:j(t)){if(r.containerState.type||(r.containerState.type=a,e.enter(a,{_container:!0})),"listUnordered"===a)return e.enter("listItemPrefix"),42===t||45===t?e.check(ef,n,s)(t):s(t);if(!r.interrupt||49===t)return e.enter("listItemPrefix"),e.enter("listItemValue"),function t(a){return j(a)&&++o<10?(e.consume(a),t):(!r.interrupt||o<2)&&(r.containerState.marker?a===r.containerState.marker:41===a||46===a)?(e.exit("listItemValue"),s(a)):n(a)}(t)}return n(t)};function s(t){return e.enter("listItemMarker"),e.consume(t),e.exit("listItemMarker"),r.containerState.marker=r.containerState.marker||t,e.check(er,r.interrupt?n:l,e.attempt(eb,u,c))}function l(e){return r.containerState.initialBlankLine=!0,i++,u(e)}function c(t){return Y(t)?(e.enter("listItemPrefixWhitespace"),e.consume(t),e.exit("listItemPrefixWhitespace"),u):n(t)}function u(n){return r.containerState.size=i+r.sliceSerialize(e.exit("listItemPrefix"),!0).length,t(n)}},continuation:{tokenize:function(e,t,n){let r=this;return r.containerState._closeFlow=void 0,e.check(er,function(n){return r.containerState.furtherBlankLines=r.containerState.furtherBlankLines||r.containerState.initialBlankLine,J(e,t,"listItemIndent",r.containerState.size+1)(n)},function(n){return r.containerState.furtherBlankLines||!Y(n)?(r.containerState.furtherBlankLines=void 0,r.containerState.initialBlankLine=void 0,a(n)):(r.containerState.furtherBlankLines=void 0,r.containerState.initialBlankLine=void 0,e.attempt(eE,t,a)(n))});function a(a){return r.containerState._closeFlow=!0,r.interrupt=void 0,J(e,e.attempt(eh,t,n),"linePrefix",r.parser.constructs.disable.null.includes("codeIndented")?void 0:4)(a)}}},exit:function(e){e.exit(this.containerState.type)}},eb={tokenize:function(e,t,n){let r=this;return J(e,function(e){let a=r.events[r.events.length-1];return!Y(e)&&a&&"listItemPrefixWhitespace"===a[1].type?t(e):n(e)},"listItemPrefixWhitespace",r.parser.constructs.disable.null.includes("codeIndented")?void 0:5)},partial:!0},eE={tokenize:function(e,t,n){let r=this;return J(e,function(e){let a=r.events[r.events.length-1];return a&&"listItemIndent"===a[1].type&&a[2].sliceSerialize(a[1],!0).length===r.containerState.size?t(e):n(e)},"listItemIndent",r.containerState.size+1)},partial:!0},eT={name:"blockQuote",tokenize:function(e,t,n){let r=this;return function(t){if(62===t){let n=r.containerState;return n.open||(e.enter("blockQuote",{_container:!0}),n.open=!0),e.enter("blockQuotePrefix"),e.enter("blockQuoteMarker"),e.consume(t),e.exit("blockQuoteMarker"),a}return n(t)};function a(n){return Y(n)?(e.enter("blockQuotePrefixWhitespace"),e.consume(n),e.exit("blockQuotePrefixWhitespace"),e.exit("blockQuotePrefix"),t):(e.exit("blockQuotePrefix"),t(n))}},continuation:{tokenize:function(e,t,n){let r=this;return function(t){return Y(t)?J(e,a,"linePrefix",r.parser.constructs.disable.null.includes("codeIndented")?void 0:4)(t):a(t)};function a(r){return e.attempt(eT,t,n)(r)}}},exit:function(e){e.exit("blockQuote")}};function eS(e,t,n,r,a,i,o,s,l){let c=l||Number.POSITIVE_INFINITY,u=0;return function(t){return 60===t?(e.enter(r),e.enter(a),e.enter(i),e.consume(t),e.exit(i),d):null===t||32===t||41===t||$(t)?n(t):(e.enter(r),e.enter(o),e.enter(s),e.enter("chunkString",{contentType:"string"}),g(t))};function d(n){return 62===n?(e.enter(i),e.consume(n),e.exit(i),e.exit(a),e.exit(r),t):(e.enter(s),e.enter("chunkString",{contentType:"string"}),p(n))}function p(t){return 62===t?(e.exit("chunkString"),e.exit(s),d(t)):null===t||60===t||K(t)?n(t):(e.consume(t),92===t?m:p)}function m(t){return 60===t||62===t||92===t?(e.consume(t),p):p(t)}function g(a){return!u&&(null===a||41===a||Z(a))?(e.exit("chunkString"),e.exit(s),e.exit(o),e.exit(r),t(a)):u999||null===d||91===d||93===d&&!o||94===d&&!l&&"_hiddenFootnoteSupport"in s.parser.constructs?n(d):93===d?(e.exit(i),e.enter(a),e.consume(d),e.exit(a),e.exit(r),t):K(d)?(e.enter("lineEnding"),e.consume(d),e.exit("lineEnding"),c):(e.enter("chunkString",{contentType:"string"}),u(d))}function u(t){return null===t||91===t||93===t||K(t)||l++>999?(e.exit("chunkString"),c(t)):(e.consume(t),o||(o=!Y(t)),92===t?d:u)}function d(t){return 91===t||92===t||93===t?(e.consume(t),l++,u):u(t)}}function eA(e,t,n,r,a,i){let o;return function(t){return 34===t||39===t||40===t?(e.enter(r),e.enter(a),e.consume(t),e.exit(a),o=40===t?41:t,s):n(t)};function s(n){return n===o?(e.enter(a),e.consume(n),e.exit(a),e.exit(r),t):(e.enter(i),l(n))}function l(t){return t===o?(e.exit(i),s(o)):null===t?n(t):K(t)?(e.enter("lineEnding"),e.consume(t),e.exit("lineEnding"),J(e,l,"linePrefix")):(e.enter("chunkString",{contentType:"string"}),c(t))}function c(t){return t===o||null===t||K(t)?(e.exit("chunkString"),l(t)):(e.consume(t),92===t?u:c)}function u(t){return t===o||92===t?(e.consume(t),c):c(t)}}function e_(e,t){let n;return function r(a){return K(a)?(e.enter("lineEnding"),e.consume(a),e.exit("lineEnding"),n=!0,r):Y(a)?J(e,r,n?"linePrefix":"lineSuffix")(a):t(a)}}function ek(e){return e.replace(/[\t\n\r ]+/g," ").replace(/^ | $/g,"").toLowerCase().toUpperCase()}let ev={tokenize:function(e,t,n){return function(t){return Z(t)?e_(e,r)(t):n(t)};function r(t){return eA(e,a,n,"definitionTitle","definitionTitleMarker","definitionTitleString")(t)}function a(t){return Y(t)?J(e,i,"whitespace")(t):i(t)}function i(e){return null===e||K(e)?t(e):n(e)}},partial:!0},eC={name:"codeIndented",tokenize:function(e,t,n){let r=this;return function(t){return e.enter("codeIndented"),J(e,a,"linePrefix",5)(t)};function a(t){let a=r.events[r.events.length-1];return a&&"linePrefix"===a[1].type&&a[2].sliceSerialize(a[1],!0).length>=4?function t(n){return null===n?i(n):K(n)?e.attempt(eN,t,i)(n):(e.enter("codeFlowValue"),function n(r){return null===r||K(r)?(e.exit("codeFlowValue"),t(r)):(e.consume(r),n)}(n))}(t):n(t)}function i(n){return e.exit("codeIndented"),t(n)}}},eN={tokenize:function(e,t,n){let r=this;return a;function a(t){return r.parser.lazy[r.now().line]?n(t):K(t)?(e.enter("lineEnding"),e.consume(t),e.exit("lineEnding"),a):J(e,i,"linePrefix",5)(t)}function i(e){let i=r.events[r.events.length-1];return i&&"linePrefix"===i[1].type&&i[2].sliceSerialize(i[1],!0).length>=4?t(e):K(e)?a(e):n(e)}},partial:!0},eR={name:"setextUnderline",tokenize:function(e,t,n){let r;let a=this;return function(t){let o,s=a.events.length;for(;s--;)if("lineEnding"!==a.events[s][1].type&&"linePrefix"!==a.events[s][1].type&&"content"!==a.events[s][1].type){o="paragraph"===a.events[s][1].type;break}return!a.parser.lazy[a.now().line]&&(a.interrupt||o)?(e.enter("setextHeadingLine"),r=t,e.enter("setextHeadingLineSequence"),function t(n){return n===r?(e.consume(n),t):(e.exit("setextHeadingLineSequence"),Y(n)?J(e,i,"lineSuffix")(n):i(n))}(t)):n(t)};function i(r){return null===r||K(r)?(e.exit("setextHeadingLine"),t(r)):n(r)}},resolveTo:function(e,t){let n,r,a,i=e.length;for(;i--;)if("enter"===e[i][0]){if("content"===e[i][1].type){n=i;break}"paragraph"===e[i][1].type&&(r=i)}else"content"===e[i][1].type&&e.splice(i,1),a||"definition"!==e[i][1].type||(a=i);let o={type:"setextHeading",start:Object.assign({},e[r][1].start),end:Object.assign({},e[e.length-1][1].end)};return e[r][1].type="setextHeadingText",a?(e.splice(r,0,["enter",o,t]),e.splice(a+1,0,["exit",e[n][1],t]),e[n][1].end=Object.assign({},e[a][1].end)):e[n][1]=o,e.push(["exit",o,t]),e}},eI=["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","search","section","summary","table","tbody","td","tfoot","th","thead","title","tr","track","ul"],eO=["pre","script","style","textarea"],ew={tokenize:function(e,t,n){return function(r){return e.enter("lineEnding"),e.consume(r),e.exit("lineEnding"),e.attempt(er,t,n)}},partial:!0},ex={tokenize:function(e,t,n){let r=this;return function(t){return K(t)?(e.enter("lineEnding"),e.consume(t),e.exit("lineEnding"),a):n(t)};function a(e){return r.parser.lazy[r.now().line]?n(e):t(e)}},partial:!0},eL={tokenize:function(e,t,n){let r=this;return function(t){return null===t?n(t):(e.enter("lineEnding"),e.consume(t),e.exit("lineEnding"),a)};function a(e){return r.parser.lazy[r.now().line]?n(e):t(e)}},partial:!0},eD={name:"codeFenced",tokenize:function(e,t,n){let r;let a=this,i={tokenize:function(e,t,n){let i=0;return function(t){return e.enter("lineEnding"),e.consume(t),e.exit("lineEnding"),o};function o(t){return e.enter("codeFencedFence"),Y(t)?J(e,l,"linePrefix",a.parser.constructs.disable.null.includes("codeIndented")?void 0:4)(t):l(t)}function l(t){return t===r?(e.enter("codeFencedFenceSequence"),function t(a){return a===r?(i++,e.consume(a),t):i>=s?(e.exit("codeFencedFenceSequence"),Y(a)?J(e,c,"whitespace")(a):c(a)):n(a)}(t)):n(t)}function c(r){return null===r||K(r)?(e.exit("codeFencedFence"),t(r)):n(r)}},partial:!0},o=0,s=0;return function(t){return function(t){let i=a.events[a.events.length-1];return o=i&&"linePrefix"===i[1].type?i[2].sliceSerialize(i[1],!0).length:0,r=t,e.enter("codeFenced"),e.enter("codeFencedFence"),e.enter("codeFencedFenceSequence"),function t(a){return a===r?(s++,e.consume(a),t):s<3?n(a):(e.exit("codeFencedFenceSequence"),Y(a)?J(e,l,"whitespace")(a):l(a))}(t)}(t)};function l(i){return null===i||K(i)?(e.exit("codeFencedFence"),a.interrupt?t(i):e.check(eL,u,g)(i)):(e.enter("codeFencedFenceInfo"),e.enter("chunkString",{contentType:"string"}),function t(a){return null===a||K(a)?(e.exit("chunkString"),e.exit("codeFencedFenceInfo"),l(a)):Y(a)?(e.exit("chunkString"),e.exit("codeFencedFenceInfo"),J(e,c,"whitespace")(a)):96===a&&a===r?n(a):(e.consume(a),t)}(i))}function c(t){return null===t||K(t)?l(t):(e.enter("codeFencedFenceMeta"),e.enter("chunkString",{contentType:"string"}),function t(a){return null===a||K(a)?(e.exit("chunkString"),e.exit("codeFencedFenceMeta"),l(a)):96===a&&a===r?n(a):(e.consume(a),t)}(t))}function u(t){return e.attempt(i,g,d)(t)}function d(t){return e.enter("lineEnding"),e.consume(t),e.exit("lineEnding"),p}function p(t){return o>0&&Y(t)?J(e,m,"linePrefix",o+1)(t):m(t)}function m(t){return null===t||K(t)?e.check(eL,u,g)(t):(e.enter("codeFlowValue"),function t(n){return null===n||K(n)?(e.exit("codeFlowValue"),m(n)):(e.consume(n),t)}(t))}function g(n){return e.exit("codeFenced"),t(n)}},concrete:!0},eP=document.createElement("i");function eM(e){let t="&"+e+";";eP.innerHTML=t;let n=eP.textContent;return(59!==n.charCodeAt(n.length-1)||"semi"===e)&&n!==t&&n}let eF={name:"characterReference",tokenize:function(e,t,n){let r,a;let i=this,o=0;return function(t){return e.enter("characterReference"),e.enter("characterReferenceMarker"),e.consume(t),e.exit("characterReferenceMarker"),s};function s(t){return 35===t?(e.enter("characterReferenceMarkerNumeric"),e.consume(t),e.exit("characterReferenceMarkerNumeric"),l):(e.enter("characterReferenceValue"),r=31,a=G,c(t))}function l(t){return 88===t||120===t?(e.enter("characterReferenceMarkerHexadecimal"),e.consume(t),e.exit("characterReferenceMarkerHexadecimal"),e.enter("characterReferenceValue"),r=6,a=V,c):(e.enter("characterReferenceValue"),r=7,a=j,c(t))}function c(s){if(59===s&&o){let r=e.exit("characterReferenceValue");return a!==G||eM(i.sliceSerialize(r))?(e.enter("characterReferenceMarker"),e.consume(s),e.exit("characterReferenceMarker"),e.exit("characterReference"),t):n(s)}return a(s)&&o++1&&e[u][1].end.offset-e[u][1].start.offset>1?2:1;let d=Object.assign({},e[n][1].end),p=Object.assign({},e[u][1].start);eK(d,-s),eK(p,s),i={type:s>1?"strongSequence":"emphasisSequence",start:d,end:Object.assign({},e[n][1].end)},o={type:s>1?"strongSequence":"emphasisSequence",start:Object.assign({},e[u][1].start),end:p},a={type:s>1?"strongText":"emphasisText",start:Object.assign({},e[n][1].end),end:Object.assign({},e[u][1].start)},r={type:s>1?"strong":"emphasis",start:Object.assign({},i.start),end:Object.assign({},o.end)},e[n][1].end=Object.assign({},i.start),e[u][1].start=Object.assign({},o.end),l=[],e[n][1].end.offset-e[n][1].start.offset&&(l=U(l,[["enter",e[n][1],t],["exit",e[n][1],t]])),l=U(l,[["enter",r,t],["enter",i,t],["exit",i,t],["enter",a,t]]),l=U(l,eg(t.parser.constructs.insideSpan.null,e.slice(n+1,u),t)),l=U(l,[["exit",a,t],["enter",o,t],["exit",o,t],["exit",r,t]]),e[u][1].end.offset-e[u][1].start.offset?(c=2,l=U(l,[["enter",e[u][1],t],["exit",e[u][1],t]])):c=0,F(e,n-1,u-n+3,l),u=n+l.length-c-2;break}}for(u=-1;++ui&&"whitespace"===e[a][1].type&&(a-=2),"atxHeadingSequence"===e[a][1].type&&(i===a-1||a-4>i&&"whitespace"===e[a-2][1].type)&&(a-=i+1===a?2:4),a>i&&(n={type:"atxHeadingText",start:e[i][1].start,end:e[a][1].end},r={type:"chunkText",start:e[i][1].start,end:e[a][1].end,contentType:"text"},F(e,i,a-i+1,[["enter",n,t],["enter",r,t],["exit",r,t],["exit",n,t]])),e}},42:ef,45:[eR,ef],60:{name:"htmlFlow",tokenize:function(e,t,n){let r,a,i,o,s;let l=this;return function(t){return e.enter("htmlFlow"),e.enter("htmlFlowData"),e.consume(t),c};function c(o){return 33===o?(e.consume(o),u):47===o?(e.consume(o),a=!0,m):63===o?(e.consume(o),r=3,l.interrupt?t:x):H(o)?(e.consume(o),i=String.fromCharCode(o),g):n(o)}function u(a){return 45===a?(e.consume(a),r=2,d):91===a?(e.consume(a),r=5,o=0,p):H(a)?(e.consume(a),r=4,l.interrupt?t:x):n(a)}function d(r){return 45===r?(e.consume(r),l.interrupt?t:x):n(r)}function p(r){let a="CDATA[";return r===a.charCodeAt(o++)?(e.consume(r),o===a.length)?l.interrupt?t:k:p:n(r)}function m(t){return H(t)?(e.consume(t),i=String.fromCharCode(t),g):n(t)}function g(o){if(null===o||47===o||62===o||Z(o)){let s=47===o,c=i.toLowerCase();return!s&&!a&&eO.includes(c)?(r=1,l.interrupt?t(o):k(o)):eI.includes(i.toLowerCase())?(r=6,s)?(e.consume(o),f):l.interrupt?t(o):k(o):(r=7,l.interrupt&&!l.parser.lazy[l.now().line]?n(o):a?function t(n){return Y(n)?(e.consume(n),t):A(n)}(o):h(o))}return 45===o||G(o)?(e.consume(o),i+=String.fromCharCode(o),g):n(o)}function f(r){return 62===r?(e.consume(r),l.interrupt?t:k):n(r)}function h(t){return 47===t?(e.consume(t),A):58===t||95===t||H(t)?(e.consume(t),b):Y(t)?(e.consume(t),h):A(t)}function b(t){return 45===t||46===t||58===t||95===t||G(t)?(e.consume(t),b):E(t)}function E(t){return 61===t?(e.consume(t),T):Y(t)?(e.consume(t),E):h(t)}function T(t){return null===t||60===t||61===t||62===t||96===t?n(t):34===t||39===t?(e.consume(t),s=t,S):Y(t)?(e.consume(t),T):function t(n){return null===n||34===n||39===n||47===n||60===n||61===n||62===n||96===n||Z(n)?E(n):(e.consume(n),t)}(t)}function S(t){return t===s?(e.consume(t),s=null,y):null===t||K(t)?n(t):(e.consume(t),S)}function y(e){return 47===e||62===e||Y(e)?h(e):n(e)}function A(t){return 62===t?(e.consume(t),_):n(t)}function _(t){return null===t||K(t)?k(t):Y(t)?(e.consume(t),_):n(t)}function k(t){return 45===t&&2===r?(e.consume(t),R):60===t&&1===r?(e.consume(t),I):62===t&&4===r?(e.consume(t),L):63===t&&3===r?(e.consume(t),x):93===t&&5===r?(e.consume(t),w):K(t)&&(6===r||7===r)?(e.exit("htmlFlowData"),e.check(ew,D,v)(t)):null===t||K(t)?(e.exit("htmlFlowData"),v(t)):(e.consume(t),k)}function v(t){return e.check(ex,C,D)(t)}function C(t){return e.enter("lineEnding"),e.consume(t),e.exit("lineEnding"),N}function N(t){return null===t||K(t)?v(t):(e.enter("htmlFlowData"),k(t))}function R(t){return 45===t?(e.consume(t),x):k(t)}function I(t){return 47===t?(e.consume(t),i="",O):k(t)}function O(t){if(62===t){let n=i.toLowerCase();return eO.includes(n)?(e.consume(t),L):k(t)}return H(t)&&i.length<8?(e.consume(t),i+=String.fromCharCode(t),O):k(t)}function w(t){return 93===t?(e.consume(t),x):k(t)}function x(t){return 62===t?(e.consume(t),L):45===t&&2===r?(e.consume(t),x):k(t)}function L(t){return null===t||K(t)?(e.exit("htmlFlowData"),D(t)):(e.consume(t),L)}function D(n){return e.exit("htmlFlow"),t(n)}},resolveTo:function(e){let t=e.length;for(;t--&&("enter"!==e[t][0]||"htmlFlow"!==e[t][1].type););return t>1&&"linePrefix"===e[t-2][1].type&&(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},concrete:!0},61:eR,95:ef,96:eD,126:eD},eJ={38:eF,92:eU},e1={[-5]:eB,[-4]:eB,[-3]:eB,33:ej,38:eF,42:eW,60:[{name:"autolink",tokenize:function(e,t,n){let r=0;return function(t){return e.enter("autolink"),e.enter("autolinkMarker"),e.consume(t),e.exit("autolinkMarker"),e.enter("autolinkProtocol"),a};function a(t){return H(t)?(e.consume(t),i):s(t)}function i(t){return 43===t||45===t||46===t||G(t)?(r=1,function t(n){return 58===n?(e.consume(n),r=0,o):(43===n||45===n||46===n||G(n))&&r++<32?(e.consume(n),t):(r=0,s(n))}(t)):s(t)}function o(r){return 62===r?(e.exit("autolinkProtocol"),e.enter("autolinkMarker"),e.consume(r),e.exit("autolinkMarker"),e.exit("autolink"),t):null===r||32===r||60===r||$(r)?n(r):(e.consume(r),o)}function s(t){return 64===t?(e.consume(t),l):z(t)?(e.consume(t),s):n(t)}function l(a){return G(a)?function a(i){return 46===i?(e.consume(i),r=0,l):62===i?(e.exit("autolinkProtocol").type="autolinkEmail",e.enter("autolinkMarker"),e.consume(i),e.exit("autolinkMarker"),e.exit("autolink"),t):function t(i){if((45===i||G(i))&&r++<63){let n=45===i?t:a;return e.consume(i),n}return n(i)}(i)}(a):n(a)}}},{name:"htmlText",tokenize:function(e,t,n){let r,a,i;let o=this;return function(t){return e.enter("htmlText"),e.enter("htmlTextData"),e.consume(t),s};function s(t){return 33===t?(e.consume(t),l):47===t?(e.consume(t),S):63===t?(e.consume(t),E):H(t)?(e.consume(t),A):n(t)}function l(t){return 45===t?(e.consume(t),c):91===t?(e.consume(t),a=0,m):H(t)?(e.consume(t),b):n(t)}function c(t){return 45===t?(e.consume(t),p):n(t)}function u(t){return null===t?n(t):45===t?(e.consume(t),d):K(t)?(i=u,O(t)):(e.consume(t),u)}function d(t){return 45===t?(e.consume(t),p):u(t)}function p(e){return 62===e?I(e):45===e?d(e):u(e)}function m(t){let r="CDATA[";return t===r.charCodeAt(a++)?(e.consume(t),a===r.length?g:m):n(t)}function g(t){return null===t?n(t):93===t?(e.consume(t),f):K(t)?(i=g,O(t)):(e.consume(t),g)}function f(t){return 93===t?(e.consume(t),h):g(t)}function h(t){return 62===t?I(t):93===t?(e.consume(t),h):g(t)}function b(t){return null===t||62===t?I(t):K(t)?(i=b,O(t)):(e.consume(t),b)}function E(t){return null===t?n(t):63===t?(e.consume(t),T):K(t)?(i=E,O(t)):(e.consume(t),E)}function T(e){return 62===e?I(e):E(e)}function S(t){return H(t)?(e.consume(t),y):n(t)}function y(t){return 45===t||G(t)?(e.consume(t),y):function t(n){return K(n)?(i=t,O(n)):Y(n)?(e.consume(n),t):I(n)}(t)}function A(t){return 45===t||G(t)?(e.consume(t),A):47===t||62===t||Z(t)?_(t):n(t)}function _(t){return 47===t?(e.consume(t),I):58===t||95===t||H(t)?(e.consume(t),k):K(t)?(i=_,O(t)):Y(t)?(e.consume(t),_):I(t)}function k(t){return 45===t||46===t||58===t||95===t||G(t)?(e.consume(t),k):function t(n){return 61===n?(e.consume(n),v):K(n)?(i=t,O(n)):Y(n)?(e.consume(n),t):_(n)}(t)}function v(t){return null===t||60===t||61===t||62===t||96===t?n(t):34===t||39===t?(e.consume(t),r=t,C):K(t)?(i=v,O(t)):Y(t)?(e.consume(t),v):(e.consume(t),N)}function C(t){return t===r?(e.consume(t),r=void 0,R):null===t?n(t):K(t)?(i=C,O(t)):(e.consume(t),C)}function N(t){return null===t||34===t||39===t||60===t||61===t||96===t?n(t):47===t||62===t||Z(t)?_(t):(e.consume(t),N)}function R(e){return 47===e||62===e||Z(e)?_(e):n(e)}function I(r){return 62===r?(e.consume(r),e.exit("htmlTextData"),e.exit("htmlText"),t):n(r)}function O(t){return e.exit("htmlTextData"),e.enter("lineEnding"),e.consume(t),e.exit("lineEnding"),w}function w(t){return Y(t)?J(e,x,"linePrefix",o.parser.constructs.disable.null.includes("codeIndented")?void 0:4)(t):x(t)}function x(t){return e.enter("htmlTextData"),i(t)}}}],91:eZ,92:[{name:"hardBreakEscape",tokenize:function(e,t,n){return function(t){return e.enter("hardBreakEscape"),e.consume(t),r};function r(r){return K(r)?(e.exit("hardBreakEscape"),t(r)):n(r)}}},eU],93:eH,95:eW,96:{name:"codeText",tokenize:function(e,t,n){let r,a,i=0;return function(t){return e.enter("codeText"),e.enter("codeTextSequence"),function t(n){return 96===n?(e.consume(n),i++,t):(e.exit("codeTextSequence"),o(n))}(t)};function o(l){return null===l?n(l):32===l?(e.enter("space"),e.consume(l),e.exit("space"),o):96===l?(a=e.enter("codeTextSequence"),r=0,function n(o){return 96===o?(e.consume(o),r++,n):r===i?(e.exit("codeTextSequence"),e.exit("codeText"),t(o)):(a.type="codeTextData",s(o))}(l)):K(l)?(e.enter("lineEnding"),e.consume(l),e.exit("lineEnding"),o):(e.enter("codeTextData"),s(l))}function s(t){return null===t||32===t||96===t||K(t)?(e.exit("codeTextData"),o(t)):(e.consume(t),s)}},resolve:function(e){let t,n,r=e.length-4,a=3;if(("lineEnding"===e[3][1].type||"space"===e[a][1].type)&&("lineEnding"===e[r][1].type||"space"===e[r][1].type)){for(t=a;++t13&&n<32||n>126&&n<160||n>55295&&n<57344||n>64975&&n<65008||(65535&n)==65535||(65535&n)==65534||n>1114111?"�":String.fromCharCode(n)}let e8=/\\([!-/:-@[-`{-~])|&(#(?:\d{1,7}|x[\da-f]{1,6})|[\da-z]{1,31});/gi;function e6(e,t,n){if(t)return t;let r=n.charCodeAt(0);if(35===r){let e=n.charCodeAt(1),t=120===e||88===e;return e4(n.slice(t?2:1),t?16:10)}return eM(n)||e}let e3={}.hasOwnProperty,e7=function(e,t,n){let a,i,o,l;return"string"!=typeof t&&(n=t,t=void 0),(function(e){let t={transforms:[],canContainEols:["emphasis","fragment","heading","paragraph","strong"],enter:{autolink:i(S),autolinkProtocol:p,autolinkEmail:p,atxHeading:i(b),blockQuote:i(function(){return{type:"blockquote",children:[]}}),characterEscape:p,characterReference:p,codeFenced:i(h),codeFencedFenceInfo:o,codeFencedFenceMeta:o,codeIndented:i(h,o),codeText:i(function(){return{type:"inlineCode",value:""}},o),codeTextData:p,data:p,codeFlowValue:p,definition:i(function(){return{type:"definition",identifier:"",label:null,title:null,url:""}}),definitionDestinationString:o,definitionLabelString:o,definitionTitleString:o,emphasis:i(function(){return{type:"emphasis",children:[]}}),hardBreakEscape:i(E),hardBreakTrailing:i(E),htmlFlow:i(T,o),htmlFlowData:p,htmlText:i(T,o),htmlTextData:p,image:i(function(){return{type:"image",title:null,url:"",alt:null}}),label:o,link:i(S),listItem:i(function(e){return{type:"listItem",spread:e._spread,checked:null,children:[]}}),listItemValue:function(e){if(n.expectingFirstListItemValue){let t=this.stack[this.stack.length-2];t.start=Number.parseInt(this.sliceSerialize(e),10),n.expectingFirstListItemValue=void 0}},listOrdered:i(y,function(){n.expectingFirstListItemValue=!0}),listUnordered:i(y),paragraph:i(function(){return{type:"paragraph",children:[]}}),reference:function(){n.referenceType="collapsed"},referenceString:o,resourceDestinationString:o,resourceTitleString:o,setextHeading:i(b),strong:i(function(){return{type:"strong",children:[]}}),thematicBreak:i(function(){return{type:"thematicBreak"}})},exit:{atxHeading:c(),atxHeadingSequence:function(e){let t=this.stack[this.stack.length-1];if(!t.depth){let n=this.sliceSerialize(e).length;t.depth=n}},autolink:c(),autolinkEmail:function(e){m.call(this,e);let t=this.stack[this.stack.length-1];t.url="mailto:"+this.sliceSerialize(e)},autolinkProtocol:function(e){m.call(this,e);let t=this.stack[this.stack.length-1];t.url=this.sliceSerialize(e)},blockQuote:c(),characterEscapeValue:m,characterReferenceMarkerHexadecimal:f,characterReferenceMarkerNumeric:f,characterReferenceValue:function(e){let t;let r=this.sliceSerialize(e),a=n.characterReferenceType;if(a)t=e4(r,"characterReferenceMarkerNumeric"===a?10:16),n.characterReferenceType=void 0;else{let e=eM(r);t=e}let i=this.stack.pop();i.value+=t,i.position.end=te(e.end)},codeFenced:c(function(){let e=this.resume(),t=this.stack[this.stack.length-1];t.value=e.replace(/^(\r?\n|\r)|(\r?\n|\r)$/g,""),n.flowCodeInside=void 0}),codeFencedFence:function(){!n.flowCodeInside&&(this.buffer(),n.flowCodeInside=!0)},codeFencedFenceInfo:function(){let e=this.resume(),t=this.stack[this.stack.length-1];t.lang=e},codeFencedFenceMeta:function(){let e=this.resume(),t=this.stack[this.stack.length-1];t.meta=e},codeFlowValue:m,codeIndented:c(function(){let e=this.resume(),t=this.stack[this.stack.length-1];t.value=e.replace(/(\r?\n|\r)$/g,"")}),codeText:c(function(){let e=this.resume(),t=this.stack[this.stack.length-1];t.value=e}),codeTextData:m,data:m,definition:c(),definitionDestinationString:function(){let e=this.resume(),t=this.stack[this.stack.length-1];t.url=e},definitionLabelString:function(e){let t=this.resume(),n=this.stack[this.stack.length-1];n.label=t,n.identifier=ek(this.sliceSerialize(e)).toLowerCase()},definitionTitleString:function(){let e=this.resume(),t=this.stack[this.stack.length-1];t.title=e},emphasis:c(),hardBreakEscape:c(g),hardBreakTrailing:c(g),htmlFlow:c(function(){let e=this.resume(),t=this.stack[this.stack.length-1];t.value=e}),htmlFlowData:m,htmlText:c(function(){let e=this.resume(),t=this.stack[this.stack.length-1];t.value=e}),htmlTextData:m,image:c(function(){let e=this.stack[this.stack.length-1];if(n.inReference){let t=n.referenceType||"shortcut";e.type+="Reference",e.referenceType=t,delete e.url,delete e.title}else delete e.identifier,delete e.label;n.referenceType=void 0}),label:function(){let e=this.stack[this.stack.length-1],t=this.resume(),r=this.stack[this.stack.length-1];if(n.inReference=!0,"link"===r.type){let t=e.children;r.children=t}else r.alt=t},labelText:function(e){let t=this.sliceSerialize(e),n=this.stack[this.stack.length-2];n.label=t.replace(e8,e6),n.identifier=ek(t).toLowerCase()},lineEnding:function(e){let r=this.stack[this.stack.length-1];if(n.atHardBreak){let t=r.children[r.children.length-1];t.position.end=te(e.end),n.atHardBreak=void 0;return}!n.setextHeadingSlurpLineEnding&&t.canContainEols.includes(r.type)&&(p.call(this,e),m.call(this,e))},link:c(function(){let e=this.stack[this.stack.length-1];if(n.inReference){let t=n.referenceType||"shortcut";e.type+="Reference",e.referenceType=t,delete e.url,delete e.title}else delete e.identifier,delete e.label;n.referenceType=void 0}),listItem:c(),listOrdered:c(),listUnordered:c(),paragraph:c(),referenceString:function(e){let t=this.resume(),r=this.stack[this.stack.length-1];r.label=t,r.identifier=ek(this.sliceSerialize(e)).toLowerCase(),n.referenceType="full"},resourceDestinationString:function(){let e=this.resume(),t=this.stack[this.stack.length-1];t.url=e},resourceTitleString:function(){let e=this.resume(),t=this.stack[this.stack.length-1];t.title=e},resource:function(){n.inReference=void 0},setextHeading:c(function(){n.setextHeadingSlurpLineEnding=void 0}),setextHeadingLineSequence:function(e){let t=this.stack[this.stack.length-1];t.depth=61===this.sliceSerialize(e).charCodeAt(0)?1:2},setextHeadingText:function(){n.setextHeadingSlurpLineEnding=!0},strong:c(),thematicBreak:c()}};!function e(t,n){let r=-1;for(;++r0){let e=i.tokenStack[i.tokenStack.length-1],t=e[1]||tt;t.call(i,void 0,e[0])}for(n.position={start:te(e.length>0?e[0][1].start:{line:1,column:1,offset:0}),end:te(e.length>0?e[e.length-2][1].end:{line:1,column:1,offset:0})},c=-1;++c-1){let e=n[0];"string"==typeof e?n[0]=e.slice(a):n.shift()}o>0&&n.push(e[i].slice(0,o))}return n}(o,e)}function p(){let{line:e,column:t,offset:n,_index:a,_bufferIndex:i}=r;return{line:e,column:t,offset:n,_index:a,_bufferIndex:i}}function m(e,t){t.restore()}function g(e,t){return function(n,a,i){let o,u,d,m;return Array.isArray(n)?g(n):"tokenize"in n?g([n]):function(e){let t=null!==e&&n[e],r=null!==e&&n.null,a=[...Array.isArray(t)?t:t?[t]:[],...Array.isArray(r)?r:r?[r]:[]];return g(a)(e)};function g(e){return(o=e,u=0,0===e.length)?i:f(e[u])}function f(e){return function(n){return(m=function(){let e=p(),t=c.previous,n=c.currentConstruct,a=c.events.length,i=Array.from(s);return{restore:function(){r=e,c.previous=t,c.currentConstruct=n,c.events.length=a,s=i,h()},from:a}}(),d=e,e.partial||(c.currentConstruct=e),e.name&&c.parser.constructs.disable.null.includes(e.name))?E(n):e.tokenize.call(t?Object.assign(Object.create(c),t):c,l,b,E)(n)}}function b(t){return e(d,m),a}function E(e){return(m.restore(),++u{let n=this.data("settings");return e7(t,Object.assign({},n,e,{extensions:this.data("micromarkExtensions")||[],mdastExtensions:this.data("fromMarkdownExtensions")||[]}))}})}function tr(e){let t=[],n=-1,r=0,a=0;for(;++n55295&&i<57344){let t=e.charCodeAt(n+1);i<56320&&t>56319&&t<57344?(o=String.fromCharCode(i,t),a=1):o="�"}else o=String.fromCharCode(i);o&&(t.push(e.slice(r,n),encodeURIComponent(o)),r=n+a+1,o=""),a&&(n+=a,a=0)}return t.join("")+e.slice(r)}var ta=n(31108),ti=n(3980);let to={}.hasOwnProperty;function ts(e){return String(e||"").toUpperCase()}function tl(e,t){let n;let r=String(t.identifier).toUpperCase(),a=tr(r.toLowerCase()),i=e.footnoteOrder.indexOf(r);-1===i?(e.footnoteOrder.push(r),e.footnoteCounts[r]=1,n=e.footnoteOrder.length):(e.footnoteCounts[r]++,n=i+1);let o=e.footnoteCounts[r],s={type:"element",tagName:"a",properties:{href:"#"+e.clobberPrefix+"fn-"+a,id:e.clobberPrefix+"fnref-"+a+(o>1?"-"+o:""),dataFootnoteRef:!0,ariaDescribedBy:["footnote-label"]},children:[{type:"text",value:String(n)}]};e.patch(t,s);let l={type:"element",tagName:"sup",properties:{},children:[s]};return e.patch(t,l),e.applyData(t,l)}function tc(e,t){let n=t.referenceType,r="]";if("collapsed"===n?r+="[]":"full"===n&&(r+="["+(t.label||t.identifier)+"]"),"imageReference"===t.type)return{type:"text",value:"!["+t.alt+r};let a=e.all(t),i=a[0];i&&"text"===i.type?i.value="["+i.value:a.unshift({type:"text",value:"["});let o=a[a.length-1];return o&&"text"===o.type?o.value+=r:a.push({type:"text",value:r}),a}function tu(e){let t=e.spread;return null==t?e.children.length>1:t}function td(e,t,n){let r=0,a=e.length;if(t){let t=e.codePointAt(r);for(;9===t||32===t;)r++,t=e.codePointAt(r)}if(n){let t=e.codePointAt(a-1);for(;9===t||32===t;)a--,t=e.codePointAt(a-1)}return a>r?e.slice(r,a):""}let tp={blockquote:function(e,t){let n={type:"element",tagName:"blockquote",properties:{},children:e.wrap(e.all(t),!0)};return e.patch(t,n),e.applyData(t,n)},break:function(e,t){let n={type:"element",tagName:"br",properties:{},children:[]};return e.patch(t,n),[e.applyData(t,n),{type:"text",value:"\n"}]},code:function(e,t){let n=t.value?t.value+"\n":"",r=t.lang?t.lang.match(/^[^ \t]+(?=[ \t]|$)/):null,a={};r&&(a.className=["language-"+r]);let i={type:"element",tagName:"code",properties:a,children:[{type:"text",value:n}]};return t.meta&&(i.data={meta:t.meta}),e.patch(t,i),i={type:"element",tagName:"pre",properties:{},children:[i=e.applyData(t,i)]},e.patch(t,i),i},delete:function(e,t){let n={type:"element",tagName:"del",properties:{},children:e.all(t)};return e.patch(t,n),e.applyData(t,n)},emphasis:function(e,t){let n={type:"element",tagName:"em",properties:{},children:e.all(t)};return e.patch(t,n),e.applyData(t,n)},footnoteReference:tl,footnote:function(e,t){let n=e.footnoteById,r=1;for(;(r in n);)r++;let a=String(r);return n[a]={type:"footnoteDefinition",identifier:a,children:[{type:"paragraph",children:t.children}],position:t.position},tl(e,{type:"footnoteReference",identifier:a,position:t.position})},heading:function(e,t){let n={type:"element",tagName:"h"+t.depth,properties:{},children:e.all(t)};return e.patch(t,n),e.applyData(t,n)},html:function(e,t){if(e.dangerous){let n={type:"raw",value:t.value};return e.patch(t,n),e.applyData(t,n)}return null},imageReference:function(e,t){let n=e.definition(t.identifier);if(!n)return tc(e,t);let r={src:tr(n.url||""),alt:t.alt};null!==n.title&&void 0!==n.title&&(r.title=n.title);let a={type:"element",tagName:"img",properties:r,children:[]};return e.patch(t,a),e.applyData(t,a)},image:function(e,t){let n={src:tr(t.url)};null!==t.alt&&void 0!==t.alt&&(n.alt=t.alt),null!==t.title&&void 0!==t.title&&(n.title=t.title);let r={type:"element",tagName:"img",properties:n,children:[]};return e.patch(t,r),e.applyData(t,r)},inlineCode:function(e,t){let n={type:"text",value:t.value.replace(/\r?\n|\r/g," ")};e.patch(t,n);let r={type:"element",tagName:"code",properties:{},children:[n]};return e.patch(t,r),e.applyData(t,r)},linkReference:function(e,t){let n=e.definition(t.identifier);if(!n)return tc(e,t);let r={href:tr(n.url||"")};null!==n.title&&void 0!==n.title&&(r.title=n.title);let a={type:"element",tagName:"a",properties:r,children:e.all(t)};return e.patch(t,a),e.applyData(t,a)},link:function(e,t){let n={href:tr(t.url)};null!==t.title&&void 0!==t.title&&(n.title=t.title);let r={type:"element",tagName:"a",properties:n,children:e.all(t)};return e.patch(t,r),e.applyData(t,r)},listItem:function(e,t,n){let r=e.all(t),a=n?function(e){let t=!1;if("list"===e.type){t=e.spread||!1;let n=e.children,r=-1;for(;!t&&++r0&&e.children.unshift({type:"text",value:" "}),e.children.unshift({type:"element",tagName:"input",properties:{type:"checkbox",checked:t.checked,disabled:!0},children:[]}),i.className=["task-list-item"]}let s=-1;for(;++s0){let r={type:"element",tagName:"tbody",properties:{},children:e.wrap(n,!0)},i=(0,ti.Pk)(t.children[1]),o=(0,ti.rb)(t.children[t.children.length-1]);i.line&&o.line&&(r.position={start:i,end:o}),a.push(r)}let i={type:"element",tagName:"table",properties:{},children:e.wrap(a,!0)};return e.patch(t,i),e.applyData(t,i)},tableCell:function(e,t){let n={type:"element",tagName:"td",properties:{},children:e.all(t)};return e.patch(t,n),e.applyData(t,n)},tableRow:function(e,t,n){let r=n?n.children:void 0,a=r?r.indexOf(t):1,i=0===a?"th":"td",o=n&&"table"===n.type?n.align:void 0,s=o?o.length:t.children.length,l=-1,c=[];for(;++l0,!0),r[0]),a=r.index+r[0].length,r=n.exec(t);return i.push(td(t.slice(a),a>0,!1)),i.join("")}(String(t.value))};return e.patch(t,n),e.applyData(t,n)},thematicBreak:function(e,t){let n={type:"element",tagName:"hr",properties:{},children:[]};return e.patch(t,n),e.applyData(t,n)},toml:tm,yaml:tm,definition:tm,footnoteDefinition:tm};function tm(){return null}let tg={}.hasOwnProperty;function tf(e,t){e.position&&(t.position=(0,ti.FK)(e))}function th(e,t){let n=t;if(e&&e.data){let t=e.data.hName,r=e.data.hChildren,a=e.data.hProperties;"string"==typeof t&&("element"===n.type?n.tagName=t:n={type:"element",tagName:t,properties:{},children:[]}),"element"===n.type&&a&&(n.properties={...n.properties,...a}),"children"in n&&n.children&&null!=r&&(n.children=r)}return n}function tb(e,t,n){let r=t&&t.type;if(!r)throw Error("Expected node, got `"+t+"`");return tg.call(e.handlers,r)?e.handlers[r](e,t,n):e.passThrough&&e.passThrough.includes(r)?"children"in t?{...t,children:tE(e,t)}:t:e.unknownHandler?e.unknownHandler(e,t,n):function(e,t){let n=t.data||{},r="value"in t&&!(tg.call(n,"hProperties")||tg.call(n,"hChildren"))?{type:"text",value:t.value}:{type:"element",tagName:"div",properties:{},children:tE(e,t)};return e.patch(t,r),e.applyData(t,r)}(e,t)}function tE(e,t){let n=[];if("children"in t){let r=t.children,a=-1;for(;++a0&&n.push({type:"text",value:"\n"}),n}function tS(e,t){let n=function(e,t){let n=t||{},r=n.allowDangerousHtml||!1,a={};return o.dangerous=r,o.clobberPrefix=void 0===n.clobberPrefix||null===n.clobberPrefix?"user-content-":n.clobberPrefix,o.footnoteLabel=n.footnoteLabel||"Footnotes",o.footnoteLabelTagName=n.footnoteLabelTagName||"h2",o.footnoteLabelProperties=n.footnoteLabelProperties||{className:["sr-only"]},o.footnoteBackLabel=n.footnoteBackLabel||"Back to content",o.unknownHandler=n.unknownHandler,o.passThrough=n.passThrough,o.handlers={...tp,...n.handlers},o.definition=function(e){let t=Object.create(null);if(!e||!e.type)throw Error("mdast-util-definitions expected node");return(0,ta.Vn)(e,"definition",e=>{let n=ts(e.identifier);n&&!to.call(t,n)&&(t[n]=e)}),function(e){let n=ts(e);return n&&to.call(t,n)?t[n]:null}}(e),o.footnoteById=a,o.footnoteOrder=[],o.footnoteCounts={},o.patch=tf,o.applyData=th,o.one=function(e,t){return tb(o,e,t)},o.all=function(e){return tE(o,e)},o.wrap=tT,o.augment=i,(0,ta.Vn)(e,"footnoteDefinition",e=>{let t=String(e.identifier).toUpperCase();tg.call(a,t)||(a[t]=e)}),o;function i(e,t){if(e&&"data"in e&&e.data){let n=e.data;n.hName&&("element"!==t.type&&(t={type:"element",tagName:"",properties:{},children:[]}),t.tagName=n.hName),"element"===t.type&&n.hProperties&&(t.properties={...t.properties,...n.hProperties}),"children"in t&&t.children&&n.hChildren&&(t.children=n.hChildren)}if(e){let n="type"in e?e:{position:e};!n||!n.position||!n.position.start||!n.position.start.line||!n.position.start.column||!n.position.end||!n.position.end.line||!n.position.end.column||(t.position={start:(0,ti.Pk)(n),end:(0,ti.rb)(n)})}return t}function o(e,t,n,r){return Array.isArray(n)&&(r=n,n={}),i(e,{type:"element",tagName:t,properties:n||{},children:r||[]})}}(e,t),r=n.one(e,null),a=function(e){let t=[],n=-1;for(;++n1?"-"+s:""),dataFootnoteBackref:!0,className:["data-footnote-backref"],ariaLabel:e.footnoteBackLabel},children:[{type:"text",value:"↩"}]};s>1&&t.children.push({type:"element",tagName:"sup",children:[{type:"text",value:String(s)}]}),l.length>0&&l.push({type:"text",value:" "}),l.push(t)}let c=a[a.length-1];if(c&&"element"===c.type&&"p"===c.tagName){let e=c.children[c.children.length-1];e&&"text"===e.type?e.value+=" ":c.children.push({type:"text",value:" "}),c.children.push(...l)}else a.push(...l);let u={type:"element",tagName:"li",properties:{id:e.clobberPrefix+"fn-"+o},children:e.wrap(a,!0)};e.patch(r,u),t.push(u)}if(0!==t.length)return{type:"element",tagName:"section",properties:{dataFootnotes:!0,className:["footnotes"]},children:[{type:"element",tagName:e.footnoteLabelTagName,properties:{...JSON.parse(JSON.stringify(e.footnoteLabelProperties)),id:"footnote-label"},children:[{type:"text",value:e.footnoteLabel}]},{type:"text",value:"\n"},{type:"element",tagName:"ol",properties:{},children:e.wrap(t,!0)},{type:"text",value:"\n"}]}}(n);return a&&r.children.push({type:"text",value:"\n"},a),Array.isArray(r)?{type:"root",children:r}:r}var ty=function(e,t){var n;return e&&"run"in e?(n,r,a)=>{e.run(tS(n,t),r,e=>{a(e)})}:(n=e||t,e=>tS(e,n))},tA=n(45697);class t_{constructor(e,t,n){this.property=e,this.normal=t,n&&(this.space=n)}}function tk(e,t){let n={},r={},a=-1;for(;++a"xlink:"+t.slice(5).toLowerCase(),properties:{xLinkActuate:null,xLinkArcRole:null,xLinkHref:null,xLinkRole:null,xLinkShow:null,xLinkTitle:null,xLinkType:null}}),tG=tB({space:"xml",transform:(e,t)=>"xml:"+t.slice(3).toLowerCase(),properties:{xmlLang:null,xmlBase:null,xmlSpace:null}});function tz(e,t){return t in e?e[t]:t}function t$(e,t){return tz(e,t.toLowerCase())}let tj=tB({space:"xmlns",attributes:{xmlnsxlink:"xmlns:xlink"},transform:t$,properties:{xmlns:null,xmlnsXLink:null}}),tV=tB({transform:(e,t)=>"role"===t?t:"aria-"+t.slice(4).toLowerCase(),properties:{ariaActiveDescendant:null,ariaAtomic:tI,ariaAutoComplete:null,ariaBusy:tI,ariaChecked:tI,ariaColCount:tw,ariaColIndex:tw,ariaColSpan:tw,ariaControls:tx,ariaCurrent:null,ariaDescribedBy:tx,ariaDetails:null,ariaDisabled:tI,ariaDropEffect:tx,ariaErrorMessage:null,ariaExpanded:tI,ariaFlowTo:tx,ariaGrabbed:tI,ariaHasPopup:null,ariaHidden:tI,ariaInvalid:null,ariaKeyShortcuts:null,ariaLabel:null,ariaLabelledBy:tx,ariaLevel:tw,ariaLive:null,ariaModal:tI,ariaMultiLine:tI,ariaMultiSelectable:tI,ariaOrientation:null,ariaOwns:tx,ariaPlaceholder:null,ariaPosInSet:tw,ariaPressed:tI,ariaReadOnly:tI,ariaRelevant:null,ariaRequired:tI,ariaRoleDescription:tx,ariaRowCount:tw,ariaRowIndex:tw,ariaRowSpan:tw,ariaSelected:tI,ariaSetSize:tw,ariaSort:null,ariaValueMax:tw,ariaValueMin:tw,ariaValueNow:tw,ariaValueText:null,role:null}}),tW=tB({space:"html",attributes:{acceptcharset:"accept-charset",classname:"class",htmlfor:"for",httpequiv:"http-equiv"},transform:t$,mustUseProperty:["checked","multiple","muted","selected"],properties:{abbr:null,accept:tL,acceptCharset:tx,accessKey:tx,action:null,allow:null,allowFullScreen:tR,allowPaymentRequest:tR,allowUserMedia:tR,alt:null,as:null,async:tR,autoCapitalize:null,autoComplete:tx,autoFocus:tR,autoPlay:tR,blocking:tx,capture:tR,charSet:null,checked:tR,cite:null,className:tx,cols:tw,colSpan:null,content:null,contentEditable:tI,controls:tR,controlsList:tx,coords:tw|tL,crossOrigin:null,data:null,dateTime:null,decoding:null,default:tR,defer:tR,dir:null,dirName:null,disabled:tR,download:tO,draggable:tI,encType:null,enterKeyHint:null,fetchPriority:null,form:null,formAction:null,formEncType:null,formMethod:null,formNoValidate:tR,formTarget:null,headers:tx,height:tw,hidden:tR,high:tw,href:null,hrefLang:null,htmlFor:tx,httpEquiv:tx,id:null,imageSizes:null,imageSrcSet:null,inert:tR,inputMode:null,integrity:null,is:null,isMap:tR,itemId:null,itemProp:tx,itemRef:tx,itemScope:tR,itemType:tx,kind:null,label:null,lang:null,language:null,list:null,loading:null,loop:tR,low:tw,manifest:null,max:null,maxLength:tw,media:null,method:null,min:null,minLength:tw,multiple:tR,muted:tR,name:null,nonce:null,noModule:tR,noValidate:tR,onAbort:null,onAfterPrint:null,onAuxClick:null,onBeforeMatch:null,onBeforePrint:null,onBeforeUnload:null,onBlur:null,onCancel:null,onCanPlay:null,onCanPlayThrough:null,onChange:null,onClick:null,onClose:null,onContextLost:null,onContextMenu:null,onContextRestored: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,onScrollEnd: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:tR,optimum:tw,pattern:null,ping:tx,placeholder:null,playsInline:tR,popover:null,popoverTarget:null,popoverTargetAction:null,poster:null,preload:null,readOnly:tR,referrerPolicy:null,rel:tx,required:tR,reversed:tR,rows:tw,rowSpan:tw,sandbox:tx,scope:null,scoped:tR,seamless:tR,selected:tR,shape:null,size:tw,sizes:null,slot:null,span:tw,spellCheck:tI,src:null,srcDoc:null,srcLang:null,srcSet:null,start:tw,step:null,style:null,tabIndex:tw,target:null,title:null,translate:null,type:null,typeMustMatch:tR,useMap:null,value:tI,width:tw,wrap:null,align:null,aLink:null,archive:tx,axis:null,background:null,bgColor:null,border:tw,borderColor:null,bottomMargin:tw,cellPadding:null,cellSpacing:null,char:null,charOff:null,classId:null,clear:null,code:null,codeBase:null,codeType:null,color:null,compact:tR,declare:tR,event:null,face:null,frame:null,frameBorder:null,hSpace:tw,leftMargin:tw,link:null,longDesc:null,lowSrc:null,marginHeight:tw,marginWidth:tw,noResize:tR,noHref:tR,noShade:tR,noWrap:tR,object:null,profile:null,prompt:null,rev:null,rightMargin:tw,rules:null,scheme:null,scrolling:tI,standby:null,summary:null,text:null,topMargin:tw,valueType:null,version:null,vAlign:null,vLink:null,vSpace:tw,allowTransparency:null,autoCorrect:null,autoSave:null,disablePictureInPicture:tR,disableRemotePlayback:tR,prefix:null,property:null,results:tw,security:null,unselectable:null}}),tK=tB({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",transformOrigin:"transform-origin",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:tz,properties:{about:tD,accentHeight:tw,accumulate:null,additive:null,alignmentBaseline:null,alphabetic:tw,amplitude:tw,arabicForm:null,ascent:tw,attributeName:null,attributeType:null,azimuth:tw,bandwidth:null,baselineShift:null,baseFrequency:null,baseProfile:null,bbox:null,begin:null,bias:tw,by:null,calcMode:null,capHeight:tw,className:tx,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:tw,diffuseConstant:tw,direction:null,display:null,dur:null,divisor:tw,dominantBaseline:null,download:tR,dx:null,dy:null,edgeMode:null,editable:null,elevation:tw,enableBackground:null,end:null,event:null,exponent:tw,externalResourcesRequired:null,fill:null,fillOpacity:tw,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:tL,g2:tL,glyphName:tL,glyphOrientationHorizontal:null,glyphOrientationVertical:null,glyphRef:null,gradientTransform:null,gradientUnits:null,handler:null,hanging:tw,hatchContentUnits:null,hatchUnits:null,height:null,href:null,hrefLang:null,horizAdvX:tw,horizOriginX:tw,horizOriginY:tw,id:null,ideographic:tw,imageRendering:null,initialVisibility:null,in:null,in2:null,intercept:tw,k:tw,k1:tw,k2:tw,k3:tw,k4:tw,kernelMatrix:tD,kernelUnitLength:null,keyPoints:null,keySplines:null,keyTimes:null,kerning:null,lang:null,lengthAdjust:null,letterSpacing:null,lightingColor:null,limitingConeAngle:tw,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:tw,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:tw,overlineThickness:tw,paintOrder:null,panose1:null,path:null,pathLength:tw,patternContentUnits:null,patternTransform:null,patternUnits:null,phase:null,ping:tx,pitch:null,playbackOrder:null,pointerEvents:null,points:null,pointsAtX:tw,pointsAtY:tw,pointsAtZ:tw,preserveAlpha:null,preserveAspectRatio:null,primitiveUnits:null,propagate:null,property:tD,r:null,radius:null,referrerPolicy:null,refX:null,refY:null,rel:tD,rev:tD,renderingIntent:null,repeatCount:null,repeatDur:null,requiredExtensions:tD,requiredFeatures:tD,requiredFonts:tD,requiredFormats:tD,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:tw,specularExponent:tw,spreadMethod:null,spacing:null,startOffset:null,stdDeviation:null,stemh:null,stemv:null,stitchTiles:null,stopColor:null,stopOpacity:null,strikethroughPosition:tw,strikethroughThickness:tw,string:null,stroke:null,strokeDashArray:tD,strokeDashOffset:null,strokeLineCap:null,strokeLineJoin:null,strokeMiterLimit:tw,strokeOpacity:tw,strokeWidth:null,style:null,surfaceScale:tw,syncBehavior:null,syncBehaviorDefault:null,syncMaster:null,syncTolerance:null,syncToleranceDefault:null,systemLanguage:tD,tabIndex:tw,tableValues:null,target:null,targetX:tw,targetY:tw,textAnchor:null,textDecoration:null,textRendering:null,textLength:null,timelineBegin:null,title:null,transformBehavior:null,type:null,typeOf:tD,to:null,transform:null,transformOrigin:null,u1:null,u2:null,underlinePosition:tw,underlineThickness:tw,unicode:null,unicodeBidi:null,unicodeRange:null,unitsPerEm:tw,values:null,vAlphabetic:tw,vMathematical:tw,vectorEffect:null,vHanging:tw,vIdeographic:tw,version:null,vertAdvY:tw,vertOriginX:tw,vertOriginY:tw,viewBox:null,viewTarget:null,visibility:null,width:null,widths:null,wordSpacing:null,writingMode:null,x:null,x1:null,x2:null,xChannelSelector:null,xHeight:tw,y:null,y1:null,y2:null,yChannelSelector:null,z:null,zoomAndPan:null}}),tZ=tk([tG,tH,tj,tV,tW],"html"),tY=tk([tG,tH,tj,tV,tK],"svg");function tq(e){if(e.allowedElements&&e.disallowedElements)throw TypeError("Only one of `allowedElements` and `disallowedElements` should be defined");if(e.allowedElements||e.disallowedElements||e.allowElement)return t=>{(0,ta.Vn)(t,"element",(t,n,r)=>{let a;if(e.allowedElements?a=!e.allowedElements.includes(t.tagName):e.disallowedElements&&(a=e.disallowedElements.includes(t.tagName)),!a&&e.allowElement&&"number"==typeof n&&(a=!e.allowElement(t,n,r)),a&&"number"==typeof n)return e.unwrapDisallowed&&t.children?r.children.splice(n,1,...t.children):r.children.splice(n,1),n})}}var tX=n(59864);let tQ=/^data[-\w.:]+$/i,tJ=/-[a-z]/g,t1=/[A-Z]/g;function t0(e){return"-"+e.toLowerCase()}function t9(e){return e.charAt(1).toUpperCase()}let t5={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"};var t2=n(57848);let t4=["http","https","mailto","tel"];function t8(e){let t=(e||"").trim(),n=t.charAt(0);if("#"===n||"/"===n)return t;let r=t.indexOf(":");if(-1===r)return t;let a=-1;for(;++aa||-1!==(a=t.indexOf("#"))&&r>a?t:"javascript:void(0)"}let t6={}.hasOwnProperty,t3=new Set(["table","thead","tbody","tfoot","tr"]);function t7(e,t){let n=-1,r=0;for(;++n for more info)`),delete nn[t]}let t=v().use(tn).use(e.remarkPlugins||[]).use(ty,{...e.remarkRehypeOptions,allowDangerousHtml:!0}).use(e.rehypePlugins||[]).use(tq,e),n=new b;"string"==typeof e.children?n.value=e.children:void 0!==e.children&&null!==e.children&&console.warn(`[react-markdown] Warning: please pass a string as \`children\` (not: \`${e.children}\`)`);let r=t.runSync(t.parse(n),n);if("root"!==r.type)throw TypeError("Expected a `root` node");let a=i.createElement(i.Fragment,{},function e(t,n){let r;let a=[],o=-1;for(;++o4&&"data"===n.slice(0,4)&&tQ.test(t)){if("-"===t.charAt(4)){let e=t.slice(5).replace(tJ,t9);r="data"+e.charAt(0).toUpperCase()+e.slice(1)}else{let e=t.slice(4);if(!tJ.test(e)){let n=e.replace(t1,t0);"-"!==n.charAt(0)&&(n="-"+n),t="data"+n}}a=tF}return new a(r,t)}(r.schema,t),i=n;null!=i&&i==i&&(Array.isArray(i)&&(i=a.commaSeparated?function(e,t){let n={},r=""===e[e.length-1]?[...e,""]:e;return r.join((n.padRight?" ":"")+","+(!1===n.padLeft?"":" ")).trim()}(i):i.join(" ").trim()),"style"===a.property&&"string"==typeof i&&(i=function(e){let t={};try{t2(e,function(e,n){let r="-ms-"===e.slice(0,4)?`ms-${e.slice(4)}`:e;t[r.replace(/-([a-z])/g,ne)]=n})}catch{}return t}(i)),a.space&&a.property?e[t6.call(t5,a.property)?t5[a.property]:a.property]=i:a.attribute&&(e[a.attribute]=i))}(d,o,n.properties[o],t);("ol"===u||"ul"===u)&&t.listDepth++;let m=e(t,n);("ol"===u||"ul"===u)&&t.listDepth--,t.schema=c;let g=n.position||{start:{line:null,column:null,offset:null},end:{line:null,column:null,offset:null}},f=s.components&&t6.call(s.components,u)?s.components[u]:u,h="string"==typeof f||f===i.Fragment;if(!tX.isValidElementType(f))throw TypeError(`Component for name \`${u}\` not defined or is not renderable`);if(d.key=r,"a"===u&&s.linkTarget&&(d.target="function"==typeof s.linkTarget?s.linkTarget(String(d.href||""),n.children,"string"==typeof d.title?d.title:null):s.linkTarget),"a"===u&&l&&(d.href=l(String(d.href||""),n.children,"string"==typeof d.title?d.title:null)),h||"code"!==u||"element"!==a.type||"pre"===a.tagName||(d.inline=!0),h||"h1"!==u&&"h2"!==u&&"h3"!==u&&"h4"!==u&&"h5"!==u&&"h6"!==u||(d.level=Number.parseInt(u.charAt(1),10)),"img"===u&&s.transformImageUri&&(d.src=s.transformImageUri(String(d.src||""),String(d.alt||""),"string"==typeof d.title?d.title:null)),!h&&"li"===u&&"element"===a.type){let e=function(e){let t=-1;for(;++t0?i.createElement(f,d,m):i.createElement(f,d)}(t,r,o,n)):"text"===r.type?"element"===n.type&&t3.has(n.tagName)&&function(e){let t=e&&"object"==typeof e&&"text"===e.type?e.value||"":e;return"string"==typeof t&&""===t.replace(/[ \t\n\f\r]/g,"")}(r)||a.push(r.value):"raw"!==r.type||t.options.skipHtml||a.push(r.value);return a}({options:e,schema:tZ,listDepth:0},r));return e.className&&(a=i.createElement("div",{className:e.className},a)),a}nr.propTypes={children:tA.string,className:tA.string,allowElement:tA.func,allowedElements:tA.arrayOf(tA.string),disallowedElements:tA.arrayOf(tA.string),unwrapDisallowed:tA.bool,remarkPlugins:tA.arrayOf(tA.oneOfType([tA.object,tA.func,tA.arrayOf(tA.oneOfType([tA.bool,tA.string,tA.object,tA.func,tA.arrayOf(tA.any)]))])),rehypePlugins:tA.arrayOf(tA.oneOfType([tA.object,tA.func,tA.arrayOf(tA.oneOfType([tA.bool,tA.string,tA.object,tA.func,tA.arrayOf(tA.any)]))])),sourcePos:tA.bool,rawSourcePos:tA.bool,skipHtml:tA.bool,includeElementIndex:tA.bool,transformLinkUri:tA.oneOfType([tA.func,tA.bool]),linkTarget:tA.oneOfType([tA.func,tA.string]),transformImageUri:tA.func,components:tA.object}},12767:function(e,t,n){"use strict";n.d(t,{Z:function(){return eK}});var r={};n.r(r),n.d(r,{boolean:function(){return m},booleanish:function(){return g},commaOrSpaceSeparated:function(){return T},commaSeparated:function(){return E},number:function(){return h},overloadedBoolean:function(){return f},spaceSeparated:function(){return b}});var a={};n.r(a),n.d(a,{boolean:function(){return ec},booleanish:function(){return eu},commaOrSpaceSeparated:function(){return ef},commaSeparated:function(){return eg},number:function(){return ep},overloadedBoolean:function(){return ed},spaceSeparated:function(){return em}});var i=n(7045),o=n(3980),s=n(31108);class l{constructor(e,t,n){this.property=e,this.normal=t,n&&(this.space=n)}}function c(e,t){let n={},r={},a=-1;for(;++a"xlink:"+t.slice(5).toLowerCase(),properties:{xLinkActuate:null,xLinkArcRole:null,xLinkHref:null,xLinkRole:null,xLinkShow:null,xLinkTitle:null,xLinkType:null}}),C=k({space:"xml",transform:(e,t)=>"xml:"+t.slice(3).toLowerCase(),properties:{xmlLang:null,xmlBase:null,xmlSpace:null}});function N(e,t){return t in e?e[t]:t}function R(e,t){return N(e,t.toLowerCase())}let I=k({space:"xmlns",attributes:{xmlnsxlink:"xmlns:xlink"},transform:R,properties:{xmlns:null,xmlnsXLink:null}}),O=k({transform:(e,t)=>"role"===t?t:"aria-"+t.slice(4).toLowerCase(),properties:{ariaActiveDescendant:null,ariaAtomic:g,ariaAutoComplete:null,ariaBusy:g,ariaChecked:g,ariaColCount:h,ariaColIndex:h,ariaColSpan:h,ariaControls:b,ariaCurrent:null,ariaDescribedBy:b,ariaDetails:null,ariaDisabled:g,ariaDropEffect:b,ariaErrorMessage:null,ariaExpanded:g,ariaFlowTo:b,ariaGrabbed:g,ariaHasPopup:null,ariaHidden:g,ariaInvalid:null,ariaKeyShortcuts:null,ariaLabel:null,ariaLabelledBy:b,ariaLevel:h,ariaLive:null,ariaModal:g,ariaMultiLine:g,ariaMultiSelectable:g,ariaOrientation:null,ariaOwns:b,ariaPlaceholder:null,ariaPosInSet:h,ariaPressed:g,ariaReadOnly:g,ariaRelevant:null,ariaRequired:g,ariaRoleDescription:b,ariaRowCount:h,ariaRowIndex:h,ariaRowSpan:h,ariaSelected:g,ariaSetSize:h,ariaSort:null,ariaValueMax:h,ariaValueMin:h,ariaValueNow:h,ariaValueText:null,role:null}}),w=k({space:"html",attributes:{acceptcharset:"accept-charset",classname:"class",htmlfor:"for",httpequiv:"http-equiv"},transform:R,mustUseProperty:["checked","multiple","muted","selected"],properties:{abbr:null,accept:E,acceptCharset:b,accessKey:b,action:null,allow:null,allowFullScreen:m,allowPaymentRequest:m,allowUserMedia:m,alt:null,as:null,async:m,autoCapitalize:null,autoComplete:b,autoFocus:m,autoPlay:m,blocking:b,capture:m,charSet:null,checked:m,cite:null,className:b,cols:h,colSpan:null,content:null,contentEditable:g,controls:m,controlsList:b,coords:h|E,crossOrigin:null,data:null,dateTime:null,decoding:null,default:m,defer:m,dir:null,dirName:null,disabled:m,download:f,draggable:g,encType:null,enterKeyHint:null,fetchPriority:null,form:null,formAction:null,formEncType:null,formMethod:null,formNoValidate:m,formTarget:null,headers:b,height:h,hidden:m,high:h,href:null,hrefLang:null,htmlFor:b,httpEquiv:b,id:null,imageSizes:null,imageSrcSet:null,inert:m,inputMode:null,integrity:null,is:null,isMap:m,itemId:null,itemProp:b,itemRef:b,itemScope:m,itemType:b,kind:null,label:null,lang:null,language:null,list:null,loading:null,loop:m,low:h,manifest:null,max:null,maxLength:h,media:null,method:null,min:null,minLength:h,multiple:m,muted:m,name:null,nonce:null,noModule:m,noValidate:m,onAbort:null,onAfterPrint:null,onAuxClick:null,onBeforeMatch:null,onBeforePrint:null,onBeforeUnload:null,onBlur:null,onCancel:null,onCanPlay:null,onCanPlayThrough:null,onChange:null,onClick:null,onClose:null,onContextLost:null,onContextMenu:null,onContextRestored: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,onScrollEnd: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:m,optimum:h,pattern:null,ping:b,placeholder:null,playsInline:m,popover:null,popoverTarget:null,popoverTargetAction:null,poster:null,preload:null,readOnly:m,referrerPolicy:null,rel:b,required:m,reversed:m,rows:h,rowSpan:h,sandbox:b,scope:null,scoped:m,seamless:m,selected:m,shape:null,size:h,sizes:null,slot:null,span:h,spellCheck:g,src:null,srcDoc:null,srcLang:null,srcSet:null,start:h,step:null,style:null,tabIndex:h,target:null,title:null,translate:null,type:null,typeMustMatch:m,useMap:null,value:g,width:h,wrap:null,align:null,aLink:null,archive:b,axis:null,background:null,bgColor:null,border:h,borderColor:null,bottomMargin:h,cellPadding:null,cellSpacing:null,char:null,charOff:null,classId:null,clear:null,code:null,codeBase:null,codeType:null,color:null,compact:m,declare:m,event:null,face:null,frame:null,frameBorder:null,hSpace:h,leftMargin:h,link:null,longDesc:null,lowSrc:null,marginHeight:h,marginWidth:h,noResize:m,noHref:m,noShade:m,noWrap:m,object:null,profile:null,prompt:null,rev:null,rightMargin:h,rules:null,scheme:null,scrolling:g,standby:null,summary:null,text:null,topMargin:h,valueType:null,version:null,vAlign:null,vLink:null,vSpace:h,allowTransparency:null,autoCorrect:null,autoSave:null,disablePictureInPicture:m,disableRemotePlayback:m,prefix:null,property:null,results:h,security:null,unselectable:null}}),x=k({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",transformOrigin:"transform-origin",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:N,properties:{about:T,accentHeight:h,accumulate:null,additive:null,alignmentBaseline:null,alphabetic:h,amplitude:h,arabicForm:null,ascent:h,attributeName:null,attributeType:null,azimuth:h,bandwidth:null,baselineShift:null,baseFrequency:null,baseProfile:null,bbox:null,begin:null,bias:h,by:null,calcMode:null,capHeight:h,className:b,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:h,diffuseConstant:h,direction:null,display:null,dur:null,divisor:h,dominantBaseline:null,download:m,dx:null,dy:null,edgeMode:null,editable:null,elevation:h,enableBackground:null,end:null,event:null,exponent:h,externalResourcesRequired:null,fill:null,fillOpacity:h,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:E,g2:E,glyphName:E,glyphOrientationHorizontal:null,glyphOrientationVertical:null,glyphRef:null,gradientTransform:null,gradientUnits:null,handler:null,hanging:h,hatchContentUnits:null,hatchUnits:null,height:null,href:null,hrefLang:null,horizAdvX:h,horizOriginX:h,horizOriginY:h,id:null,ideographic:h,imageRendering:null,initialVisibility:null,in:null,in2:null,intercept:h,k:h,k1:h,k2:h,k3:h,k4:h,kernelMatrix:T,kernelUnitLength:null,keyPoints:null,keySplines:null,keyTimes:null,kerning:null,lang:null,lengthAdjust:null,letterSpacing:null,lightingColor:null,limitingConeAngle:h,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:h,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:h,overlineThickness:h,paintOrder:null,panose1:null,path:null,pathLength:h,patternContentUnits:null,patternTransform:null,patternUnits:null,phase:null,ping:b,pitch:null,playbackOrder:null,pointerEvents:null,points:null,pointsAtX:h,pointsAtY:h,pointsAtZ:h,preserveAlpha:null,preserveAspectRatio:null,primitiveUnits:null,propagate:null,property:T,r:null,radius:null,referrerPolicy:null,refX:null,refY:null,rel:T,rev:T,renderingIntent:null,repeatCount:null,repeatDur:null,requiredExtensions:T,requiredFeatures:T,requiredFonts:T,requiredFormats:T,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:h,specularExponent:h,spreadMethod:null,spacing:null,startOffset:null,stdDeviation:null,stemh:null,stemv:null,stitchTiles:null,stopColor:null,stopOpacity:null,strikethroughPosition:h,strikethroughThickness:h,string:null,stroke:null,strokeDashArray:T,strokeDashOffset:null,strokeLineCap:null,strokeLineJoin:null,strokeMiterLimit:h,strokeOpacity:h,strokeWidth:null,style:null,surfaceScale:h,syncBehavior:null,syncBehaviorDefault:null,syncMaster:null,syncTolerance:null,syncToleranceDefault:null,systemLanguage:T,tabIndex:h,tableValues:null,target:null,targetX:h,targetY:h,textAnchor:null,textDecoration:null,textRendering:null,textLength:null,timelineBegin:null,title:null,transformBehavior:null,type:null,typeOf:T,to:null,transform:null,transformOrigin:null,u1:null,u2:null,underlinePosition:h,underlineThickness:h,unicode:null,unicodeBidi:null,unicodeRange:null,unitsPerEm:h,values:null,vAlphabetic:h,vMathematical:h,vectorEffect:null,vHanging:h,vIdeographic:h,version:null,vertAdvY:h,vertOriginX:h,vertOriginY:h,viewBox:null,viewTarget:null,visibility:null,width:null,widths:null,wordSpacing:null,writingMode:null,x:null,x1:null,x2:null,xChannelSelector:null,xHeight:h,y:null,y1:null,y2:null,yChannelSelector:null,z:null,zoomAndPan:null}}),L=c([C,v,I,O,w],"html"),D=c([C,v,I,O,x],"svg"),P=/^data[-\w.:]+$/i,M=/-[a-z]/g,F=/[A-Z]/g;function U(e,t){let n=u(t),r=t,a=d;if(n in e.normal)return e.property[e.normal[n]];if(n.length>4&&"data"===n.slice(0,4)&&P.test(t)){if("-"===t.charAt(4)){let e=t.slice(5).replace(M,H);r="data"+e.charAt(0).toUpperCase()+e.slice(1)}else{let e=t.slice(4);if(!M.test(e)){let n=e.replace(F,B);"-"!==n.charAt(0)&&(n="-"+n),t="data"+n}}a=A}return new a(r,t)}function B(e){return"-"+e.toLowerCase()}function H(e){return e.charAt(1).toUpperCase()}let G=/[#.]/g;function z(e){let t=String(e||"").trim();return t?t.split(/[ \t\n\r\f]+/g):[]}function $(e){let t=[],n=String(e||""),r=n.indexOf(","),a=0,i=!1;for(;!i;){-1===r&&(r=n.length,i=!0);let e=n.slice(a,r).trim();(e||!i)&&t.push(e),a=r+1,r=n.indexOf(",",a)}return t}let j=new Set(["menu","submit","reset","button"]),V={}.hasOwnProperty;function W(e,t,n){let r=n&&function(e){let t={},n=-1;for(;++n-1&&ee)return{line:t+1,column:e-(t>0?n[t-1]:0)+1,offset:e}}return{line:void 0,column:void 0,offset:void 0}},toOffset:function(e){let t=e&&e.line,r=e&&e.column;if("number"==typeof t&&"number"==typeof r&&!Number.isNaN(t)&&!Number.isNaN(r)&&t-1 in n){let e=(n[t-2]||0)+r-1||0;if(e>-1&&e"xlink:"+t.slice(5).toLowerCase(),properties:{xLinkActuate:null,xLinkArcRole:null,xLinkHref:null,xLinkRole:null,xLinkShow:null,xLinkTitle:null,xLinkType:null}}),eA=eS({space:"xml",transform:(e,t)=>"xml:"+t.slice(3).toLowerCase(),properties:{xmlLang:null,xmlBase:null,xmlSpace:null}});function e_(e,t){return t in e?e[t]:t}function ek(e,t){return e_(e,t.toLowerCase())}let ev=eS({space:"xmlns",attributes:{xmlnsxlink:"xmlns:xlink"},transform:ek,properties:{xmlns:null,xmlnsXLink:null}}),eC=eS({transform:(e,t)=>"role"===t?t:"aria-"+t.slice(4).toLowerCase(),properties:{ariaActiveDescendant:null,ariaAtomic:eu,ariaAutoComplete:null,ariaBusy:eu,ariaChecked:eu,ariaColCount:ep,ariaColIndex:ep,ariaColSpan:ep,ariaControls:em,ariaCurrent:null,ariaDescribedBy:em,ariaDetails:null,ariaDisabled:eu,ariaDropEffect:em,ariaErrorMessage:null,ariaExpanded:eu,ariaFlowTo:em,ariaGrabbed:eu,ariaHasPopup:null,ariaHidden:eu,ariaInvalid:null,ariaKeyShortcuts:null,ariaLabel:null,ariaLabelledBy:em,ariaLevel:ep,ariaLive:null,ariaModal:eu,ariaMultiLine:eu,ariaMultiSelectable:eu,ariaOrientation:null,ariaOwns:em,ariaPlaceholder:null,ariaPosInSet:ep,ariaPressed:eu,ariaReadOnly:eu,ariaRelevant:null,ariaRequired:eu,ariaRoleDescription:em,ariaRowCount:ep,ariaRowIndex:ep,ariaRowSpan:ep,ariaSelected:eu,ariaSetSize:ep,ariaSort:null,ariaValueMax:ep,ariaValueMin:ep,ariaValueNow:ep,ariaValueText:null,role:null}}),eN=eS({space:"html",attributes:{acceptcharset:"accept-charset",classname:"class",htmlfor:"for",httpequiv:"http-equiv"},transform:ek,mustUseProperty:["checked","multiple","muted","selected"],properties:{abbr:null,accept:eg,acceptCharset:em,accessKey:em,action:null,allow:null,allowFullScreen:ec,allowPaymentRequest:ec,allowUserMedia:ec,alt:null,as:null,async:ec,autoCapitalize:null,autoComplete:em,autoFocus:ec,autoPlay:ec,blocking:em,capture:ec,charSet:null,checked:ec,cite:null,className:em,cols:ep,colSpan:null,content:null,contentEditable:eu,controls:ec,controlsList:em,coords:ep|eg,crossOrigin:null,data:null,dateTime:null,decoding:null,default:ec,defer:ec,dir:null,dirName:null,disabled:ec,download:ed,draggable:eu,encType:null,enterKeyHint:null,fetchPriority:null,form:null,formAction:null,formEncType:null,formMethod:null,formNoValidate:ec,formTarget:null,headers:em,height:ep,hidden:ec,high:ep,href:null,hrefLang:null,htmlFor:em,httpEquiv:em,id:null,imageSizes:null,imageSrcSet:null,inert:ec,inputMode:null,integrity:null,is:null,isMap:ec,itemId:null,itemProp:em,itemRef:em,itemScope:ec,itemType:em,kind:null,label:null,lang:null,language:null,list:null,loading:null,loop:ec,low:ep,manifest:null,max:null,maxLength:ep,media:null,method:null,min:null,minLength:ep,multiple:ec,muted:ec,name:null,nonce:null,noModule:ec,noValidate:ec,onAbort:null,onAfterPrint:null,onAuxClick:null,onBeforeMatch:null,onBeforePrint:null,onBeforeUnload:null,onBlur:null,onCancel:null,onCanPlay:null,onCanPlayThrough:null,onChange:null,onClick:null,onClose:null,onContextLost:null,onContextMenu:null,onContextRestored: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,onScrollEnd: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:ec,optimum:ep,pattern:null,ping:em,placeholder:null,playsInline:ec,popover:null,popoverTarget:null,popoverTargetAction:null,poster:null,preload:null,readOnly:ec,referrerPolicy:null,rel:em,required:ec,reversed:ec,rows:ep,rowSpan:ep,sandbox:em,scope:null,scoped:ec,seamless:ec,selected:ec,shape:null,size:ep,sizes:null,slot:null,span:ep,spellCheck:eu,src:null,srcDoc:null,srcLang:null,srcSet:null,start:ep,step:null,style:null,tabIndex:ep,target:null,title:null,translate:null,type:null,typeMustMatch:ec,useMap:null,value:eu,width:ep,wrap:null,align:null,aLink:null,archive:em,axis:null,background:null,bgColor:null,border:ep,borderColor:null,bottomMargin:ep,cellPadding:null,cellSpacing:null,char:null,charOff:null,classId:null,clear:null,code:null,codeBase:null,codeType:null,color:null,compact:ec,declare:ec,event:null,face:null,frame:null,frameBorder:null,hSpace:ep,leftMargin:ep,link:null,longDesc:null,lowSrc:null,marginHeight:ep,marginWidth:ep,noResize:ec,noHref:ec,noShade:ec,noWrap:ec,object:null,profile:null,prompt:null,rev:null,rightMargin:ep,rules:null,scheme:null,scrolling:eu,standby:null,summary:null,text:null,topMargin:ep,valueType:null,version:null,vAlign:null,vLink:null,vSpace:ep,allowTransparency:null,autoCorrect:null,autoSave:null,disablePictureInPicture:ec,disableRemotePlayback:ec,prefix:null,property:null,results:ep,security:null,unselectable:null}}),eR=eS({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",transformOrigin:"transform-origin",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:e_,properties:{about:ef,accentHeight:ep,accumulate:null,additive:null,alignmentBaseline:null,alphabetic:ep,amplitude:ep,arabicForm:null,ascent:ep,attributeName:null,attributeType:null,azimuth:ep,bandwidth:null,baselineShift:null,baseFrequency:null,baseProfile:null,bbox:null,begin:null,bias:ep,by:null,calcMode:null,capHeight:ep,className:em,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:ep,diffuseConstant:ep,direction:null,display:null,dur:null,divisor:ep,dominantBaseline:null,download:ec,dx:null,dy:null,edgeMode:null,editable:null,elevation:ep,enableBackground:null,end:null,event:null,exponent:ep,externalResourcesRequired:null,fill:null,fillOpacity:ep,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:eg,g2:eg,glyphName:eg,glyphOrientationHorizontal:null,glyphOrientationVertical:null,glyphRef:null,gradientTransform:null,gradientUnits:null,handler:null,hanging:ep,hatchContentUnits:null,hatchUnits:null,height:null,href:null,hrefLang:null,horizAdvX:ep,horizOriginX:ep,horizOriginY:ep,id:null,ideographic:ep,imageRendering:null,initialVisibility:null,in:null,in2:null,intercept:ep,k:ep,k1:ep,k2:ep,k3:ep,k4:ep,kernelMatrix:ef,kernelUnitLength:null,keyPoints:null,keySplines:null,keyTimes:null,kerning:null,lang:null,lengthAdjust:null,letterSpacing:null,lightingColor:null,limitingConeAngle:ep,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:ep,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:ep,overlineThickness:ep,paintOrder:null,panose1:null,path:null,pathLength:ep,patternContentUnits:null,patternTransform:null,patternUnits:null,phase:null,ping:em,pitch:null,playbackOrder:null,pointerEvents:null,points:null,pointsAtX:ep,pointsAtY:ep,pointsAtZ:ep,preserveAlpha:null,preserveAspectRatio:null,primitiveUnits:null,propagate:null,property:ef,r:null,radius:null,referrerPolicy:null,refX:null,refY:null,rel:ef,rev:ef,renderingIntent:null,repeatCount:null,repeatDur:null,requiredExtensions:ef,requiredFeatures:ef,requiredFonts:ef,requiredFormats:ef,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:ep,specularExponent:ep,spreadMethod:null,spacing:null,startOffset:null,stdDeviation:null,stemh:null,stemv:null,stitchTiles:null,stopColor:null,stopOpacity:null,strikethroughPosition:ep,strikethroughThickness:ep,string:null,stroke:null,strokeDashArray:ef,strokeDashOffset:null,strokeLineCap:null,strokeLineJoin:null,strokeMiterLimit:ep,strokeOpacity:ep,strokeWidth:null,style:null,surfaceScale:ep,syncBehavior:null,syncBehaviorDefault:null,syncMaster:null,syncTolerance:null,syncToleranceDefault:null,systemLanguage:ef,tabIndex:ep,tableValues:null,target:null,targetX:ep,targetY:ep,textAnchor:null,textDecoration:null,textRendering:null,textLength:null,timelineBegin:null,title:null,transformBehavior:null,type:null,typeOf:ef,to:null,transform:null,transformOrigin:null,u1:null,u2:null,underlinePosition:ep,underlineThickness:ep,unicode:null,unicodeBidi:null,unicodeRange:null,unitsPerEm:ep,values:null,vAlphabetic:ep,vMathematical:ep,vectorEffect:null,vHanging:ep,vIdeographic:ep,version:null,vertAdvY:ep,vertOriginX:ep,vertOriginY:ep,viewBox:null,viewTarget:null,visibility:null,width:null,widths:null,wordSpacing:null,writingMode:null,x:null,x1:null,x2:null,xChannelSelector:null,xHeight:ep,y:null,y1:null,y2:null,yChannelSelector:null,z:null,zoomAndPan:null}}),eI=ei([eA,ey,ev,eC,eN],"html"),eO=ei([eA,ey,ev,eC,eR],"svg"),ew=/^data[-\w.:]+$/i,ex=/-[a-z]/g,eL=/[A-Z]/g;function eD(e){return"-"+e.toLowerCase()}function eP(e){return e.charAt(1).toUpperCase()}let eM={}.hasOwnProperty;function eF(e,t){let n=t||{};function r(t,...n){let a=r.invalid,i=r.handlers;if(t&&eM.call(t,e)){let n=String(t[e]);a=eM.call(i,n)?i[n]:r.unknown}if(a)return a.call(this,t,...n)}return r.handlers=n.handlers||{},r.invalid=n.invalid,r.unknown=n.unknown,r}let eU={}.hasOwnProperty,eB=eF("type",{handlers:{root:function(e,t){let n={nodeName:"#document",mode:(e.data||{}).quirksMode?"quirks":"no-quirks",childNodes:[]};return n.childNodes=eH(e.children,n,t),eG(e,n),n},element:function(e,t){let n;let r=t;"element"===e.type&&"svg"===e.tagName.toLowerCase()&&"html"===t.space&&(r=eO);let a=[];if(e.properties){for(n in e.properties)if("children"!==n&&eU.call(e.properties,n)){let t=function(e,t,n){let r=function(e,t){let n=eo(t),r=t,a=es;if(n in e.normal)return e.property[e.normal[n]];if(n.length>4&&"data"===n.slice(0,4)&&ew.test(t)){if("-"===t.charAt(4)){let e=t.slice(5).replace(ex,eP);r="data"+e.charAt(0).toUpperCase()+e.slice(1)}else{let e=t.slice(4);if(!ex.test(e)){let n=e.replace(eL,eD);"-"!==n.charAt(0)&&(n="-"+n),t="data"+n}}a=eE}return new a(r,t)}(e,t);if(null==n||!1===n||"number"==typeof n&&Number.isNaN(n)||!n&&r.boolean)return;Array.isArray(n)&&(n=r.commaSeparated?function(e,t){let n={},r=""===e[e.length-1]?[...e,""]:e;return r.join((n.padRight?" ":"")+","+(!1===n.padLeft?"":" ")).trim()}(n):n.join(" ").trim());let a={name:r.attribute,value:!0===n?"":String(n)};if(r.space&&"html"!==r.space&&"svg"!==r.space){let e=a.name.indexOf(":");e<0?a.prefix="":(a.name=a.name.slice(e+1),a.prefix=r.attribute.slice(0,e)),a.namespace=q[r.space]}return a}(r,n,e.properties[n]);t&&a.push(t)}}let i={nodeName:e.tagName,tagName:e.tagName,attrs:a,namespaceURI:q[r.space],childNodes:[],parentNode:void 0};return i.childNodes=eH(e.children,i,r),eG(e,i),"template"===e.tagName&&e.content&&(i.content=function(e,t){let n={nodeName:"#document-fragment",childNodes:[]};return n.childNodes=eH(e.children,n,t),eG(e,n),n}(e.content,r)),i},text:function(e){let t={nodeName:"#text",value:e.value,parentNode:void 0};return eG(e,t),t},comment:function(e){let t={nodeName:"#comment",data:e.value,parentNode:void 0};return eG(e,t),t},doctype:function(e){let t={nodeName:"#documentType",name:"html",publicId:"",systemId:"",parentNode:void 0};return eG(e,t),t}}});function eH(e,t,n){let r=-1,a=[];if(e)for(;++r{if(e.value.stitch&&null!==n&&null!==t)return n.children[t]=e.value.stitch,t}),"root"!==e.type&&"root"===f.type&&1===f.children.length)return f.children[0];return f;function h(e){let t=-1;if(e)for(;++t{let r=ej(t,n,e);return r}}},3980:function(e,t,n){"use strict";n.d(t,{FK:function(){return i},Pk:function(){return r},rb:function(){return a}});let r=o("start"),a=o("end");function i(e){return{start:r(e),end:a(e)}}function o(e){return function(t){let n=t&&t.position&&t.position[e]||{};return{line:n.line||null,column:n.column||null,offset:n.offset>-1?n.offset:null}}}},31108:function(e,t,n){"use strict";n.d(t,{Vn:function(){return s}});let r=function(e){if(null==e)return i;if("string"==typeof e)return a(function(t){return t&&t.type===e});if("object"==typeof e)return Array.isArray(e)?function(e){let t=[],n=-1;for(;++n":"")+")"})}return u;function u(){var c;let u,d,p,m=[];if((!t||i(r,s,l[l.length-1]||null))&&!1===(m=Array.isArray(c=n(r,l))?c:"number"==typeof c?[!0,c]:[c])[0])return m;if(r.children&&"skip"!==m[0])for(d=(a?r.children.length:-1)+o,p=l.concat(r);d>-1&&d","Iacute":"\xcd","Icirc":"\xce","Igrave":"\xcc","Iuml":"\xcf","LT":"<","Ntilde":"\xd1","Oacute":"\xd3","Ocirc":"\xd4","Ograve":"\xd2","Oslash":"\xd8","Otilde":"\xd5","Ouml":"\xd6","QUOT":"\\"","REG":"\xae","THORN":"\xde","Uacute":"\xda","Ucirc":"\xdb","Ugrave":"\xd9","Uuml":"\xdc","Yacute":"\xdd","aacute":"\xe1","acirc":"\xe2","acute":"\xb4","aelig":"\xe6","agrave":"\xe0","amp":"&","aring":"\xe5","atilde":"\xe3","auml":"\xe4","brvbar":"\xa6","ccedil":"\xe7","cedil":"\xb8","cent":"\xa2","copy":"\xa9","curren":"\xa4","deg":"\xb0","divide":"\xf7","eacute":"\xe9","ecirc":"\xea","egrave":"\xe8","eth":"\xf0","euml":"\xeb","frac12":"\xbd","frac14":"\xbc","frac34":"\xbe","gt":">","iacute":"\xed","icirc":"\xee","iexcl":"\xa1","igrave":"\xec","iquest":"\xbf","iuml":"\xef","laquo":"\xab","lt":"<","macr":"\xaf","micro":"\xb5","middot":"\xb7","nbsp":"\xa0","not":"\xac","ntilde":"\xf1","oacute":"\xf3","ocirc":"\xf4","ograve":"\xf2","ordf":"\xaa","ordm":"\xba","oslash":"\xf8","otilde":"\xf5","ouml":"\xf6","para":"\xb6","plusmn":"\xb1","pound":"\xa3","quot":"\\"","raquo":"\xbb","reg":"\xae","sect":"\xa7","shy":"\xad","sup1":"\xb9","sup2":"\xb2","sup3":"\xb3","szlig":"\xdf","thorn":"\xfe","times":"\xd7","uacute":"\xfa","ucirc":"\xfb","ugrave":"\xf9","uml":"\xa8","uuml":"\xfc","yacute":"\xfd","yen":"\xa5","yuml":"\xff"}')},93580:function(e){"use strict";e.exports=JSON.parse('{"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":"Ÿ"}')}}]); \ No newline at end of file + */e.exports=function(e){return null!=e&&null!=e.constructor&&"function"==typeof e.constructor.isBuffer&&e.constructor.isBuffer(e)}},47529:function(e){e.exports=function(){for(var e={},n=0;ne.length){for(;i--;)if(47===e.charCodeAt(i)){if(n){r=i+1;break}}else a<0&&(n=!0,a=i+1);return a<0?"":e.slice(r,a)}if(t===e)return"";let o=-1,s=t.length-1;for(;i--;)if(47===e.charCodeAt(i)){if(n){r=i+1;break}}else o<0&&(n=!0,o=i+1),s>-1&&(e.charCodeAt(i)===t.charCodeAt(s--)?s<0&&(a=i):(s=-1,a=o));return r===a?a=o:a<0&&(a=e.length),e.slice(r,a)},dirname:function(e){let t;if(m(e),0===e.length)return".";let n=-1,r=e.length;for(;--r;)if(47===e.charCodeAt(r)){if(t){n=r;break}}else t||(t=!0);return n<0?47===e.charCodeAt(0)?"/":".":1===n&&47===e.charCodeAt(0)?"//":e.slice(0,n)},extname:function(e){let t;m(e);let n=e.length,r=-1,a=0,i=-1,o=0;for(;n--;){let s=e.charCodeAt(n);if(47===s){if(t){a=n+1;break}continue}r<0&&(t=!0,r=n+1),46===s?i<0?i=n:1!==o&&(o=1):i>-1&&(o=-1)}return i<0||r<0||0===o||1===o&&i===r-1&&i===a+1?"":e.slice(i,r)},join:function(...e){let t,n=-1;for(;++n2){if((r=a.lastIndexOf("/"))!==a.length-1){r<0?(a="",i=0):i=(a=a.slice(0,r)).length-1-a.lastIndexOf("/"),o=l,s=0;continue}}else if(a.length>0){a="",i=0,o=l,s=0;continue}}t&&(a=a.length>0?a+"/..":"..",i=2)}else a.length>0?a+="/"+e.slice(o+1,l):a=e.slice(o+1,l),i=l-o-1;o=l,s=0}else 46===n&&s>-1?s++:s=-1}return a}(e,!t);return 0!==n.length||t||(n="."),n.length>0&&47===e.charCodeAt(e.length-1)&&(n+="/"),t?"/"+n:n}(t)},sep:"/"};function m(e){if("string"!=typeof e)throw TypeError("Path must be a string. Received "+JSON.stringify(e))}let g={cwd:function(){return"/"}};function f(e){return null!==e&&"object"==typeof e&&e.href&&e.origin}let h=["history","path","basename","stem","extname","dirname"];class b{constructor(e){let t,n;t=e?"string"==typeof e||o(e)?{value:e}:f(e)?{path:e}:e:{},this.data={},this.messages=[],this.history=[],this.cwd=g.cwd(),this.value,this.stored,this.result,this.map;let r=-1;for(;++rt.length;o&&t.push(r);try{i=e.apply(this,t)}catch(e){if(o&&n)throw e;return r(e)}o||(i instanceof Promise?i.then(a,r):i instanceof Error?r(i):a(i))};function r(e,...a){n||(n=!0,t(e,...a))}function a(e){r(null,e)}})(s,a)(...o):r(null,...o)}(null,...t)},use:function(n){if("function"!=typeof n)throw TypeError("Expected `middelware` to be a function, not "+n);return e.push(n),t}};return t}(),r=[],a={},i=-1;return o.data=function(e,n){return"string"==typeof e?2==arguments.length?(O("data",t),a[e]=n,o):N.call(a,e)&&a[e]||null:e?(O("data",t),a=e,o):a},o.Parser=void 0,o.Compiler=void 0,o.freeze=function(){if(t)return o;for(;++i{if(!e&&t&&n){let r=o.stringify(t,n);null==r||("string"==typeof r||A(r)?n.value=r:n.result=r),i(e,n)}else i(e)})}n(null,t)},o.processSync=function(e){let t;o.freeze(),R("processSync",o.Parser),I("processSync",o.Compiler);let n=L(e);return o.process(n,function(e){t=!0,y(e)}),x("processSync","process",t),n},o;function o(){let t=e(),n=-1;for(;++ni?0:i+t:t>i?i:t,n=n>0?n:0,r.length<1e4)(a=Array.from(r)).unshift(t,n),e.splice(...a);else for(n&&e.splice(t,n);o0?(F(e,e.length,0,t),e):t}let B={}.hasOwnProperty,H=Q(/[A-Za-z]/),G=Q(/[\dA-Za-z]/),z=Q(/[#-'*+\--9=?A-Z^-~]/);function $(e){return null!==e&&(e<32||127===e)}let j=Q(/\d/),V=Q(/[\dA-Fa-f]/),W=Q(/[!-/:-@[-`{-~]/);function K(e){return null!==e&&e<-2}function Z(e){return null!==e&&(e<0||32===e)}function Y(e){return -2===e||-1===e||32===e}let q=Q(/[!-\/:-@\[-`\{-~\xA1\xA7\xAB\xB6\xB7\xBB\xBF\u037E\u0387\u055A-\u055F\u0589\u058A\u05BE\u05C0\u05C3\u05C6\u05F3\u05F4\u0609\u060A\u060C\u060D\u061B\u061D-\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\u1B7D\u1B7E\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-\u2E5D\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]/),X=Q(/\s/);function Q(e){return function(t){return null!==t&&e.test(String.fromCharCode(t))}}function J(e,t,n,r){let a=r?r-1:Number.POSITIVE_INFINITY,i=0;return function(r){return Y(r)?(e.enter(n),function r(o){return Y(o)&&i++r))return;let s=a.events.length,l=s;for(;l--;)if("exit"===a.events[l][0]&&"chunkFlow"===a.events[l][1].type){if(e){n=a.events[l][1].end;break}e=!0}for(h(o),i=s;it;){let t=i[n];a.containerState=t[1],t[0].exit.call(a,e)}i.length=t}function b(){t.write([null]),n=void 0,t=void 0,a.containerState._closeFlow=void 0}}},en={tokenize:function(e,t,n){return J(e,e.attempt(this.parser.constructs.document,t,n),"linePrefix",this.parser.constructs.disable.null.includes("codeIndented")?void 0:4)}},er={tokenize:function(e,t,n){return function(t){return Y(t)?J(e,r,"linePrefix")(t):r(t)};function r(e){return null===e||K(e)?t(e):n(e)}},partial:!0};function ea(e){let t,n,r,a,i,o,s;let l={},c=-1;for(;++c=4?t(a):e.interrupt(r.parser.constructs.flow,n,t)(a)}},partial:!0},es={tokenize:function(e){let t=this,n=e.attempt(er,function(r){if(null===r){e.consume(r);return}return e.enter("lineEndingBlank"),e.consume(r),e.exit("lineEndingBlank"),t.currentConstruct=void 0,n},e.attempt(this.parser.constructs.flowInitial,r,J(e,e.attempt(this.parser.constructs.flow,r,e.attempt(ei,r)),"linePrefix")));return n;function r(r){if(null===r){e.consume(r);return}return e.enter("lineEnding"),e.consume(r),e.exit("lineEnding"),t.currentConstruct=void 0,n}}},el={resolveAll:ep()},ec=ed("string"),eu=ed("text");function ed(e){return{tokenize:function(t){let n=this,r=this.parser.constructs[e],a=t.attempt(r,i,o);return i;function i(e){return l(e)?a(e):o(e)}function o(e){if(null===e){t.consume(e);return}return t.enter("data"),t.consume(e),s}function s(e){return l(e)?(t.exit("data"),a(e)):(t.consume(e),s)}function l(e){if(null===e)return!0;let t=r[e],a=-1;if(t)for(;++a=3&&(null===o||K(o))?(e.exit("thematicBreak"),t(o)):n(o)}(i)}}},eh={name:"list",tokenize:function(e,t,n){let r=this,a=r.events[r.events.length-1],i=a&&"linePrefix"===a[1].type?a[2].sliceSerialize(a[1],!0).length:0,o=0;return function(t){let a=r.containerState.type||(42===t||43===t||45===t?"listUnordered":"listOrdered");if("listUnordered"===a?!r.containerState.marker||t===r.containerState.marker:j(t)){if(r.containerState.type||(r.containerState.type=a,e.enter(a,{_container:!0})),"listUnordered"===a)return e.enter("listItemPrefix"),42===t||45===t?e.check(ef,n,s)(t):s(t);if(!r.interrupt||49===t)return e.enter("listItemPrefix"),e.enter("listItemValue"),function t(a){return j(a)&&++o<10?(e.consume(a),t):(!r.interrupt||o<2)&&(r.containerState.marker?a===r.containerState.marker:41===a||46===a)?(e.exit("listItemValue"),s(a)):n(a)}(t)}return n(t)};function s(t){return e.enter("listItemMarker"),e.consume(t),e.exit("listItemMarker"),r.containerState.marker=r.containerState.marker||t,e.check(er,r.interrupt?n:l,e.attempt(eb,u,c))}function l(e){return r.containerState.initialBlankLine=!0,i++,u(e)}function c(t){return Y(t)?(e.enter("listItemPrefixWhitespace"),e.consume(t),e.exit("listItemPrefixWhitespace"),u):n(t)}function u(n){return r.containerState.size=i+r.sliceSerialize(e.exit("listItemPrefix"),!0).length,t(n)}},continuation:{tokenize:function(e,t,n){let r=this;return r.containerState._closeFlow=void 0,e.check(er,function(n){return r.containerState.furtherBlankLines=r.containerState.furtherBlankLines||r.containerState.initialBlankLine,J(e,t,"listItemIndent",r.containerState.size+1)(n)},function(n){return r.containerState.furtherBlankLines||!Y(n)?(r.containerState.furtherBlankLines=void 0,r.containerState.initialBlankLine=void 0,a(n)):(r.containerState.furtherBlankLines=void 0,r.containerState.initialBlankLine=void 0,e.attempt(eE,t,a)(n))});function a(a){return r.containerState._closeFlow=!0,r.interrupt=void 0,J(e,e.attempt(eh,t,n),"linePrefix",r.parser.constructs.disable.null.includes("codeIndented")?void 0:4)(a)}}},exit:function(e){e.exit(this.containerState.type)}},eb={tokenize:function(e,t,n){let r=this;return J(e,function(e){let a=r.events[r.events.length-1];return!Y(e)&&a&&"listItemPrefixWhitespace"===a[1].type?t(e):n(e)},"listItemPrefixWhitespace",r.parser.constructs.disable.null.includes("codeIndented")?void 0:5)},partial:!0},eE={tokenize:function(e,t,n){let r=this;return J(e,function(e){let a=r.events[r.events.length-1];return a&&"listItemIndent"===a[1].type&&a[2].sliceSerialize(a[1],!0).length===r.containerState.size?t(e):n(e)},"listItemIndent",r.containerState.size+1)},partial:!0},eT={name:"blockQuote",tokenize:function(e,t,n){let r=this;return function(t){if(62===t){let n=r.containerState;return n.open||(e.enter("blockQuote",{_container:!0}),n.open=!0),e.enter("blockQuotePrefix"),e.enter("blockQuoteMarker"),e.consume(t),e.exit("blockQuoteMarker"),a}return n(t)};function a(n){return Y(n)?(e.enter("blockQuotePrefixWhitespace"),e.consume(n),e.exit("blockQuotePrefixWhitespace"),e.exit("blockQuotePrefix"),t):(e.exit("blockQuotePrefix"),t(n))}},continuation:{tokenize:function(e,t,n){let r=this;return function(t){return Y(t)?J(e,a,"linePrefix",r.parser.constructs.disable.null.includes("codeIndented")?void 0:4)(t):a(t)};function a(r){return e.attempt(eT,t,n)(r)}}},exit:function(e){e.exit("blockQuote")}};function eS(e,t,n,r,a,i,o,s,l){let c=l||Number.POSITIVE_INFINITY,u=0;return function(t){return 60===t?(e.enter(r),e.enter(a),e.enter(i),e.consume(t),e.exit(i),d):null===t||32===t||41===t||$(t)?n(t):(e.enter(r),e.enter(o),e.enter(s),e.enter("chunkString",{contentType:"string"}),g(t))};function d(n){return 62===n?(e.enter(i),e.consume(n),e.exit(i),e.exit(a),e.exit(r),t):(e.enter(s),e.enter("chunkString",{contentType:"string"}),p(n))}function p(t){return 62===t?(e.exit("chunkString"),e.exit(s),d(t)):null===t||60===t||K(t)?n(t):(e.consume(t),92===t?m:p)}function m(t){return 60===t||62===t||92===t?(e.consume(t),p):p(t)}function g(a){return!u&&(null===a||41===a||Z(a))?(e.exit("chunkString"),e.exit(s),e.exit(o),e.exit(r),t(a)):u999||null===d||91===d||93===d&&!o||94===d&&!l&&"_hiddenFootnoteSupport"in s.parser.constructs?n(d):93===d?(e.exit(i),e.enter(a),e.consume(d),e.exit(a),e.exit(r),t):K(d)?(e.enter("lineEnding"),e.consume(d),e.exit("lineEnding"),c):(e.enter("chunkString",{contentType:"string"}),u(d))}function u(t){return null===t||91===t||93===t||K(t)||l++>999?(e.exit("chunkString"),c(t)):(e.consume(t),o||(o=!Y(t)),92===t?d:u)}function d(t){return 91===t||92===t||93===t?(e.consume(t),l++,u):u(t)}}function eA(e,t,n,r,a,i){let o;return function(t){return 34===t||39===t||40===t?(e.enter(r),e.enter(a),e.consume(t),e.exit(a),o=40===t?41:t,s):n(t)};function s(n){return n===o?(e.enter(a),e.consume(n),e.exit(a),e.exit(r),t):(e.enter(i),l(n))}function l(t){return t===o?(e.exit(i),s(o)):null===t?n(t):K(t)?(e.enter("lineEnding"),e.consume(t),e.exit("lineEnding"),J(e,l,"linePrefix")):(e.enter("chunkString",{contentType:"string"}),c(t))}function c(t){return t===o||null===t||K(t)?(e.exit("chunkString"),l(t)):(e.consume(t),92===t?u:c)}function u(t){return t===o||92===t?(e.consume(t),c):c(t)}}function e_(e,t){let n;return function r(a){return K(a)?(e.enter("lineEnding"),e.consume(a),e.exit("lineEnding"),n=!0,r):Y(a)?J(e,r,n?"linePrefix":"lineSuffix")(a):t(a)}}function ek(e){return e.replace(/[\t\n\r ]+/g," ").replace(/^ | $/g,"").toLowerCase().toUpperCase()}let ev={tokenize:function(e,t,n){return function(t){return Z(t)?e_(e,r)(t):n(t)};function r(t){return eA(e,a,n,"definitionTitle","definitionTitleMarker","definitionTitleString")(t)}function a(t){return Y(t)?J(e,i,"whitespace")(t):i(t)}function i(e){return null===e||K(e)?t(e):n(e)}},partial:!0},eN={name:"codeIndented",tokenize:function(e,t,n){let r=this;return function(t){return e.enter("codeIndented"),J(e,a,"linePrefix",5)(t)};function a(t){let a=r.events[r.events.length-1];return a&&"linePrefix"===a[1].type&&a[2].sliceSerialize(a[1],!0).length>=4?function t(n){return null===n?i(n):K(n)?e.attempt(eC,t,i)(n):(e.enter("codeFlowValue"),function n(r){return null===r||K(r)?(e.exit("codeFlowValue"),t(r)):(e.consume(r),n)}(n))}(t):n(t)}function i(n){return e.exit("codeIndented"),t(n)}}},eC={tokenize:function(e,t,n){let r=this;return a;function a(t){return r.parser.lazy[r.now().line]?n(t):K(t)?(e.enter("lineEnding"),e.consume(t),e.exit("lineEnding"),a):J(e,i,"linePrefix",5)(t)}function i(e){let i=r.events[r.events.length-1];return i&&"linePrefix"===i[1].type&&i[2].sliceSerialize(i[1],!0).length>=4?t(e):K(e)?a(e):n(e)}},partial:!0},eR={name:"setextUnderline",tokenize:function(e,t,n){let r;let a=this;return function(t){let o,s=a.events.length;for(;s--;)if("lineEnding"!==a.events[s][1].type&&"linePrefix"!==a.events[s][1].type&&"content"!==a.events[s][1].type){o="paragraph"===a.events[s][1].type;break}return!a.parser.lazy[a.now().line]&&(a.interrupt||o)?(e.enter("setextHeadingLine"),r=t,e.enter("setextHeadingLineSequence"),function t(n){return n===r?(e.consume(n),t):(e.exit("setextHeadingLineSequence"),Y(n)?J(e,i,"lineSuffix")(n):i(n))}(t)):n(t)};function i(r){return null===r||K(r)?(e.exit("setextHeadingLine"),t(r)):n(r)}},resolveTo:function(e,t){let n,r,a,i=e.length;for(;i--;)if("enter"===e[i][0]){if("content"===e[i][1].type){n=i;break}"paragraph"===e[i][1].type&&(r=i)}else"content"===e[i][1].type&&e.splice(i,1),a||"definition"!==e[i][1].type||(a=i);let o={type:"setextHeading",start:Object.assign({},e[r][1].start),end:Object.assign({},e[e.length-1][1].end)};return e[r][1].type="setextHeadingText",a?(e.splice(r,0,["enter",o,t]),e.splice(a+1,0,["exit",e[n][1],t]),e[n][1].end=Object.assign({},e[a][1].end)):e[n][1]=o,e.push(["exit",o,t]),e}},eI=["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","search","section","summary","table","tbody","td","tfoot","th","thead","title","tr","track","ul"],eO=["pre","script","style","textarea"],ew={tokenize:function(e,t,n){return function(r){return e.enter("lineEnding"),e.consume(r),e.exit("lineEnding"),e.attempt(er,t,n)}},partial:!0},ex={tokenize:function(e,t,n){let r=this;return function(t){return K(t)?(e.enter("lineEnding"),e.consume(t),e.exit("lineEnding"),a):n(t)};function a(e){return r.parser.lazy[r.now().line]?n(e):t(e)}},partial:!0},eL={tokenize:function(e,t,n){let r=this;return function(t){return null===t?n(t):(e.enter("lineEnding"),e.consume(t),e.exit("lineEnding"),a)};function a(e){return r.parser.lazy[r.now().line]?n(e):t(e)}},partial:!0},eD={name:"codeFenced",tokenize:function(e,t,n){let r;let a=this,i={tokenize:function(e,t,n){let i=0;return function(t){return e.enter("lineEnding"),e.consume(t),e.exit("lineEnding"),o};function o(t){return e.enter("codeFencedFence"),Y(t)?J(e,l,"linePrefix",a.parser.constructs.disable.null.includes("codeIndented")?void 0:4)(t):l(t)}function l(t){return t===r?(e.enter("codeFencedFenceSequence"),function t(a){return a===r?(i++,e.consume(a),t):i>=s?(e.exit("codeFencedFenceSequence"),Y(a)?J(e,c,"whitespace")(a):c(a)):n(a)}(t)):n(t)}function c(r){return null===r||K(r)?(e.exit("codeFencedFence"),t(r)):n(r)}},partial:!0},o=0,s=0;return function(t){return function(t){let i=a.events[a.events.length-1];return o=i&&"linePrefix"===i[1].type?i[2].sliceSerialize(i[1],!0).length:0,r=t,e.enter("codeFenced"),e.enter("codeFencedFence"),e.enter("codeFencedFenceSequence"),function t(a){return a===r?(s++,e.consume(a),t):s<3?n(a):(e.exit("codeFencedFenceSequence"),Y(a)?J(e,l,"whitespace")(a):l(a))}(t)}(t)};function l(i){return null===i||K(i)?(e.exit("codeFencedFence"),a.interrupt?t(i):e.check(eL,u,g)(i)):(e.enter("codeFencedFenceInfo"),e.enter("chunkString",{contentType:"string"}),function t(a){return null===a||K(a)?(e.exit("chunkString"),e.exit("codeFencedFenceInfo"),l(a)):Y(a)?(e.exit("chunkString"),e.exit("codeFencedFenceInfo"),J(e,c,"whitespace")(a)):96===a&&a===r?n(a):(e.consume(a),t)}(i))}function c(t){return null===t||K(t)?l(t):(e.enter("codeFencedFenceMeta"),e.enter("chunkString",{contentType:"string"}),function t(a){return null===a||K(a)?(e.exit("chunkString"),e.exit("codeFencedFenceMeta"),l(a)):96===a&&a===r?n(a):(e.consume(a),t)}(t))}function u(t){return e.attempt(i,g,d)(t)}function d(t){return e.enter("lineEnding"),e.consume(t),e.exit("lineEnding"),p}function p(t){return o>0&&Y(t)?J(e,m,"linePrefix",o+1)(t):m(t)}function m(t){return null===t||K(t)?e.check(eL,u,g)(t):(e.enter("codeFlowValue"),function t(n){return null===n||K(n)?(e.exit("codeFlowValue"),m(n)):(e.consume(n),t)}(t))}function g(n){return e.exit("codeFenced"),t(n)}},concrete:!0},eP=document.createElement("i");function eM(e){let t="&"+e+";";eP.innerHTML=t;let n=eP.textContent;return(59!==n.charCodeAt(n.length-1)||"semi"===e)&&n!==t&&n}let eF={name:"characterReference",tokenize:function(e,t,n){let r,a;let i=this,o=0;return function(t){return e.enter("characterReference"),e.enter("characterReferenceMarker"),e.consume(t),e.exit("characterReferenceMarker"),s};function s(t){return 35===t?(e.enter("characterReferenceMarkerNumeric"),e.consume(t),e.exit("characterReferenceMarkerNumeric"),l):(e.enter("characterReferenceValue"),r=31,a=G,c(t))}function l(t){return 88===t||120===t?(e.enter("characterReferenceMarkerHexadecimal"),e.consume(t),e.exit("characterReferenceMarkerHexadecimal"),e.enter("characterReferenceValue"),r=6,a=V,c):(e.enter("characterReferenceValue"),r=7,a=j,c(t))}function c(s){if(59===s&&o){let r=e.exit("characterReferenceValue");return a!==G||eM(i.sliceSerialize(r))?(e.enter("characterReferenceMarker"),e.consume(s),e.exit("characterReferenceMarker"),e.exit("characterReference"),t):n(s)}return a(s)&&o++1&&e[u][1].end.offset-e[u][1].start.offset>1?2:1;let d=Object.assign({},e[n][1].end),p=Object.assign({},e[u][1].start);eK(d,-s),eK(p,s),i={type:s>1?"strongSequence":"emphasisSequence",start:d,end:Object.assign({},e[n][1].end)},o={type:s>1?"strongSequence":"emphasisSequence",start:Object.assign({},e[u][1].start),end:p},a={type:s>1?"strongText":"emphasisText",start:Object.assign({},e[n][1].end),end:Object.assign({},e[u][1].start)},r={type:s>1?"strong":"emphasis",start:Object.assign({},i.start),end:Object.assign({},o.end)},e[n][1].end=Object.assign({},i.start),e[u][1].start=Object.assign({},o.end),l=[],e[n][1].end.offset-e[n][1].start.offset&&(l=U(l,[["enter",e[n][1],t],["exit",e[n][1],t]])),l=U(l,[["enter",r,t],["enter",i,t],["exit",i,t],["enter",a,t]]),l=U(l,eg(t.parser.constructs.insideSpan.null,e.slice(n+1,u),t)),l=U(l,[["exit",a,t],["enter",o,t],["exit",o,t],["exit",r,t]]),e[u][1].end.offset-e[u][1].start.offset?(c=2,l=U(l,[["enter",e[u][1],t],["exit",e[u][1],t]])):c=0,F(e,n-1,u-n+3,l),u=n+l.length-c-2;break}}for(u=-1;++ui&&"whitespace"===e[a][1].type&&(a-=2),"atxHeadingSequence"===e[a][1].type&&(i===a-1||a-4>i&&"whitespace"===e[a-2][1].type)&&(a-=i+1===a?2:4),a>i&&(n={type:"atxHeadingText",start:e[i][1].start,end:e[a][1].end},r={type:"chunkText",start:e[i][1].start,end:e[a][1].end,contentType:"text"},F(e,i,a-i+1,[["enter",n,t],["enter",r,t],["exit",r,t],["exit",n,t]])),e}},42:ef,45:[eR,ef],60:{name:"htmlFlow",tokenize:function(e,t,n){let r,a,i,o,s;let l=this;return function(t){return e.enter("htmlFlow"),e.enter("htmlFlowData"),e.consume(t),c};function c(o){return 33===o?(e.consume(o),u):47===o?(e.consume(o),a=!0,m):63===o?(e.consume(o),r=3,l.interrupt?t:x):H(o)?(e.consume(o),i=String.fromCharCode(o),g):n(o)}function u(a){return 45===a?(e.consume(a),r=2,d):91===a?(e.consume(a),r=5,o=0,p):H(a)?(e.consume(a),r=4,l.interrupt?t:x):n(a)}function d(r){return 45===r?(e.consume(r),l.interrupt?t:x):n(r)}function p(r){let a="CDATA[";return r===a.charCodeAt(o++)?(e.consume(r),o===a.length)?l.interrupt?t:k:p:n(r)}function m(t){return H(t)?(e.consume(t),i=String.fromCharCode(t),g):n(t)}function g(o){if(null===o||47===o||62===o||Z(o)){let s=47===o,c=i.toLowerCase();return!s&&!a&&eO.includes(c)?(r=1,l.interrupt?t(o):k(o)):eI.includes(i.toLowerCase())?(r=6,s)?(e.consume(o),f):l.interrupt?t(o):k(o):(r=7,l.interrupt&&!l.parser.lazy[l.now().line]?n(o):a?function t(n){return Y(n)?(e.consume(n),t):A(n)}(o):h(o))}return 45===o||G(o)?(e.consume(o),i+=String.fromCharCode(o),g):n(o)}function f(r){return 62===r?(e.consume(r),l.interrupt?t:k):n(r)}function h(t){return 47===t?(e.consume(t),A):58===t||95===t||H(t)?(e.consume(t),b):Y(t)?(e.consume(t),h):A(t)}function b(t){return 45===t||46===t||58===t||95===t||G(t)?(e.consume(t),b):E(t)}function E(t){return 61===t?(e.consume(t),T):Y(t)?(e.consume(t),E):h(t)}function T(t){return null===t||60===t||61===t||62===t||96===t?n(t):34===t||39===t?(e.consume(t),s=t,S):Y(t)?(e.consume(t),T):function t(n){return null===n||34===n||39===n||47===n||60===n||61===n||62===n||96===n||Z(n)?E(n):(e.consume(n),t)}(t)}function S(t){return t===s?(e.consume(t),s=null,y):null===t||K(t)?n(t):(e.consume(t),S)}function y(e){return 47===e||62===e||Y(e)?h(e):n(e)}function A(t){return 62===t?(e.consume(t),_):n(t)}function _(t){return null===t||K(t)?k(t):Y(t)?(e.consume(t),_):n(t)}function k(t){return 45===t&&2===r?(e.consume(t),R):60===t&&1===r?(e.consume(t),I):62===t&&4===r?(e.consume(t),L):63===t&&3===r?(e.consume(t),x):93===t&&5===r?(e.consume(t),w):K(t)&&(6===r||7===r)?(e.exit("htmlFlowData"),e.check(ew,D,v)(t)):null===t||K(t)?(e.exit("htmlFlowData"),v(t)):(e.consume(t),k)}function v(t){return e.check(ex,N,D)(t)}function N(t){return e.enter("lineEnding"),e.consume(t),e.exit("lineEnding"),C}function C(t){return null===t||K(t)?v(t):(e.enter("htmlFlowData"),k(t))}function R(t){return 45===t?(e.consume(t),x):k(t)}function I(t){return 47===t?(e.consume(t),i="",O):k(t)}function O(t){if(62===t){let n=i.toLowerCase();return eO.includes(n)?(e.consume(t),L):k(t)}return H(t)&&i.length<8?(e.consume(t),i+=String.fromCharCode(t),O):k(t)}function w(t){return 93===t?(e.consume(t),x):k(t)}function x(t){return 62===t?(e.consume(t),L):45===t&&2===r?(e.consume(t),x):k(t)}function L(t){return null===t||K(t)?(e.exit("htmlFlowData"),D(t)):(e.consume(t),L)}function D(n){return e.exit("htmlFlow"),t(n)}},resolveTo:function(e){let t=e.length;for(;t--&&("enter"!==e[t][0]||"htmlFlow"!==e[t][1].type););return t>1&&"linePrefix"===e[t-2][1].type&&(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},concrete:!0},61:eR,95:ef,96:eD,126:eD},eJ={38:eF,92:eU},e1={[-5]:eB,[-4]:eB,[-3]:eB,33:ej,38:eF,42:eW,60:[{name:"autolink",tokenize:function(e,t,n){let r=0;return function(t){return e.enter("autolink"),e.enter("autolinkMarker"),e.consume(t),e.exit("autolinkMarker"),e.enter("autolinkProtocol"),a};function a(t){return H(t)?(e.consume(t),i):s(t)}function i(t){return 43===t||45===t||46===t||G(t)?(r=1,function t(n){return 58===n?(e.consume(n),r=0,o):(43===n||45===n||46===n||G(n))&&r++<32?(e.consume(n),t):(r=0,s(n))}(t)):s(t)}function o(r){return 62===r?(e.exit("autolinkProtocol"),e.enter("autolinkMarker"),e.consume(r),e.exit("autolinkMarker"),e.exit("autolink"),t):null===r||32===r||60===r||$(r)?n(r):(e.consume(r),o)}function s(t){return 64===t?(e.consume(t),l):z(t)?(e.consume(t),s):n(t)}function l(a){return G(a)?function a(i){return 46===i?(e.consume(i),r=0,l):62===i?(e.exit("autolinkProtocol").type="autolinkEmail",e.enter("autolinkMarker"),e.consume(i),e.exit("autolinkMarker"),e.exit("autolink"),t):function t(i){if((45===i||G(i))&&r++<63){let n=45===i?t:a;return e.consume(i),n}return n(i)}(i)}(a):n(a)}}},{name:"htmlText",tokenize:function(e,t,n){let r,a,i;let o=this;return function(t){return e.enter("htmlText"),e.enter("htmlTextData"),e.consume(t),s};function s(t){return 33===t?(e.consume(t),l):47===t?(e.consume(t),S):63===t?(e.consume(t),E):H(t)?(e.consume(t),A):n(t)}function l(t){return 45===t?(e.consume(t),c):91===t?(e.consume(t),a=0,m):H(t)?(e.consume(t),b):n(t)}function c(t){return 45===t?(e.consume(t),p):n(t)}function u(t){return null===t?n(t):45===t?(e.consume(t),d):K(t)?(i=u,O(t)):(e.consume(t),u)}function d(t){return 45===t?(e.consume(t),p):u(t)}function p(e){return 62===e?I(e):45===e?d(e):u(e)}function m(t){let r="CDATA[";return t===r.charCodeAt(a++)?(e.consume(t),a===r.length?g:m):n(t)}function g(t){return null===t?n(t):93===t?(e.consume(t),f):K(t)?(i=g,O(t)):(e.consume(t),g)}function f(t){return 93===t?(e.consume(t),h):g(t)}function h(t){return 62===t?I(t):93===t?(e.consume(t),h):g(t)}function b(t){return null===t||62===t?I(t):K(t)?(i=b,O(t)):(e.consume(t),b)}function E(t){return null===t?n(t):63===t?(e.consume(t),T):K(t)?(i=E,O(t)):(e.consume(t),E)}function T(e){return 62===e?I(e):E(e)}function S(t){return H(t)?(e.consume(t),y):n(t)}function y(t){return 45===t||G(t)?(e.consume(t),y):function t(n){return K(n)?(i=t,O(n)):Y(n)?(e.consume(n),t):I(n)}(t)}function A(t){return 45===t||G(t)?(e.consume(t),A):47===t||62===t||Z(t)?_(t):n(t)}function _(t){return 47===t?(e.consume(t),I):58===t||95===t||H(t)?(e.consume(t),k):K(t)?(i=_,O(t)):Y(t)?(e.consume(t),_):I(t)}function k(t){return 45===t||46===t||58===t||95===t||G(t)?(e.consume(t),k):function t(n){return 61===n?(e.consume(n),v):K(n)?(i=t,O(n)):Y(n)?(e.consume(n),t):_(n)}(t)}function v(t){return null===t||60===t||61===t||62===t||96===t?n(t):34===t||39===t?(e.consume(t),r=t,N):K(t)?(i=v,O(t)):Y(t)?(e.consume(t),v):(e.consume(t),C)}function N(t){return t===r?(e.consume(t),r=void 0,R):null===t?n(t):K(t)?(i=N,O(t)):(e.consume(t),N)}function C(t){return null===t||34===t||39===t||60===t||61===t||96===t?n(t):47===t||62===t||Z(t)?_(t):(e.consume(t),C)}function R(e){return 47===e||62===e||Z(e)?_(e):n(e)}function I(r){return 62===r?(e.consume(r),e.exit("htmlTextData"),e.exit("htmlText"),t):n(r)}function O(t){return e.exit("htmlTextData"),e.enter("lineEnding"),e.consume(t),e.exit("lineEnding"),w}function w(t){return Y(t)?J(e,x,"linePrefix",o.parser.constructs.disable.null.includes("codeIndented")?void 0:4)(t):x(t)}function x(t){return e.enter("htmlTextData"),i(t)}}}],91:eZ,92:[{name:"hardBreakEscape",tokenize:function(e,t,n){return function(t){return e.enter("hardBreakEscape"),e.consume(t),r};function r(r){return K(r)?(e.exit("hardBreakEscape"),t(r)):n(r)}}},eU],93:eH,95:eW,96:{name:"codeText",tokenize:function(e,t,n){let r,a,i=0;return function(t){return e.enter("codeText"),e.enter("codeTextSequence"),function t(n){return 96===n?(e.consume(n),i++,t):(e.exit("codeTextSequence"),o(n))}(t)};function o(l){return null===l?n(l):32===l?(e.enter("space"),e.consume(l),e.exit("space"),o):96===l?(a=e.enter("codeTextSequence"),r=0,function n(o){return 96===o?(e.consume(o),r++,n):r===i?(e.exit("codeTextSequence"),e.exit("codeText"),t(o)):(a.type="codeTextData",s(o))}(l)):K(l)?(e.enter("lineEnding"),e.consume(l),e.exit("lineEnding"),o):(e.enter("codeTextData"),s(l))}function s(t){return null===t||32===t||96===t||K(t)?(e.exit("codeTextData"),o(t)):(e.consume(t),s)}},resolve:function(e){let t,n,r=e.length-4,a=3;if(("lineEnding"===e[3][1].type||"space"===e[a][1].type)&&("lineEnding"===e[r][1].type||"space"===e[r][1].type)){for(t=a;++t13&&n<32||n>126&&n<160||n>55295&&n<57344||n>64975&&n<65008||(65535&n)==65535||(65535&n)==65534||n>1114111?"�":String.fromCharCode(n)}let e8=/\\([!-/:-@[-`{-~])|&(#(?:\d{1,7}|x[\da-f]{1,6})|[\da-z]{1,31});/gi;function e6(e,t,n){if(t)return t;let r=n.charCodeAt(0);if(35===r){let e=n.charCodeAt(1),t=120===e||88===e;return e4(n.slice(t?2:1),t?16:10)}return eM(n)||e}let e3={}.hasOwnProperty,e7=function(e,t,n){let a,i,o,l;return"string"!=typeof t&&(n=t,t=void 0),(function(e){let t={transforms:[],canContainEols:["emphasis","fragment","heading","paragraph","strong"],enter:{autolink:i(S),autolinkProtocol:p,autolinkEmail:p,atxHeading:i(b),blockQuote:i(function(){return{type:"blockquote",children:[]}}),characterEscape:p,characterReference:p,codeFenced:i(h),codeFencedFenceInfo:o,codeFencedFenceMeta:o,codeIndented:i(h,o),codeText:i(function(){return{type:"inlineCode",value:""}},o),codeTextData:p,data:p,codeFlowValue:p,definition:i(function(){return{type:"definition",identifier:"",label:null,title:null,url:""}}),definitionDestinationString:o,definitionLabelString:o,definitionTitleString:o,emphasis:i(function(){return{type:"emphasis",children:[]}}),hardBreakEscape:i(E),hardBreakTrailing:i(E),htmlFlow:i(T,o),htmlFlowData:p,htmlText:i(T,o),htmlTextData:p,image:i(function(){return{type:"image",title:null,url:"",alt:null}}),label:o,link:i(S),listItem:i(function(e){return{type:"listItem",spread:e._spread,checked:null,children:[]}}),listItemValue:function(e){if(n.expectingFirstListItemValue){let t=this.stack[this.stack.length-2];t.start=Number.parseInt(this.sliceSerialize(e),10),n.expectingFirstListItemValue=void 0}},listOrdered:i(y,function(){n.expectingFirstListItemValue=!0}),listUnordered:i(y),paragraph:i(function(){return{type:"paragraph",children:[]}}),reference:function(){n.referenceType="collapsed"},referenceString:o,resourceDestinationString:o,resourceTitleString:o,setextHeading:i(b),strong:i(function(){return{type:"strong",children:[]}}),thematicBreak:i(function(){return{type:"thematicBreak"}})},exit:{atxHeading:c(),atxHeadingSequence:function(e){let t=this.stack[this.stack.length-1];if(!t.depth){let n=this.sliceSerialize(e).length;t.depth=n}},autolink:c(),autolinkEmail:function(e){m.call(this,e);let t=this.stack[this.stack.length-1];t.url="mailto:"+this.sliceSerialize(e)},autolinkProtocol:function(e){m.call(this,e);let t=this.stack[this.stack.length-1];t.url=this.sliceSerialize(e)},blockQuote:c(),characterEscapeValue:m,characterReferenceMarkerHexadecimal:f,characterReferenceMarkerNumeric:f,characterReferenceValue:function(e){let t;let r=this.sliceSerialize(e),a=n.characterReferenceType;if(a)t=e4(r,"characterReferenceMarkerNumeric"===a?10:16),n.characterReferenceType=void 0;else{let e=eM(r);t=e}let i=this.stack.pop();i.value+=t,i.position.end=te(e.end)},codeFenced:c(function(){let e=this.resume(),t=this.stack[this.stack.length-1];t.value=e.replace(/^(\r?\n|\r)|(\r?\n|\r)$/g,""),n.flowCodeInside=void 0}),codeFencedFence:function(){!n.flowCodeInside&&(this.buffer(),n.flowCodeInside=!0)},codeFencedFenceInfo:function(){let e=this.resume(),t=this.stack[this.stack.length-1];t.lang=e},codeFencedFenceMeta:function(){let e=this.resume(),t=this.stack[this.stack.length-1];t.meta=e},codeFlowValue:m,codeIndented:c(function(){let e=this.resume(),t=this.stack[this.stack.length-1];t.value=e.replace(/(\r?\n|\r)$/g,"")}),codeText:c(function(){let e=this.resume(),t=this.stack[this.stack.length-1];t.value=e}),codeTextData:m,data:m,definition:c(),definitionDestinationString:function(){let e=this.resume(),t=this.stack[this.stack.length-1];t.url=e},definitionLabelString:function(e){let t=this.resume(),n=this.stack[this.stack.length-1];n.label=t,n.identifier=ek(this.sliceSerialize(e)).toLowerCase()},definitionTitleString:function(){let e=this.resume(),t=this.stack[this.stack.length-1];t.title=e},emphasis:c(),hardBreakEscape:c(g),hardBreakTrailing:c(g),htmlFlow:c(function(){let e=this.resume(),t=this.stack[this.stack.length-1];t.value=e}),htmlFlowData:m,htmlText:c(function(){let e=this.resume(),t=this.stack[this.stack.length-1];t.value=e}),htmlTextData:m,image:c(function(){let e=this.stack[this.stack.length-1];if(n.inReference){let t=n.referenceType||"shortcut";e.type+="Reference",e.referenceType=t,delete e.url,delete e.title}else delete e.identifier,delete e.label;n.referenceType=void 0}),label:function(){let e=this.stack[this.stack.length-1],t=this.resume(),r=this.stack[this.stack.length-1];if(n.inReference=!0,"link"===r.type){let t=e.children;r.children=t}else r.alt=t},labelText:function(e){let t=this.sliceSerialize(e),n=this.stack[this.stack.length-2];n.label=t.replace(e8,e6),n.identifier=ek(t).toLowerCase()},lineEnding:function(e){let r=this.stack[this.stack.length-1];if(n.atHardBreak){let t=r.children[r.children.length-1];t.position.end=te(e.end),n.atHardBreak=void 0;return}!n.setextHeadingSlurpLineEnding&&t.canContainEols.includes(r.type)&&(p.call(this,e),m.call(this,e))},link:c(function(){let e=this.stack[this.stack.length-1];if(n.inReference){let t=n.referenceType||"shortcut";e.type+="Reference",e.referenceType=t,delete e.url,delete e.title}else delete e.identifier,delete e.label;n.referenceType=void 0}),listItem:c(),listOrdered:c(),listUnordered:c(),paragraph:c(),referenceString:function(e){let t=this.resume(),r=this.stack[this.stack.length-1];r.label=t,r.identifier=ek(this.sliceSerialize(e)).toLowerCase(),n.referenceType="full"},resourceDestinationString:function(){let e=this.resume(),t=this.stack[this.stack.length-1];t.url=e},resourceTitleString:function(){let e=this.resume(),t=this.stack[this.stack.length-1];t.title=e},resource:function(){n.inReference=void 0},setextHeading:c(function(){n.setextHeadingSlurpLineEnding=void 0}),setextHeadingLineSequence:function(e){let t=this.stack[this.stack.length-1];t.depth=61===this.sliceSerialize(e).charCodeAt(0)?1:2},setextHeadingText:function(){n.setextHeadingSlurpLineEnding=!0},strong:c(),thematicBreak:c()}};!function e(t,n){let r=-1;for(;++r0){let e=i.tokenStack[i.tokenStack.length-1],t=e[1]||tt;t.call(i,void 0,e[0])}for(n.position={start:te(e.length>0?e[0][1].start:{line:1,column:1,offset:0}),end:te(e.length>0?e[e.length-2][1].end:{line:1,column:1,offset:0})},c=-1;++c-1){let e=n[0];"string"==typeof e?n[0]=e.slice(a):n.shift()}o>0&&n.push(e[i].slice(0,o))}return n}(o,e)}function p(){let{line:e,column:t,offset:n,_index:a,_bufferIndex:i}=r;return{line:e,column:t,offset:n,_index:a,_bufferIndex:i}}function m(e,t){t.restore()}function g(e,t){return function(n,a,i){let o,u,d,m;return Array.isArray(n)?g(n):"tokenize"in n?g([n]):function(e){let t=null!==e&&n[e],r=null!==e&&n.null,a=[...Array.isArray(t)?t:t?[t]:[],...Array.isArray(r)?r:r?[r]:[]];return g(a)(e)};function g(e){return(o=e,u=0,0===e.length)?i:f(e[u])}function f(e){return function(n){return(m=function(){let e=p(),t=c.previous,n=c.currentConstruct,a=c.events.length,i=Array.from(s);return{restore:function(){r=e,c.previous=t,c.currentConstruct=n,c.events.length=a,s=i,h()},from:a}}(),d=e,e.partial||(c.currentConstruct=e),e.name&&c.parser.constructs.disable.null.includes(e.name))?E(n):e.tokenize.call(t?Object.assign(Object.create(c),t):c,l,b,E)(n)}}function b(t){return e(d,m),a}function E(e){return(m.restore(),++u{let n=this.data("settings");return e7(t,Object.assign({},n,e,{extensions:this.data("micromarkExtensions")||[],mdastExtensions:this.data("fromMarkdownExtensions")||[]}))}})}function tr(e){let t=[],n=-1,r=0,a=0;for(;++n55295&&i<57344){let t=e.charCodeAt(n+1);i<56320&&t>56319&&t<57344?(o=String.fromCharCode(i,t),a=1):o="�"}else o=String.fromCharCode(i);o&&(t.push(e.slice(r,n),encodeURIComponent(o)),r=n+a+1,o=""),a&&(n+=a,a=0)}return t.join("")+e.slice(r)}var ta=n(31108),ti=n(3980);let to={}.hasOwnProperty;function ts(e){return String(e||"").toUpperCase()}function tl(e,t){let n;let r=String(t.identifier).toUpperCase(),a=tr(r.toLowerCase()),i=e.footnoteOrder.indexOf(r);-1===i?(e.footnoteOrder.push(r),e.footnoteCounts[r]=1,n=e.footnoteOrder.length):(e.footnoteCounts[r]++,n=i+1);let o=e.footnoteCounts[r],s={type:"element",tagName:"a",properties:{href:"#"+e.clobberPrefix+"fn-"+a,id:e.clobberPrefix+"fnref-"+a+(o>1?"-"+o:""),dataFootnoteRef:!0,ariaDescribedBy:["footnote-label"]},children:[{type:"text",value:String(n)}]};e.patch(t,s);let l={type:"element",tagName:"sup",properties:{},children:[s]};return e.patch(t,l),e.applyData(t,l)}function tc(e,t){let n=t.referenceType,r="]";if("collapsed"===n?r+="[]":"full"===n&&(r+="["+(t.label||t.identifier)+"]"),"imageReference"===t.type)return{type:"text",value:"!["+t.alt+r};let a=e.all(t),i=a[0];i&&"text"===i.type?i.value="["+i.value:a.unshift({type:"text",value:"["});let o=a[a.length-1];return o&&"text"===o.type?o.value+=r:a.push({type:"text",value:r}),a}function tu(e){let t=e.spread;return null==t?e.children.length>1:t}function td(e,t,n){let r=0,a=e.length;if(t){let t=e.codePointAt(r);for(;9===t||32===t;)r++,t=e.codePointAt(r)}if(n){let t=e.codePointAt(a-1);for(;9===t||32===t;)a--,t=e.codePointAt(a-1)}return a>r?e.slice(r,a):""}let tp={blockquote:function(e,t){let n={type:"element",tagName:"blockquote",properties:{},children:e.wrap(e.all(t),!0)};return e.patch(t,n),e.applyData(t,n)},break:function(e,t){let n={type:"element",tagName:"br",properties:{},children:[]};return e.patch(t,n),[e.applyData(t,n),{type:"text",value:"\n"}]},code:function(e,t){let n=t.value?t.value+"\n":"",r=t.lang?t.lang.match(/^[^ \t]+(?=[ \t]|$)/):null,a={};r&&(a.className=["language-"+r]);let i={type:"element",tagName:"code",properties:a,children:[{type:"text",value:n}]};return t.meta&&(i.data={meta:t.meta}),e.patch(t,i),i={type:"element",tagName:"pre",properties:{},children:[i=e.applyData(t,i)]},e.patch(t,i),i},delete:function(e,t){let n={type:"element",tagName:"del",properties:{},children:e.all(t)};return e.patch(t,n),e.applyData(t,n)},emphasis:function(e,t){let n={type:"element",tagName:"em",properties:{},children:e.all(t)};return e.patch(t,n),e.applyData(t,n)},footnoteReference:tl,footnote:function(e,t){let n=e.footnoteById,r=1;for(;(r in n);)r++;let a=String(r);return n[a]={type:"footnoteDefinition",identifier:a,children:[{type:"paragraph",children:t.children}],position:t.position},tl(e,{type:"footnoteReference",identifier:a,position:t.position})},heading:function(e,t){let n={type:"element",tagName:"h"+t.depth,properties:{},children:e.all(t)};return e.patch(t,n),e.applyData(t,n)},html:function(e,t){if(e.dangerous){let n={type:"raw",value:t.value};return e.patch(t,n),e.applyData(t,n)}return null},imageReference:function(e,t){let n=e.definition(t.identifier);if(!n)return tc(e,t);let r={src:tr(n.url||""),alt:t.alt};null!==n.title&&void 0!==n.title&&(r.title=n.title);let a={type:"element",tagName:"img",properties:r,children:[]};return e.patch(t,a),e.applyData(t,a)},image:function(e,t){let n={src:tr(t.url)};null!==t.alt&&void 0!==t.alt&&(n.alt=t.alt),null!==t.title&&void 0!==t.title&&(n.title=t.title);let r={type:"element",tagName:"img",properties:n,children:[]};return e.patch(t,r),e.applyData(t,r)},inlineCode:function(e,t){let n={type:"text",value:t.value.replace(/\r?\n|\r/g," ")};e.patch(t,n);let r={type:"element",tagName:"code",properties:{},children:[n]};return e.patch(t,r),e.applyData(t,r)},linkReference:function(e,t){let n=e.definition(t.identifier);if(!n)return tc(e,t);let r={href:tr(n.url||"")};null!==n.title&&void 0!==n.title&&(r.title=n.title);let a={type:"element",tagName:"a",properties:r,children:e.all(t)};return e.patch(t,a),e.applyData(t,a)},link:function(e,t){let n={href:tr(t.url)};null!==t.title&&void 0!==t.title&&(n.title=t.title);let r={type:"element",tagName:"a",properties:n,children:e.all(t)};return e.patch(t,r),e.applyData(t,r)},listItem:function(e,t,n){let r=e.all(t),a=n?function(e){let t=!1;if("list"===e.type){t=e.spread||!1;let n=e.children,r=-1;for(;!t&&++r0&&e.children.unshift({type:"text",value:" "}),e.children.unshift({type:"element",tagName:"input",properties:{type:"checkbox",checked:t.checked,disabled:!0},children:[]}),i.className=["task-list-item"]}let s=-1;for(;++s0){let r={type:"element",tagName:"tbody",properties:{},children:e.wrap(n,!0)},i=(0,ti.Pk)(t.children[1]),o=(0,ti.rb)(t.children[t.children.length-1]);i.line&&o.line&&(r.position={start:i,end:o}),a.push(r)}let i={type:"element",tagName:"table",properties:{},children:e.wrap(a,!0)};return e.patch(t,i),e.applyData(t,i)},tableCell:function(e,t){let n={type:"element",tagName:"td",properties:{},children:e.all(t)};return e.patch(t,n),e.applyData(t,n)},tableRow:function(e,t,n){let r=n?n.children:void 0,a=r?r.indexOf(t):1,i=0===a?"th":"td",o=n&&"table"===n.type?n.align:void 0,s=o?o.length:t.children.length,l=-1,c=[];for(;++l0,!0),r[0]),a=r.index+r[0].length,r=n.exec(t);return i.push(td(t.slice(a),a>0,!1)),i.join("")}(String(t.value))};return e.patch(t,n),e.applyData(t,n)},thematicBreak:function(e,t){let n={type:"element",tagName:"hr",properties:{},children:[]};return e.patch(t,n),e.applyData(t,n)},toml:tm,yaml:tm,definition:tm,footnoteDefinition:tm};function tm(){return null}let tg={}.hasOwnProperty;function tf(e,t){e.position&&(t.position=(0,ti.FK)(e))}function th(e,t){let n=t;if(e&&e.data){let t=e.data.hName,r=e.data.hChildren,a=e.data.hProperties;"string"==typeof t&&("element"===n.type?n.tagName=t:n={type:"element",tagName:t,properties:{},children:[]}),"element"===n.type&&a&&(n.properties={...n.properties,...a}),"children"in n&&n.children&&null!=r&&(n.children=r)}return n}function tb(e,t,n){let r=t&&t.type;if(!r)throw Error("Expected node, got `"+t+"`");return tg.call(e.handlers,r)?e.handlers[r](e,t,n):e.passThrough&&e.passThrough.includes(r)?"children"in t?{...t,children:tE(e,t)}:t:e.unknownHandler?e.unknownHandler(e,t,n):function(e,t){let n=t.data||{},r="value"in t&&!(tg.call(n,"hProperties")||tg.call(n,"hChildren"))?{type:"text",value:t.value}:{type:"element",tagName:"div",properties:{},children:tE(e,t)};return e.patch(t,r),e.applyData(t,r)}(e,t)}function tE(e,t){let n=[];if("children"in t){let r=t.children,a=-1;for(;++a0&&n.push({type:"text",value:"\n"}),n}function tS(e,t){let n=function(e,t){let n=t||{},r=n.allowDangerousHtml||!1,a={};return o.dangerous=r,o.clobberPrefix=void 0===n.clobberPrefix||null===n.clobberPrefix?"user-content-":n.clobberPrefix,o.footnoteLabel=n.footnoteLabel||"Footnotes",o.footnoteLabelTagName=n.footnoteLabelTagName||"h2",o.footnoteLabelProperties=n.footnoteLabelProperties||{className:["sr-only"]},o.footnoteBackLabel=n.footnoteBackLabel||"Back to content",o.unknownHandler=n.unknownHandler,o.passThrough=n.passThrough,o.handlers={...tp,...n.handlers},o.definition=function(e){let t=Object.create(null);if(!e||!e.type)throw Error("mdast-util-definitions expected node");return(0,ta.Vn)(e,"definition",e=>{let n=ts(e.identifier);n&&!to.call(t,n)&&(t[n]=e)}),function(e){let n=ts(e);return n&&to.call(t,n)?t[n]:null}}(e),o.footnoteById=a,o.footnoteOrder=[],o.footnoteCounts={},o.patch=tf,o.applyData=th,o.one=function(e,t){return tb(o,e,t)},o.all=function(e){return tE(o,e)},o.wrap=tT,o.augment=i,(0,ta.Vn)(e,"footnoteDefinition",e=>{let t=String(e.identifier).toUpperCase();tg.call(a,t)||(a[t]=e)}),o;function i(e,t){if(e&&"data"in e&&e.data){let n=e.data;n.hName&&("element"!==t.type&&(t={type:"element",tagName:"",properties:{},children:[]}),t.tagName=n.hName),"element"===t.type&&n.hProperties&&(t.properties={...t.properties,...n.hProperties}),"children"in t&&t.children&&n.hChildren&&(t.children=n.hChildren)}if(e){let n="type"in e?e:{position:e};!n||!n.position||!n.position.start||!n.position.start.line||!n.position.start.column||!n.position.end||!n.position.end.line||!n.position.end.column||(t.position={start:(0,ti.Pk)(n),end:(0,ti.rb)(n)})}return t}function o(e,t,n,r){return Array.isArray(n)&&(r=n,n={}),i(e,{type:"element",tagName:t,properties:n||{},children:r||[]})}}(e,t),r=n.one(e,null),a=function(e){let t=[],n=-1;for(;++n1?"-"+s:""),dataFootnoteBackref:!0,className:["data-footnote-backref"],ariaLabel:e.footnoteBackLabel},children:[{type:"text",value:"↩"}]};s>1&&t.children.push({type:"element",tagName:"sup",children:[{type:"text",value:String(s)}]}),l.length>0&&l.push({type:"text",value:" "}),l.push(t)}let c=a[a.length-1];if(c&&"element"===c.type&&"p"===c.tagName){let e=c.children[c.children.length-1];e&&"text"===e.type?e.value+=" ":c.children.push({type:"text",value:" "}),c.children.push(...l)}else a.push(...l);let u={type:"element",tagName:"li",properties:{id:e.clobberPrefix+"fn-"+o},children:e.wrap(a,!0)};e.patch(r,u),t.push(u)}if(0!==t.length)return{type:"element",tagName:"section",properties:{dataFootnotes:!0,className:["footnotes"]},children:[{type:"element",tagName:e.footnoteLabelTagName,properties:{...JSON.parse(JSON.stringify(e.footnoteLabelProperties)),id:"footnote-label"},children:[{type:"text",value:e.footnoteLabel}]},{type:"text",value:"\n"},{type:"element",tagName:"ol",properties:{},children:e.wrap(t,!0)},{type:"text",value:"\n"}]}}(n);return a&&r.children.push({type:"text",value:"\n"},a),Array.isArray(r)?{type:"root",children:r}:r}var ty=function(e,t){var n;return e&&"run"in e?(n,r,a)=>{e.run(tS(n,t),r,e=>{a(e)})}:(n=e||t,e=>tS(e,n))},tA=n(45697);class t_{constructor(e,t,n){this.property=e,this.normal=t,n&&(this.space=n)}}function tk(e,t){let n={},r={},a=-1;for(;++a"xlink:"+t.slice(5).toLowerCase(),properties:{xLinkActuate:null,xLinkArcRole:null,xLinkHref:null,xLinkRole:null,xLinkShow:null,xLinkTitle:null,xLinkType:null}}),tG=tB({space:"xml",transform:(e,t)=>"xml:"+t.slice(3).toLowerCase(),properties:{xmlLang:null,xmlBase:null,xmlSpace:null}});function tz(e,t){return t in e?e[t]:t}function t$(e,t){return tz(e,t.toLowerCase())}let tj=tB({space:"xmlns",attributes:{xmlnsxlink:"xmlns:xlink"},transform:t$,properties:{xmlns:null,xmlnsXLink:null}}),tV=tB({transform:(e,t)=>"role"===t?t:"aria-"+t.slice(4).toLowerCase(),properties:{ariaActiveDescendant:null,ariaAtomic:tI,ariaAutoComplete:null,ariaBusy:tI,ariaChecked:tI,ariaColCount:tw,ariaColIndex:tw,ariaColSpan:tw,ariaControls:tx,ariaCurrent:null,ariaDescribedBy:tx,ariaDetails:null,ariaDisabled:tI,ariaDropEffect:tx,ariaErrorMessage:null,ariaExpanded:tI,ariaFlowTo:tx,ariaGrabbed:tI,ariaHasPopup:null,ariaHidden:tI,ariaInvalid:null,ariaKeyShortcuts:null,ariaLabel:null,ariaLabelledBy:tx,ariaLevel:tw,ariaLive:null,ariaModal:tI,ariaMultiLine:tI,ariaMultiSelectable:tI,ariaOrientation:null,ariaOwns:tx,ariaPlaceholder:null,ariaPosInSet:tw,ariaPressed:tI,ariaReadOnly:tI,ariaRelevant:null,ariaRequired:tI,ariaRoleDescription:tx,ariaRowCount:tw,ariaRowIndex:tw,ariaRowSpan:tw,ariaSelected:tI,ariaSetSize:tw,ariaSort:null,ariaValueMax:tw,ariaValueMin:tw,ariaValueNow:tw,ariaValueText:null,role:null}}),tW=tB({space:"html",attributes:{acceptcharset:"accept-charset",classname:"class",htmlfor:"for",httpequiv:"http-equiv"},transform:t$,mustUseProperty:["checked","multiple","muted","selected"],properties:{abbr:null,accept:tL,acceptCharset:tx,accessKey:tx,action:null,allow:null,allowFullScreen:tR,allowPaymentRequest:tR,allowUserMedia:tR,alt:null,as:null,async:tR,autoCapitalize:null,autoComplete:tx,autoFocus:tR,autoPlay:tR,blocking:tx,capture:tR,charSet:null,checked:tR,cite:null,className:tx,cols:tw,colSpan:null,content:null,contentEditable:tI,controls:tR,controlsList:tx,coords:tw|tL,crossOrigin:null,data:null,dateTime:null,decoding:null,default:tR,defer:tR,dir:null,dirName:null,disabled:tR,download:tO,draggable:tI,encType:null,enterKeyHint:null,fetchPriority:null,form:null,formAction:null,formEncType:null,formMethod:null,formNoValidate:tR,formTarget:null,headers:tx,height:tw,hidden:tR,high:tw,href:null,hrefLang:null,htmlFor:tx,httpEquiv:tx,id:null,imageSizes:null,imageSrcSet:null,inert:tR,inputMode:null,integrity:null,is:null,isMap:tR,itemId:null,itemProp:tx,itemRef:tx,itemScope:tR,itemType:tx,kind:null,label:null,lang:null,language:null,list:null,loading:null,loop:tR,low:tw,manifest:null,max:null,maxLength:tw,media:null,method:null,min:null,minLength:tw,multiple:tR,muted:tR,name:null,nonce:null,noModule:tR,noValidate:tR,onAbort:null,onAfterPrint:null,onAuxClick:null,onBeforeMatch:null,onBeforePrint:null,onBeforeUnload:null,onBlur:null,onCancel:null,onCanPlay:null,onCanPlayThrough:null,onChange:null,onClick:null,onClose:null,onContextLost:null,onContextMenu:null,onContextRestored: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,onScrollEnd: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:tR,optimum:tw,pattern:null,ping:tx,placeholder:null,playsInline:tR,popover:null,popoverTarget:null,popoverTargetAction:null,poster:null,preload:null,readOnly:tR,referrerPolicy:null,rel:tx,required:tR,reversed:tR,rows:tw,rowSpan:tw,sandbox:tx,scope:null,scoped:tR,seamless:tR,selected:tR,shape:null,size:tw,sizes:null,slot:null,span:tw,spellCheck:tI,src:null,srcDoc:null,srcLang:null,srcSet:null,start:tw,step:null,style:null,tabIndex:tw,target:null,title:null,translate:null,type:null,typeMustMatch:tR,useMap:null,value:tI,width:tw,wrap:null,align:null,aLink:null,archive:tx,axis:null,background:null,bgColor:null,border:tw,borderColor:null,bottomMargin:tw,cellPadding:null,cellSpacing:null,char:null,charOff:null,classId:null,clear:null,code:null,codeBase:null,codeType:null,color:null,compact:tR,declare:tR,event:null,face:null,frame:null,frameBorder:null,hSpace:tw,leftMargin:tw,link:null,longDesc:null,lowSrc:null,marginHeight:tw,marginWidth:tw,noResize:tR,noHref:tR,noShade:tR,noWrap:tR,object:null,profile:null,prompt:null,rev:null,rightMargin:tw,rules:null,scheme:null,scrolling:tI,standby:null,summary:null,text:null,topMargin:tw,valueType:null,version:null,vAlign:null,vLink:null,vSpace:tw,allowTransparency:null,autoCorrect:null,autoSave:null,disablePictureInPicture:tR,disableRemotePlayback:tR,prefix:null,property:null,results:tw,security:null,unselectable:null}}),tK=tB({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",transformOrigin:"transform-origin",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:tz,properties:{about:tD,accentHeight:tw,accumulate:null,additive:null,alignmentBaseline:null,alphabetic:tw,amplitude:tw,arabicForm:null,ascent:tw,attributeName:null,attributeType:null,azimuth:tw,bandwidth:null,baselineShift:null,baseFrequency:null,baseProfile:null,bbox:null,begin:null,bias:tw,by:null,calcMode:null,capHeight:tw,className:tx,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:tw,diffuseConstant:tw,direction:null,display:null,dur:null,divisor:tw,dominantBaseline:null,download:tR,dx:null,dy:null,edgeMode:null,editable:null,elevation:tw,enableBackground:null,end:null,event:null,exponent:tw,externalResourcesRequired:null,fill:null,fillOpacity:tw,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:tL,g2:tL,glyphName:tL,glyphOrientationHorizontal:null,glyphOrientationVertical:null,glyphRef:null,gradientTransform:null,gradientUnits:null,handler:null,hanging:tw,hatchContentUnits:null,hatchUnits:null,height:null,href:null,hrefLang:null,horizAdvX:tw,horizOriginX:tw,horizOriginY:tw,id:null,ideographic:tw,imageRendering:null,initialVisibility:null,in:null,in2:null,intercept:tw,k:tw,k1:tw,k2:tw,k3:tw,k4:tw,kernelMatrix:tD,kernelUnitLength:null,keyPoints:null,keySplines:null,keyTimes:null,kerning:null,lang:null,lengthAdjust:null,letterSpacing:null,lightingColor:null,limitingConeAngle:tw,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:tw,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:tw,overlineThickness:tw,paintOrder:null,panose1:null,path:null,pathLength:tw,patternContentUnits:null,patternTransform:null,patternUnits:null,phase:null,ping:tx,pitch:null,playbackOrder:null,pointerEvents:null,points:null,pointsAtX:tw,pointsAtY:tw,pointsAtZ:tw,preserveAlpha:null,preserveAspectRatio:null,primitiveUnits:null,propagate:null,property:tD,r:null,radius:null,referrerPolicy:null,refX:null,refY:null,rel:tD,rev:tD,renderingIntent:null,repeatCount:null,repeatDur:null,requiredExtensions:tD,requiredFeatures:tD,requiredFonts:tD,requiredFormats:tD,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:tw,specularExponent:tw,spreadMethod:null,spacing:null,startOffset:null,stdDeviation:null,stemh:null,stemv:null,stitchTiles:null,stopColor:null,stopOpacity:null,strikethroughPosition:tw,strikethroughThickness:tw,string:null,stroke:null,strokeDashArray:tD,strokeDashOffset:null,strokeLineCap:null,strokeLineJoin:null,strokeMiterLimit:tw,strokeOpacity:tw,strokeWidth:null,style:null,surfaceScale:tw,syncBehavior:null,syncBehaviorDefault:null,syncMaster:null,syncTolerance:null,syncToleranceDefault:null,systemLanguage:tD,tabIndex:tw,tableValues:null,target:null,targetX:tw,targetY:tw,textAnchor:null,textDecoration:null,textRendering:null,textLength:null,timelineBegin:null,title:null,transformBehavior:null,type:null,typeOf:tD,to:null,transform:null,transformOrigin:null,u1:null,u2:null,underlinePosition:tw,underlineThickness:tw,unicode:null,unicodeBidi:null,unicodeRange:null,unitsPerEm:tw,values:null,vAlphabetic:tw,vMathematical:tw,vectorEffect:null,vHanging:tw,vIdeographic:tw,version:null,vertAdvY:tw,vertOriginX:tw,vertOriginY:tw,viewBox:null,viewTarget:null,visibility:null,width:null,widths:null,wordSpacing:null,writingMode:null,x:null,x1:null,x2:null,xChannelSelector:null,xHeight:tw,y:null,y1:null,y2:null,yChannelSelector:null,z:null,zoomAndPan:null}}),tZ=tk([tG,tH,tj,tV,tW],"html"),tY=tk([tG,tH,tj,tV,tK],"svg");function tq(e){if(e.allowedElements&&e.disallowedElements)throw TypeError("Only one of `allowedElements` and `disallowedElements` should be defined");if(e.allowedElements||e.disallowedElements||e.allowElement)return t=>{(0,ta.Vn)(t,"element",(t,n,r)=>{let a;if(e.allowedElements?a=!e.allowedElements.includes(t.tagName):e.disallowedElements&&(a=e.disallowedElements.includes(t.tagName)),!a&&e.allowElement&&"number"==typeof n&&(a=!e.allowElement(t,n,r)),a&&"number"==typeof n)return e.unwrapDisallowed&&t.children?r.children.splice(n,1,...t.children):r.children.splice(n,1),n})}}var tX=n(59864);let tQ=/^data[-\w.:]+$/i,tJ=/-[a-z]/g,t1=/[A-Z]/g;function t0(e){return"-"+e.toLowerCase()}function t9(e){return e.charAt(1).toUpperCase()}let t5={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"};var t2=n(57848);let t4=["http","https","mailto","tel"];function t8(e){let t=(e||"").trim(),n=t.charAt(0);if("#"===n||"/"===n)return t;let r=t.indexOf(":");if(-1===r)return t;let a=-1;for(;++aa||-1!==(a=t.indexOf("#"))&&r>a?t:"javascript:void(0)"}let t6={}.hasOwnProperty,t3=new Set(["table","thead","tbody","tfoot","tr"]);function t7(e,t){let n=-1,r=0;for(;++n for more info)`),delete nn[t]}let t=v().use(tn).use(e.remarkPlugins||[]).use(ty,{...e.remarkRehypeOptions,allowDangerousHtml:!0}).use(e.rehypePlugins||[]).use(tq,e),n=new b;"string"==typeof e.children?n.value=e.children:void 0!==e.children&&null!==e.children&&console.warn(`[react-markdown] Warning: please pass a string as \`children\` (not: \`${e.children}\`)`);let r=t.runSync(t.parse(n),n);if("root"!==r.type)throw TypeError("Expected a `root` node");let a=i.createElement(i.Fragment,{},function e(t,n){let r;let a=[],o=-1;for(;++o4&&"data"===n.slice(0,4)&&tQ.test(t)){if("-"===t.charAt(4)){let e=t.slice(5).replace(tJ,t9);r="data"+e.charAt(0).toUpperCase()+e.slice(1)}else{let e=t.slice(4);if(!tJ.test(e)){let n=e.replace(t1,t0);"-"!==n.charAt(0)&&(n="-"+n),t="data"+n}}a=tF}return new a(r,t)}(r.schema,t),i=n;null!=i&&i==i&&(Array.isArray(i)&&(i=a.commaSeparated?function(e,t){let n={},r=""===e[e.length-1]?[...e,""]:e;return r.join((n.padRight?" ":"")+","+(!1===n.padLeft?"":" ")).trim()}(i):i.join(" ").trim()),"style"===a.property&&"string"==typeof i&&(i=function(e){let t={};try{t2(e,function(e,n){let r="-ms-"===e.slice(0,4)?`ms-${e.slice(4)}`:e;t[r.replace(/-([a-z])/g,ne)]=n})}catch{}return t}(i)),a.space&&a.property?e[t6.call(t5,a.property)?t5[a.property]:a.property]=i:a.attribute&&(e[a.attribute]=i))}(d,o,n.properties[o],t);("ol"===u||"ul"===u)&&t.listDepth++;let m=e(t,n);("ol"===u||"ul"===u)&&t.listDepth--,t.schema=c;let g=n.position||{start:{line:null,column:null,offset:null},end:{line:null,column:null,offset:null}},f=s.components&&t6.call(s.components,u)?s.components[u]:u,h="string"==typeof f||f===i.Fragment;if(!tX.isValidElementType(f))throw TypeError(`Component for name \`${u}\` not defined or is not renderable`);if(d.key=r,"a"===u&&s.linkTarget&&(d.target="function"==typeof s.linkTarget?s.linkTarget(String(d.href||""),n.children,"string"==typeof d.title?d.title:null):s.linkTarget),"a"===u&&l&&(d.href=l(String(d.href||""),n.children,"string"==typeof d.title?d.title:null)),h||"code"!==u||"element"!==a.type||"pre"===a.tagName||(d.inline=!0),h||"h1"!==u&&"h2"!==u&&"h3"!==u&&"h4"!==u&&"h5"!==u&&"h6"!==u||(d.level=Number.parseInt(u.charAt(1),10)),"img"===u&&s.transformImageUri&&(d.src=s.transformImageUri(String(d.src||""),String(d.alt||""),"string"==typeof d.title?d.title:null)),!h&&"li"===u&&"element"===a.type){let e=function(e){let t=-1;for(;++t0?i.createElement(f,d,m):i.createElement(f,d)}(t,r,o,n)):"text"===r.type?"element"===n.type&&t3.has(n.tagName)&&function(e){let t=e&&"object"==typeof e&&"text"===e.type?e.value||"":e;return"string"==typeof t&&""===t.replace(/[ \t\n\f\r]/g,"")}(r)||a.push(r.value):"raw"!==r.type||t.options.skipHtml||a.push(r.value);return a}({options:e,schema:tZ,listDepth:0},r));return e.className&&(a=i.createElement("div",{className:e.className},a)),a}nr.propTypes={children:tA.string,className:tA.string,allowElement:tA.func,allowedElements:tA.arrayOf(tA.string),disallowedElements:tA.arrayOf(tA.string),unwrapDisallowed:tA.bool,remarkPlugins:tA.arrayOf(tA.oneOfType([tA.object,tA.func,tA.arrayOf(tA.oneOfType([tA.bool,tA.string,tA.object,tA.func,tA.arrayOf(tA.any)]))])),rehypePlugins:tA.arrayOf(tA.oneOfType([tA.object,tA.func,tA.arrayOf(tA.oneOfType([tA.bool,tA.string,tA.object,tA.func,tA.arrayOf(tA.any)]))])),sourcePos:tA.bool,rawSourcePos:tA.bool,skipHtml:tA.bool,includeElementIndex:tA.bool,transformLinkUri:tA.oneOfType([tA.func,tA.bool]),linkTarget:tA.oneOfType([tA.func,tA.string]),transformImageUri:tA.func,components:tA.object}},12767:function(e,t,n){"use strict";n.d(t,{Z:function(){return eK}});var r={};n.r(r),n.d(r,{boolean:function(){return m},booleanish:function(){return g},commaOrSpaceSeparated:function(){return T},commaSeparated:function(){return E},number:function(){return h},overloadedBoolean:function(){return f},spaceSeparated:function(){return b}});var a={};n.r(a),n.d(a,{boolean:function(){return ec},booleanish:function(){return eu},commaOrSpaceSeparated:function(){return ef},commaSeparated:function(){return eg},number:function(){return ep},overloadedBoolean:function(){return ed},spaceSeparated:function(){return em}});var i=n(7045),o=n(3980),s=n(31108);class l{constructor(e,t,n){this.property=e,this.normal=t,n&&(this.space=n)}}function c(e,t){let n={},r={},a=-1;for(;++a"xlink:"+t.slice(5).toLowerCase(),properties:{xLinkActuate:null,xLinkArcRole:null,xLinkHref:null,xLinkRole:null,xLinkShow:null,xLinkTitle:null,xLinkType:null}}),N=k({space:"xml",transform:(e,t)=>"xml:"+t.slice(3).toLowerCase(),properties:{xmlLang:null,xmlBase:null,xmlSpace:null}});function C(e,t){return t in e?e[t]:t}function R(e,t){return C(e,t.toLowerCase())}let I=k({space:"xmlns",attributes:{xmlnsxlink:"xmlns:xlink"},transform:R,properties:{xmlns:null,xmlnsXLink:null}}),O=k({transform:(e,t)=>"role"===t?t:"aria-"+t.slice(4).toLowerCase(),properties:{ariaActiveDescendant:null,ariaAtomic:g,ariaAutoComplete:null,ariaBusy:g,ariaChecked:g,ariaColCount:h,ariaColIndex:h,ariaColSpan:h,ariaControls:b,ariaCurrent:null,ariaDescribedBy:b,ariaDetails:null,ariaDisabled:g,ariaDropEffect:b,ariaErrorMessage:null,ariaExpanded:g,ariaFlowTo:b,ariaGrabbed:g,ariaHasPopup:null,ariaHidden:g,ariaInvalid:null,ariaKeyShortcuts:null,ariaLabel:null,ariaLabelledBy:b,ariaLevel:h,ariaLive:null,ariaModal:g,ariaMultiLine:g,ariaMultiSelectable:g,ariaOrientation:null,ariaOwns:b,ariaPlaceholder:null,ariaPosInSet:h,ariaPressed:g,ariaReadOnly:g,ariaRelevant:null,ariaRequired:g,ariaRoleDescription:b,ariaRowCount:h,ariaRowIndex:h,ariaRowSpan:h,ariaSelected:g,ariaSetSize:h,ariaSort:null,ariaValueMax:h,ariaValueMin:h,ariaValueNow:h,ariaValueText:null,role:null}}),w=k({space:"html",attributes:{acceptcharset:"accept-charset",classname:"class",htmlfor:"for",httpequiv:"http-equiv"},transform:R,mustUseProperty:["checked","multiple","muted","selected"],properties:{abbr:null,accept:E,acceptCharset:b,accessKey:b,action:null,allow:null,allowFullScreen:m,allowPaymentRequest:m,allowUserMedia:m,alt:null,as:null,async:m,autoCapitalize:null,autoComplete:b,autoFocus:m,autoPlay:m,blocking:b,capture:m,charSet:null,checked:m,cite:null,className:b,cols:h,colSpan:null,content:null,contentEditable:g,controls:m,controlsList:b,coords:h|E,crossOrigin:null,data:null,dateTime:null,decoding:null,default:m,defer:m,dir:null,dirName:null,disabled:m,download:f,draggable:g,encType:null,enterKeyHint:null,fetchPriority:null,form:null,formAction:null,formEncType:null,formMethod:null,formNoValidate:m,formTarget:null,headers:b,height:h,hidden:m,high:h,href:null,hrefLang:null,htmlFor:b,httpEquiv:b,id:null,imageSizes:null,imageSrcSet:null,inert:m,inputMode:null,integrity:null,is:null,isMap:m,itemId:null,itemProp:b,itemRef:b,itemScope:m,itemType:b,kind:null,label:null,lang:null,language:null,list:null,loading:null,loop:m,low:h,manifest:null,max:null,maxLength:h,media:null,method:null,min:null,minLength:h,multiple:m,muted:m,name:null,nonce:null,noModule:m,noValidate:m,onAbort:null,onAfterPrint:null,onAuxClick:null,onBeforeMatch:null,onBeforePrint:null,onBeforeUnload:null,onBlur:null,onCancel:null,onCanPlay:null,onCanPlayThrough:null,onChange:null,onClick:null,onClose:null,onContextLost:null,onContextMenu:null,onContextRestored: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,onScrollEnd: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:m,optimum:h,pattern:null,ping:b,placeholder:null,playsInline:m,popover:null,popoverTarget:null,popoverTargetAction:null,poster:null,preload:null,readOnly:m,referrerPolicy:null,rel:b,required:m,reversed:m,rows:h,rowSpan:h,sandbox:b,scope:null,scoped:m,seamless:m,selected:m,shape:null,size:h,sizes:null,slot:null,span:h,spellCheck:g,src:null,srcDoc:null,srcLang:null,srcSet:null,start:h,step:null,style:null,tabIndex:h,target:null,title:null,translate:null,type:null,typeMustMatch:m,useMap:null,value:g,width:h,wrap:null,align:null,aLink:null,archive:b,axis:null,background:null,bgColor:null,border:h,borderColor:null,bottomMargin:h,cellPadding:null,cellSpacing:null,char:null,charOff:null,classId:null,clear:null,code:null,codeBase:null,codeType:null,color:null,compact:m,declare:m,event:null,face:null,frame:null,frameBorder:null,hSpace:h,leftMargin:h,link:null,longDesc:null,lowSrc:null,marginHeight:h,marginWidth:h,noResize:m,noHref:m,noShade:m,noWrap:m,object:null,profile:null,prompt:null,rev:null,rightMargin:h,rules:null,scheme:null,scrolling:g,standby:null,summary:null,text:null,topMargin:h,valueType:null,version:null,vAlign:null,vLink:null,vSpace:h,allowTransparency:null,autoCorrect:null,autoSave:null,disablePictureInPicture:m,disableRemotePlayback:m,prefix:null,property:null,results:h,security:null,unselectable:null}}),x=k({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",transformOrigin:"transform-origin",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:C,properties:{about:T,accentHeight:h,accumulate:null,additive:null,alignmentBaseline:null,alphabetic:h,amplitude:h,arabicForm:null,ascent:h,attributeName:null,attributeType:null,azimuth:h,bandwidth:null,baselineShift:null,baseFrequency:null,baseProfile:null,bbox:null,begin:null,bias:h,by:null,calcMode:null,capHeight:h,className:b,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:h,diffuseConstant:h,direction:null,display:null,dur:null,divisor:h,dominantBaseline:null,download:m,dx:null,dy:null,edgeMode:null,editable:null,elevation:h,enableBackground:null,end:null,event:null,exponent:h,externalResourcesRequired:null,fill:null,fillOpacity:h,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:E,g2:E,glyphName:E,glyphOrientationHorizontal:null,glyphOrientationVertical:null,glyphRef:null,gradientTransform:null,gradientUnits:null,handler:null,hanging:h,hatchContentUnits:null,hatchUnits:null,height:null,href:null,hrefLang:null,horizAdvX:h,horizOriginX:h,horizOriginY:h,id:null,ideographic:h,imageRendering:null,initialVisibility:null,in:null,in2:null,intercept:h,k:h,k1:h,k2:h,k3:h,k4:h,kernelMatrix:T,kernelUnitLength:null,keyPoints:null,keySplines:null,keyTimes:null,kerning:null,lang:null,lengthAdjust:null,letterSpacing:null,lightingColor:null,limitingConeAngle:h,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:h,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:h,overlineThickness:h,paintOrder:null,panose1:null,path:null,pathLength:h,patternContentUnits:null,patternTransform:null,patternUnits:null,phase:null,ping:b,pitch:null,playbackOrder:null,pointerEvents:null,points:null,pointsAtX:h,pointsAtY:h,pointsAtZ:h,preserveAlpha:null,preserveAspectRatio:null,primitiveUnits:null,propagate:null,property:T,r:null,radius:null,referrerPolicy:null,refX:null,refY:null,rel:T,rev:T,renderingIntent:null,repeatCount:null,repeatDur:null,requiredExtensions:T,requiredFeatures:T,requiredFonts:T,requiredFormats:T,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:h,specularExponent:h,spreadMethod:null,spacing:null,startOffset:null,stdDeviation:null,stemh:null,stemv:null,stitchTiles:null,stopColor:null,stopOpacity:null,strikethroughPosition:h,strikethroughThickness:h,string:null,stroke:null,strokeDashArray:T,strokeDashOffset:null,strokeLineCap:null,strokeLineJoin:null,strokeMiterLimit:h,strokeOpacity:h,strokeWidth:null,style:null,surfaceScale:h,syncBehavior:null,syncBehaviorDefault:null,syncMaster:null,syncTolerance:null,syncToleranceDefault:null,systemLanguage:T,tabIndex:h,tableValues:null,target:null,targetX:h,targetY:h,textAnchor:null,textDecoration:null,textRendering:null,textLength:null,timelineBegin:null,title:null,transformBehavior:null,type:null,typeOf:T,to:null,transform:null,transformOrigin:null,u1:null,u2:null,underlinePosition:h,underlineThickness:h,unicode:null,unicodeBidi:null,unicodeRange:null,unitsPerEm:h,values:null,vAlphabetic:h,vMathematical:h,vectorEffect:null,vHanging:h,vIdeographic:h,version:null,vertAdvY:h,vertOriginX:h,vertOriginY:h,viewBox:null,viewTarget:null,visibility:null,width:null,widths:null,wordSpacing:null,writingMode:null,x:null,x1:null,x2:null,xChannelSelector:null,xHeight:h,y:null,y1:null,y2:null,yChannelSelector:null,z:null,zoomAndPan:null}}),L=c([N,v,I,O,w],"html"),D=c([N,v,I,O,x],"svg"),P=/^data[-\w.:]+$/i,M=/-[a-z]/g,F=/[A-Z]/g;function U(e,t){let n=u(t),r=t,a=d;if(n in e.normal)return e.property[e.normal[n]];if(n.length>4&&"data"===n.slice(0,4)&&P.test(t)){if("-"===t.charAt(4)){let e=t.slice(5).replace(M,H);r="data"+e.charAt(0).toUpperCase()+e.slice(1)}else{let e=t.slice(4);if(!M.test(e)){let n=e.replace(F,B);"-"!==n.charAt(0)&&(n="-"+n),t="data"+n}}a=A}return new a(r,t)}function B(e){return"-"+e.toLowerCase()}function H(e){return e.charAt(1).toUpperCase()}let G=/[#.]/g;function z(e){let t=String(e||"").trim();return t?t.split(/[ \t\n\r\f]+/g):[]}function $(e){let t=[],n=String(e||""),r=n.indexOf(","),a=0,i=!1;for(;!i;){-1===r&&(r=n.length,i=!0);let e=n.slice(a,r).trim();(e||!i)&&t.push(e),a=r+1,r=n.indexOf(",",a)}return t}let j=new Set(["menu","submit","reset","button"]),V={}.hasOwnProperty;function W(e,t,n){let r=n&&function(e){let t={},n=-1;for(;++n-1&&ee)return{line:t+1,column:e-(t>0?n[t-1]:0)+1,offset:e}}return{line:void 0,column:void 0,offset:void 0}},toOffset:function(e){let t=e&&e.line,r=e&&e.column;if("number"==typeof t&&"number"==typeof r&&!Number.isNaN(t)&&!Number.isNaN(r)&&t-1 in n){let e=(n[t-2]||0)+r-1||0;if(e>-1&&e"xlink:"+t.slice(5).toLowerCase(),properties:{xLinkActuate:null,xLinkArcRole:null,xLinkHref:null,xLinkRole:null,xLinkShow:null,xLinkTitle:null,xLinkType:null}}),eA=eS({space:"xml",transform:(e,t)=>"xml:"+t.slice(3).toLowerCase(),properties:{xmlLang:null,xmlBase:null,xmlSpace:null}});function e_(e,t){return t in e?e[t]:t}function ek(e,t){return e_(e,t.toLowerCase())}let ev=eS({space:"xmlns",attributes:{xmlnsxlink:"xmlns:xlink"},transform:ek,properties:{xmlns:null,xmlnsXLink:null}}),eN=eS({transform:(e,t)=>"role"===t?t:"aria-"+t.slice(4).toLowerCase(),properties:{ariaActiveDescendant:null,ariaAtomic:eu,ariaAutoComplete:null,ariaBusy:eu,ariaChecked:eu,ariaColCount:ep,ariaColIndex:ep,ariaColSpan:ep,ariaControls:em,ariaCurrent:null,ariaDescribedBy:em,ariaDetails:null,ariaDisabled:eu,ariaDropEffect:em,ariaErrorMessage:null,ariaExpanded:eu,ariaFlowTo:em,ariaGrabbed:eu,ariaHasPopup:null,ariaHidden:eu,ariaInvalid:null,ariaKeyShortcuts:null,ariaLabel:null,ariaLabelledBy:em,ariaLevel:ep,ariaLive:null,ariaModal:eu,ariaMultiLine:eu,ariaMultiSelectable:eu,ariaOrientation:null,ariaOwns:em,ariaPlaceholder:null,ariaPosInSet:ep,ariaPressed:eu,ariaReadOnly:eu,ariaRelevant:null,ariaRequired:eu,ariaRoleDescription:em,ariaRowCount:ep,ariaRowIndex:ep,ariaRowSpan:ep,ariaSelected:eu,ariaSetSize:ep,ariaSort:null,ariaValueMax:ep,ariaValueMin:ep,ariaValueNow:ep,ariaValueText:null,role:null}}),eC=eS({space:"html",attributes:{acceptcharset:"accept-charset",classname:"class",htmlfor:"for",httpequiv:"http-equiv"},transform:ek,mustUseProperty:["checked","multiple","muted","selected"],properties:{abbr:null,accept:eg,acceptCharset:em,accessKey:em,action:null,allow:null,allowFullScreen:ec,allowPaymentRequest:ec,allowUserMedia:ec,alt:null,as:null,async:ec,autoCapitalize:null,autoComplete:em,autoFocus:ec,autoPlay:ec,blocking:em,capture:ec,charSet:null,checked:ec,cite:null,className:em,cols:ep,colSpan:null,content:null,contentEditable:eu,controls:ec,controlsList:em,coords:ep|eg,crossOrigin:null,data:null,dateTime:null,decoding:null,default:ec,defer:ec,dir:null,dirName:null,disabled:ec,download:ed,draggable:eu,encType:null,enterKeyHint:null,fetchPriority:null,form:null,formAction:null,formEncType:null,formMethod:null,formNoValidate:ec,formTarget:null,headers:em,height:ep,hidden:ec,high:ep,href:null,hrefLang:null,htmlFor:em,httpEquiv:em,id:null,imageSizes:null,imageSrcSet:null,inert:ec,inputMode:null,integrity:null,is:null,isMap:ec,itemId:null,itemProp:em,itemRef:em,itemScope:ec,itemType:em,kind:null,label:null,lang:null,language:null,list:null,loading:null,loop:ec,low:ep,manifest:null,max:null,maxLength:ep,media:null,method:null,min:null,minLength:ep,multiple:ec,muted:ec,name:null,nonce:null,noModule:ec,noValidate:ec,onAbort:null,onAfterPrint:null,onAuxClick:null,onBeforeMatch:null,onBeforePrint:null,onBeforeUnload:null,onBlur:null,onCancel:null,onCanPlay:null,onCanPlayThrough:null,onChange:null,onClick:null,onClose:null,onContextLost:null,onContextMenu:null,onContextRestored: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,onScrollEnd: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:ec,optimum:ep,pattern:null,ping:em,placeholder:null,playsInline:ec,popover:null,popoverTarget:null,popoverTargetAction:null,poster:null,preload:null,readOnly:ec,referrerPolicy:null,rel:em,required:ec,reversed:ec,rows:ep,rowSpan:ep,sandbox:em,scope:null,scoped:ec,seamless:ec,selected:ec,shape:null,size:ep,sizes:null,slot:null,span:ep,spellCheck:eu,src:null,srcDoc:null,srcLang:null,srcSet:null,start:ep,step:null,style:null,tabIndex:ep,target:null,title:null,translate:null,type:null,typeMustMatch:ec,useMap:null,value:eu,width:ep,wrap:null,align:null,aLink:null,archive:em,axis:null,background:null,bgColor:null,border:ep,borderColor:null,bottomMargin:ep,cellPadding:null,cellSpacing:null,char:null,charOff:null,classId:null,clear:null,code:null,codeBase:null,codeType:null,color:null,compact:ec,declare:ec,event:null,face:null,frame:null,frameBorder:null,hSpace:ep,leftMargin:ep,link:null,longDesc:null,lowSrc:null,marginHeight:ep,marginWidth:ep,noResize:ec,noHref:ec,noShade:ec,noWrap:ec,object:null,profile:null,prompt:null,rev:null,rightMargin:ep,rules:null,scheme:null,scrolling:eu,standby:null,summary:null,text:null,topMargin:ep,valueType:null,version:null,vAlign:null,vLink:null,vSpace:ep,allowTransparency:null,autoCorrect:null,autoSave:null,disablePictureInPicture:ec,disableRemotePlayback:ec,prefix:null,property:null,results:ep,security:null,unselectable:null}}),eR=eS({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",transformOrigin:"transform-origin",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:e_,properties:{about:ef,accentHeight:ep,accumulate:null,additive:null,alignmentBaseline:null,alphabetic:ep,amplitude:ep,arabicForm:null,ascent:ep,attributeName:null,attributeType:null,azimuth:ep,bandwidth:null,baselineShift:null,baseFrequency:null,baseProfile:null,bbox:null,begin:null,bias:ep,by:null,calcMode:null,capHeight:ep,className:em,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:ep,diffuseConstant:ep,direction:null,display:null,dur:null,divisor:ep,dominantBaseline:null,download:ec,dx:null,dy:null,edgeMode:null,editable:null,elevation:ep,enableBackground:null,end:null,event:null,exponent:ep,externalResourcesRequired:null,fill:null,fillOpacity:ep,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:eg,g2:eg,glyphName:eg,glyphOrientationHorizontal:null,glyphOrientationVertical:null,glyphRef:null,gradientTransform:null,gradientUnits:null,handler:null,hanging:ep,hatchContentUnits:null,hatchUnits:null,height:null,href:null,hrefLang:null,horizAdvX:ep,horizOriginX:ep,horizOriginY:ep,id:null,ideographic:ep,imageRendering:null,initialVisibility:null,in:null,in2:null,intercept:ep,k:ep,k1:ep,k2:ep,k3:ep,k4:ep,kernelMatrix:ef,kernelUnitLength:null,keyPoints:null,keySplines:null,keyTimes:null,kerning:null,lang:null,lengthAdjust:null,letterSpacing:null,lightingColor:null,limitingConeAngle:ep,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:ep,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:ep,overlineThickness:ep,paintOrder:null,panose1:null,path:null,pathLength:ep,patternContentUnits:null,patternTransform:null,patternUnits:null,phase:null,ping:em,pitch:null,playbackOrder:null,pointerEvents:null,points:null,pointsAtX:ep,pointsAtY:ep,pointsAtZ:ep,preserveAlpha:null,preserveAspectRatio:null,primitiveUnits:null,propagate:null,property:ef,r:null,radius:null,referrerPolicy:null,refX:null,refY:null,rel:ef,rev:ef,renderingIntent:null,repeatCount:null,repeatDur:null,requiredExtensions:ef,requiredFeatures:ef,requiredFonts:ef,requiredFormats:ef,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:ep,specularExponent:ep,spreadMethod:null,spacing:null,startOffset:null,stdDeviation:null,stemh:null,stemv:null,stitchTiles:null,stopColor:null,stopOpacity:null,strikethroughPosition:ep,strikethroughThickness:ep,string:null,stroke:null,strokeDashArray:ef,strokeDashOffset:null,strokeLineCap:null,strokeLineJoin:null,strokeMiterLimit:ep,strokeOpacity:ep,strokeWidth:null,style:null,surfaceScale:ep,syncBehavior:null,syncBehaviorDefault:null,syncMaster:null,syncTolerance:null,syncToleranceDefault:null,systemLanguage:ef,tabIndex:ep,tableValues:null,target:null,targetX:ep,targetY:ep,textAnchor:null,textDecoration:null,textRendering:null,textLength:null,timelineBegin:null,title:null,transformBehavior:null,type:null,typeOf:ef,to:null,transform:null,transformOrigin:null,u1:null,u2:null,underlinePosition:ep,underlineThickness:ep,unicode:null,unicodeBidi:null,unicodeRange:null,unitsPerEm:ep,values:null,vAlphabetic:ep,vMathematical:ep,vectorEffect:null,vHanging:ep,vIdeographic:ep,version:null,vertAdvY:ep,vertOriginX:ep,vertOriginY:ep,viewBox:null,viewTarget:null,visibility:null,width:null,widths:null,wordSpacing:null,writingMode:null,x:null,x1:null,x2:null,xChannelSelector:null,xHeight:ep,y:null,y1:null,y2:null,yChannelSelector:null,z:null,zoomAndPan:null}}),eI=ei([eA,ey,ev,eN,eC],"html"),eO=ei([eA,ey,ev,eN,eR],"svg"),ew=/^data[-\w.:]+$/i,ex=/-[a-z]/g,eL=/[A-Z]/g;function eD(e){return"-"+e.toLowerCase()}function eP(e){return e.charAt(1).toUpperCase()}let eM={}.hasOwnProperty;function eF(e,t){let n=t||{};function r(t,...n){let a=r.invalid,i=r.handlers;if(t&&eM.call(t,e)){let n=String(t[e]);a=eM.call(i,n)?i[n]:r.unknown}if(a)return a.call(this,t,...n)}return r.handlers=n.handlers||{},r.invalid=n.invalid,r.unknown=n.unknown,r}let eU={}.hasOwnProperty,eB=eF("type",{handlers:{root:function(e,t){let n={nodeName:"#document",mode:(e.data||{}).quirksMode?"quirks":"no-quirks",childNodes:[]};return n.childNodes=eH(e.children,n,t),eG(e,n),n},element:function(e,t){let n;let r=t;"element"===e.type&&"svg"===e.tagName.toLowerCase()&&"html"===t.space&&(r=eO);let a=[];if(e.properties){for(n in e.properties)if("children"!==n&&eU.call(e.properties,n)){let t=function(e,t,n){let r=function(e,t){let n=eo(t),r=t,a=es;if(n in e.normal)return e.property[e.normal[n]];if(n.length>4&&"data"===n.slice(0,4)&&ew.test(t)){if("-"===t.charAt(4)){let e=t.slice(5).replace(ex,eP);r="data"+e.charAt(0).toUpperCase()+e.slice(1)}else{let e=t.slice(4);if(!ex.test(e)){let n=e.replace(eL,eD);"-"!==n.charAt(0)&&(n="-"+n),t="data"+n}}a=eE}return new a(r,t)}(e,t);if(null==n||!1===n||"number"==typeof n&&Number.isNaN(n)||!n&&r.boolean)return;Array.isArray(n)&&(n=r.commaSeparated?function(e,t){let n={},r=""===e[e.length-1]?[...e,""]:e;return r.join((n.padRight?" ":"")+","+(!1===n.padLeft?"":" ")).trim()}(n):n.join(" ").trim());let a={name:r.attribute,value:!0===n?"":String(n)};if(r.space&&"html"!==r.space&&"svg"!==r.space){let e=a.name.indexOf(":");e<0?a.prefix="":(a.name=a.name.slice(e+1),a.prefix=r.attribute.slice(0,e)),a.namespace=q[r.space]}return a}(r,n,e.properties[n]);t&&a.push(t)}}let i={nodeName:e.tagName,tagName:e.tagName,attrs:a,namespaceURI:q[r.space],childNodes:[],parentNode:void 0};return i.childNodes=eH(e.children,i,r),eG(e,i),"template"===e.tagName&&e.content&&(i.content=function(e,t){let n={nodeName:"#document-fragment",childNodes:[]};return n.childNodes=eH(e.children,n,t),eG(e,n),n}(e.content,r)),i},text:function(e){let t={nodeName:"#text",value:e.value,parentNode:void 0};return eG(e,t),t},comment:function(e){let t={nodeName:"#comment",data:e.value,parentNode:void 0};return eG(e,t),t},doctype:function(e){let t={nodeName:"#documentType",name:"html",publicId:"",systemId:"",parentNode:void 0};return eG(e,t),t}}});function eH(e,t,n){let r=-1,a=[];if(e)for(;++r{if(e.value.stitch&&null!==n&&null!==t)return n.children[t]=e.value.stitch,t}),"root"!==e.type&&"root"===f.type&&1===f.children.length)return f.children[0];return f;function h(e){let t=-1;if(e)for(;++t{let r=ej(t,n,e);return r}}},3980:function(e,t,n){"use strict";n.d(t,{FK:function(){return i},Pk:function(){return r},rb:function(){return a}});let r=o("start"),a=o("end");function i(e){return{start:r(e),end:a(e)}}function o(e){return function(t){let n=t&&t.position&&t.position[e]||{};return{line:n.line||null,column:n.column||null,offset:n.offset>-1?n.offset:null}}}},31108:function(e,t,n){"use strict";n.d(t,{Vn:function(){return s}});let r=function(e){if(null==e)return i;if("string"==typeof e)return a(function(t){return t&&t.type===e});if("object"==typeof e)return Array.isArray(e)?function(e){let t=[],n=-1;for(;++n":"")+")"})}return u;function u(){var c;let u,d,p,m=[];if((!t||i(r,s,l[l.length-1]||null))&&!1===(m=Array.isArray(c=n(r,l))?c:"number"==typeof c?[!0,c]:[c])[0])return m;if(r.children&&"skip"!==m[0])for(d=(a?r.children.length:-1)+o,p=l.concat(r);d>-1&&d","Iacute":"\xcd","Icirc":"\xce","Igrave":"\xcc","Iuml":"\xcf","LT":"<","Ntilde":"\xd1","Oacute":"\xd3","Ocirc":"\xd4","Ograve":"\xd2","Oslash":"\xd8","Otilde":"\xd5","Ouml":"\xd6","QUOT":"\\"","REG":"\xae","THORN":"\xde","Uacute":"\xda","Ucirc":"\xdb","Ugrave":"\xd9","Uuml":"\xdc","Yacute":"\xdd","aacute":"\xe1","acirc":"\xe2","acute":"\xb4","aelig":"\xe6","agrave":"\xe0","amp":"&","aring":"\xe5","atilde":"\xe3","auml":"\xe4","brvbar":"\xa6","ccedil":"\xe7","cedil":"\xb8","cent":"\xa2","copy":"\xa9","curren":"\xa4","deg":"\xb0","divide":"\xf7","eacute":"\xe9","ecirc":"\xea","egrave":"\xe8","eth":"\xf0","euml":"\xeb","frac12":"\xbd","frac14":"\xbc","frac34":"\xbe","gt":">","iacute":"\xed","icirc":"\xee","iexcl":"\xa1","igrave":"\xec","iquest":"\xbf","iuml":"\xef","laquo":"\xab","lt":"<","macr":"\xaf","micro":"\xb5","middot":"\xb7","nbsp":"\xa0","not":"\xac","ntilde":"\xf1","oacute":"\xf3","ocirc":"\xf4","ograve":"\xf2","ordf":"\xaa","ordm":"\xba","oslash":"\xf8","otilde":"\xf5","ouml":"\xf6","para":"\xb6","plusmn":"\xb1","pound":"\xa3","quot":"\\"","raquo":"\xbb","reg":"\xae","sect":"\xa7","shy":"\xad","sup1":"\xb9","sup2":"\xb2","sup3":"\xb3","szlig":"\xdf","thorn":"\xfe","times":"\xd7","uacute":"\xfa","ucirc":"\xfb","ugrave":"\xf9","uml":"\xa8","uuml":"\xfc","yacute":"\xfd","yen":"\xa5","yuml":"\xff"}')},93580:function(e){"use strict";e.exports=JSON.parse('{"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":"Ÿ"}')}}]); \ No newline at end of file diff --git a/pilot/server/static/_next/static/chunks/412-b911d4a677c64b70.js b/pilot/server/static/_next/static/chunks/412-b911d4a677c64b70.js new file mode 100644 index 000000000..3353a4beb --- /dev/null +++ b/pilot/server/static/_next/static/chunks/412-b911d4a677c64b70.js @@ -0,0 +1,4 @@ +"use strict";(self.webpackChunk_N_E=self.webpackChunk_N_E||[]).push([[412],{27496:function(e,t,n){n.d(t,{Z:function(){return l}});var r=n(87462),o=n(67294),a={icon:{tag:"svg",attrs:{viewBox:"64 64 896 896",focusable:"false"},children:[{tag:"defs",attrs:{},children:[{tag:"style",attrs:{}}]},{tag:"path",attrs:{d:"M931.4 498.9L94.9 79.5c-3.4-1.7-7.3-2.1-11-1.2a15.99 15.99 0 00-11.7 19.3l86.2 352.2c1.3 5.3 5.2 9.6 10.4 11.3l147.7 50.7-147.6 50.7c-5.2 1.8-9.1 6-10.3 11.3L72.2 926.5c-.9 3.7-.5 7.6 1.2 10.9 3.9 7.9 13.5 11.1 21.5 7.2l836.5-417c3.1-1.5 5.6-4.1 7.2-7.1 3.9-8 .7-17.6-7.2-21.6zM170.8 826.3l50.3-205.6 295.2-101.3c2.3-.8 4.2-2.6 5-5 1.4-4.2-.8-8.7-5-10.2L221.1 403 171 198.2l628 314.9-628.2 313.2z"}}]},name:"send",theme:"outlined"},i=n(84089),l=o.forwardRef(function(e,t){return o.createElement(i.Z,(0,r.Z)({},e,{ref:t,icon:a}))})},1375:function(e,t,n){async function r(e,t){let n;let r=e.getReader();for(;!(n=await r.read()).done;)t(n.value)}function o(){return{data:"",event:"",id:"",retry:void 0}}n.d(t,{a:function(){return i},L:function(){return c}});var a=function(e,t){var n={};for(var r in e)Object.prototype.hasOwnProperty.call(e,r)&&0>t.indexOf(r)&&(n[r]=e[r]);if(null!=e&&"function"==typeof Object.getOwnPropertySymbols)for(var o=0,r=Object.getOwnPropertySymbols(e);ot.indexOf(r[o])&&Object.prototype.propertyIsEnumerable.call(e,r[o])&&(n[r[o]]=e[r[o]]);return n};let i="text/event-stream",l="last-event-id";function c(e,t){var{signal:n,headers:c,onopen:d,onmessage:m,onclose:u,onerror:p,openWhenHidden:g,fetch:f}=t,$=a(t,["signal","headers","onopen","onmessage","onclose","onerror","openWhenHidden","fetch"]);return new Promise((t,a)=>{let b;let h=Object.assign({},c);function y(){b.abort(),document.hidden||w()}h.accept||(h.accept=i),g||document.addEventListener("visibilitychange",y);let v=1e3,x=0;function E(){document.removeEventListener("visibilitychange",y),window.clearTimeout(x),b.abort()}null==n||n.addEventListener("abort",()=>{E(),t()});let O=null!=f?f:window.fetch,S=null!=d?d:s;async function w(){var n,i;b=new AbortController;try{let n,a,c,s;let d=await O(e,Object.assign(Object.assign({},$),{headers:h,signal:b.signal}));await S(d),await r(d.body,(i=function(e,t,n){let r=o(),a=new TextDecoder;return function(i,l){if(0===i.length)null==n||n(r),r=o();else if(l>0){let n=a.decode(i.subarray(0,l)),o=l+(32===i[l+1]?2:1),c=a.decode(i.subarray(o));switch(n){case"data":r.data=r.data?r.data+"\n"+c:c;break;case"event":r.event=c;break;case"id":e(r.id=c);break;case"retry":let s=parseInt(c,10);isNaN(s)||t(r.retry=s)}}}}(e=>{e?h[l]=e:delete h[l]},e=>{v=e},m),s=!1,function(e){void 0===n?(n=e,a=0,c=-1):n=function(e,t){let n=new Uint8Array(e.length+t.length);return n.set(e),n.set(t,e.length),n}(n,e);let t=n.length,r=0;for(;a{let{icon:t,description:n,prefixCls:r,className:a}=e,i=o.createElement("div",{className:`${r}-icon`},o.createElement($,null));return o.createElement("div",{onClick:e.onClick,onFocus:e.onFocus,onMouseEnter:e.onMouseEnter,onMouseLeave:e.onMouseLeave,className:s()(a,`${r}-content`)},t||n?o.createElement(o.Fragment,null,t&&o.createElement("div",{className:`${r}-icon`},t),n&&o.createElement("div",{className:`${r}-description`},n)):i)});let h=o.createContext(void 0),{Provider:y}=h;var v=n(23183),x=n(14747),E=n(16932),O=n(93590),S=n(67968),w=n(45503),k=e=>0===e?0:e-Math.sqrt(Math.pow(e,2)/2);let C=e=>{let{componentCls:t,floatButtonSize:n,motionDurationSlow:r,motionEaseInOutCirc:o}=e,a=`${t}-group`,i=new v.E4("antFloatButtonMoveDownIn",{"0%":{transform:`translate3d(0, ${n}px, 0)`,transformOrigin:"0 0",opacity:0},"100%":{transform:"translate3d(0, 0, 0)",transformOrigin:"0 0",opacity:1}}),l=new v.E4("antFloatButtonMoveDownOut",{"0%":{transform:"translate3d(0, 0, 0)",transformOrigin:"0 0",opacity:1},"100%":{transform:`translate3d(0, ${n}px, 0)`,transformOrigin:"0 0",opacity:0}});return[{[`${a}-wrap`]:Object.assign({},(0,O.R)(`${a}-wrap`,i,l,r,!0))},{[`${a}-wrap`]:{[` + &${a}-wrap-enter, + &${a}-wrap-appear + `]:{opacity:0,animationTimingFunction:o},[`&${a}-wrap-leave`]:{animationTimingFunction:o}}}]},j=e=>{let{antCls:t,componentCls:n,floatButtonSize:r,margin:o,borderRadiusLG:a,borderRadiusSM:i,badgeOffset:l,floatButtonBodyPadding:c}=e,s=`${n}-group`;return{[s]:Object.assign(Object.assign({},(0,x.Wf)(e)),{zIndex:99,display:"block",border:"none",position:"fixed",width:r,height:"auto",boxShadow:"none",minHeight:r,insetInlineEnd:e.floatButtonInsetInlineEnd,insetBlockEnd:e.floatButtonInsetBlockEnd,borderRadius:a,[`${s}-wrap`]:{zIndex:-1,display:"block",position:"relative",marginBottom:o},[`&${s}-rtl`]:{direction:"rtl"},[n]:{position:"static"}}),[`${s}-circle`]:{[`${n}-circle:not(:last-child)`]:{marginBottom:e.margin,[`${n}-body`]:{width:r,height:r,borderRadius:"50%"}}},[`${s}-square`]:{[`${n}-square`]:{borderRadius:0,padding:0,"&:first-child":{borderStartStartRadius:a,borderStartEndRadius:a},"&:last-child":{borderEndStartRadius:a,borderEndEndRadius:a},"&:not(:last-child)":{borderBottom:`${e.lineWidth}px ${e.lineType} ${e.colorSplit}`},[`${t}-badge`]:{[`${t}-badge-count`]:{top:-(c+l),insetInlineEnd:-(c+l)}}},[`${s}-wrap`]:{display:"block",borderRadius:a,boxShadow:e.boxShadowSecondary,[`${n}-square`]:{boxShadow:"none",marginTop:0,borderRadius:0,padding:c,"&:first-child":{borderStartStartRadius:a,borderStartEndRadius:a},"&:last-child":{borderEndStartRadius:a,borderEndEndRadius:a},"&:not(:last-child)":{borderBottom:`${e.lineWidth}px ${e.lineType} ${e.colorSplit}`},[`${n}-body`]:{width:e.floatButtonBodySize,height:e.floatButtonBodySize}}}},[`${s}-circle-shadow`]:{boxShadow:"none"},[`${s}-square-shadow`]:{boxShadow:e.boxShadowSecondary,[`${n}-square`]:{boxShadow:"none",padding:c,[`${n}-body`]:{width:e.floatButtonBodySize,height:e.floatButtonBodySize,borderRadius:i}}}}},B=e=>{let{antCls:t,componentCls:n,floatButtonBodyPadding:r,floatButtonIconSize:o,floatButtonSize:a,borderRadiusLG:i,badgeOffset:l,dotOffsetInSquare:c,dotOffsetInCircle:s}=e;return{[n]:Object.assign(Object.assign({},(0,x.Wf)(e)),{border:"none",position:"fixed",cursor:"pointer",zIndex:99,width:a,height:a,insetInlineEnd:e.floatButtonInsetInlineEnd,insetBlockEnd:e.floatButtonInsetBlockEnd,boxShadow:e.boxShadowSecondary,"&-pure":{position:"relative",inset:"auto"},"&:empty":{display:"none"},[`${t}-badge`]:{width:"100%",height:"100%",[`${t}-badge-count`]:{transform:"translate(0, 0)",transformOrigin:"center",top:-l,insetInlineEnd:-l}},[`${n}-body`]:{width:"100%",height:"100%",display:"flex",justifyContent:"center",alignItems:"center",transition:`all ${e.motionDurationMid}`,[`${n}-content`]:{overflow:"hidden",textAlign:"center",minHeight:a,display:"flex",flexDirection:"column",justifyContent:"center",alignItems:"center",padding:`${r/2}px ${r}px`,[`${n}-icon`]:{textAlign:"center",margin:"auto",width:o,fontSize:o,lineHeight:1}}}}),[`${n}-rtl`]:{direction:"rtl"},[`${n}-circle`]:{height:a,borderRadius:"50%",[`${t}-badge`]:{[`${t}-badge-dot`]:{top:s,insetInlineEnd:s}},[`${n}-body`]:{borderRadius:"50%"}},[`${n}-square`]:{height:"auto",minHeight:a,borderRadius:i,[`${t}-badge`]:{[`${t}-badge-dot`]:{top:c,insetInlineEnd:c}},[`${n}-body`]:{height:"auto",borderRadius:i}},[`${n}-default`]:{backgroundColor:e.floatButtonBackgroundColor,transition:`background-color ${e.motionDurationMid}`,[`${n}-body`]:{backgroundColor:e.floatButtonBackgroundColor,transition:`background-color ${e.motionDurationMid}`,"&:hover":{backgroundColor:e.colorFillContent},[`${n}-content`]:{[`${n}-icon`]:{color:e.colorText},[`${n}-description`]:{display:"flex",alignItems:"center",lineHeight:`${e.fontSizeLG}px`,color:e.colorText,fontSize:e.fontSizeSM}}}},[`${n}-primary`]:{backgroundColor:e.colorPrimary,[`${n}-body`]:{backgroundColor:e.colorPrimary,transition:`background-color ${e.motionDurationMid}`,"&:hover":{backgroundColor:e.colorPrimaryHover},[`${n}-content`]:{[`${n}-icon`]:{color:e.colorTextLightSolid},[`${n}-description`]:{display:"flex",alignItems:"center",lineHeight:`${e.fontSizeLG}px`,color:e.colorTextLightSolid,fontSize:e.fontSizeSM}}}}}};var N=(0,S.Z)("FloatButton",e=>{let{colorTextLightSolid:t,colorBgElevated:n,controlHeightLG:r,marginXXL:o,marginLG:a,fontSize:i,fontSizeIcon:l,controlItemBgHover:c,paddingXXS:s,borderRadiusLG:d}=e,m=(0,w.TS)(e,{floatButtonBackgroundColor:n,floatButtonColor:t,floatButtonHoverBackgroundColor:c,floatButtonFontSize:i,floatButtonIconSize:1.5*l,floatButtonSize:r,floatButtonInsetBlockEnd:o,floatButtonInsetInlineEnd:a,floatButtonBodySize:r-2*s,floatButtonBodyPadding:s,badgeOffset:1.5*s,dotOffsetInCircle:k(r/2),dotOffsetInSquare:k(d)});return[j(m),B(m),(0,E.J$)(e),C(m)]}),z=function(e,t){var n={};for(var r in e)Object.prototype.hasOwnProperty.call(e,r)&&0>t.indexOf(r)&&(n[r]=e[r]);if(null!=e&&"function"==typeof Object.getOwnPropertySymbols)for(var o=0,r=Object.getOwnPropertySymbols(e);ot.indexOf(r[o])&&Object.prototype.propertyIsEnumerable.call(e,r[o])&&(n[r[o]]=e[r[o]]);return n};let I="float-btn",P=o.forwardRef((e,t)=>{let{prefixCls:n,className:r,rootClassName:a,type:i="default",shape:l="circle",icon:c,description:d,tooltip:f,badge:$={}}=e,y=z(e,["prefixCls","className","rootClassName","type","shape","icon","description","tooltip","badge"]),{getPrefixCls:v,direction:x}=(0,o.useContext)(p.E_),E=(0,o.useContext)(h),O=v(I,n),[S,w]=N(O),k=s()(w,O,r,a,`${O}-${i}`,`${O}-${E||l}`,{[`${O}-rtl`]:"rtl"===x}),C=(0,o.useMemo)(()=>(0,m.Z)($,["title","children","status","text"]),[$]),j=(0,o.useMemo)(()=>({prefixCls:O,description:d,icon:c,type:i}),[O,d,c,i]),B=o.createElement("div",{className:`${O}-body`},o.createElement(b,Object.assign({},j)));return"badge"in e&&(B=o.createElement(u.Z,Object.assign({},C),B)),"tooltip"in e&&(B=o.createElement(g.Z,{title:f,placement:"rtl"===x?"right":"left"},B)),S(e.href?o.createElement("a",Object.assign({ref:t},y,{className:k}),B):o.createElement("button",Object.assign({ref:t},y,{className:k,type:"button"}),B))});var M=n(66367),Z=n(58375),L=n(74902),H=n(75164),R=function(e){let t;let n=n=>()=>{t=null,e.apply(void 0,(0,L.Z)(n))},r=function(){if(null==t){for(var e=arguments.length,r=Array(e),o=0;o{H.Z.cancel(t),t=null},r},T=function(e,t){var n={};for(var r in e)Object.prototype.hasOwnProperty.call(e,r)&&0>t.indexOf(r)&&(n[r]=e[r]);if(null!=e&&"function"==typeof Object.getOwnPropertySymbols)for(var o=0,r=Object.getOwnPropertySymbols(e);ot.indexOf(r[o])&&Object.prototype.propertyIsEnumerable.call(e,r[o])&&(n[r[o]]=e[r[o]]);return n},W=(0,o.memo)(e=>{let{prefixCls:t,className:n,type:r="default",shape:a="circle",visibilityHeight:i=400,icon:c=o.createElement(l,null),target:m,onClick:u,duration:g=450}=e,f=T(e,["prefixCls","className","type","shape","visibilityHeight","icon","target","onClick","duration"]),[$,b]=(0,o.useState)(0===i),y=(0,o.useRef)(null),v=()=>y.current&&y.current.ownerDocument?y.current.ownerDocument:window,x=R(e=>{let t=(0,M.Z)(e.target,!0);b(t>=i)});(0,o.useEffect)(()=>{let e=m||v,t=e();return x({target:t}),null==t||t.addEventListener("scroll",x),()=>{x.cancel(),null==t||t.removeEventListener("scroll",x)}},[m]);let E=e=>{(0,Z.Z)(0,{getContainer:m||v,duration:g}),null==u||u(e)},{getPrefixCls:O}=(0,o.useContext)(p.E_),S=O(I,t),w=O(),[k]=N(S),C=(0,o.useContext)(h),j=Object.assign({prefixCls:S,icon:c,type:r,shape:C||a},f);return k(o.createElement(d.ZP,{visible:$,motionName:`${w}-fade`},e=>{let{className:t}=e;return o.createElement(P,Object.assign({ref:y},j,{onClick:E,className:s()(n,t)}))}))}),_=n(97937),D=n(21770),F=function(e,t){var n={};for(var r in e)Object.prototype.hasOwnProperty.call(e,r)&&0>t.indexOf(r)&&(n[r]=e[r]);if(null!=e&&"function"==typeof Object.getOwnPropertySymbols)for(var o=0,r=Object.getOwnPropertySymbols(e);ot.indexOf(r[o])&&Object.prototype.propertyIsEnumerable.call(e,r[o])&&(n[r[o]]=e[r[o]]);return n},A=(0,o.memo)(e=>{let{prefixCls:t,className:n,style:r,shape:a="circle",type:i="default",icon:l=o.createElement($,null),closeIcon:c=o.createElement(_.Z,null),description:m,trigger:u,children:g,onOpenChange:f,open:b}=e,h=F(e,["prefixCls","className","style","shape","type","icon","closeIcon","description","trigger","children","onOpenChange","open"]),{direction:v,getPrefixCls:x}=(0,o.useContext)(p.E_),E=x(I,t),[O,S]=N(E),w=`${E}-group`,k=s()(w,S,n,{[`${w}-rtl`]:"rtl"===v,[`${w}-${a}`]:a,[`${w}-${a}-shadow`]:!u}),C=s()(S,`${w}-wrap`),[j,B]=(0,D.Z)(!1,{value:b}),z=(0,o.useRef)(null),M=(0,o.useRef)(null),Z=(0,o.useMemo)(()=>"hover"===u?{onMouseEnter(){B(!0),null==f||f(!0)},onMouseLeave(){B(!1),null==f||f(!1)}}:{},[u]),L=()=>{B(e=>(null==f||f(!e),!e))},H=(0,o.useCallback)(e=>{var t,n;if(null===(t=z.current)||void 0===t?void 0:t.contains(e.target)){(null===(n=M.current)||void 0===n?void 0:n.contains(e.target))&&L();return}B(!1),null==f||f(!1)},[u]);return(0,o.useEffect)(()=>{if("click"===u)return document.addEventListener("click",H),()=>{document.removeEventListener("click",H)}},[u]),O(o.createElement(y,{value:a},o.createElement("div",Object.assign({ref:z,className:k,style:r},Z),u&&["click","hover"].includes(u)?o.createElement(o.Fragment,null,o.createElement(d.ZP,{visible:j,motionName:`${w}-wrap`},e=>{let{className:t}=e;return o.createElement("div",{className:s()(t,C)},g)}),o.createElement(P,Object.assign({ref:M,type:i,shape:a,icon:j?c:l,description:m,"aria-label":e["aria-label"]},h))):g)))}),G=function(e,t){var n={};for(var r in e)Object.prototype.hasOwnProperty.call(e,r)&&0>t.indexOf(r)&&(n[r]=e[r]);if(null!=e&&"function"==typeof Object.getOwnPropertySymbols)for(var o=0,r=Object.getOwnPropertySymbols(e);ot.indexOf(r[o])&&Object.prototype.propertyIsEnumerable.call(e,r[o])&&(n[r[o]]=e[r[o]]);return n};let q=e=>{var{backTop:t}=e,n=G(e,["backTop"]);return t?o.createElement(W,Object.assign({},n,{visibilityHeight:0})):o.createElement(P,Object.assign({},n))};P.BackTop=W,P.Group=A,P._InternalPanelDoNotUseOrYouWillBeFired=e=>{var{className:t,items:n}=e,r=G(e,["className","items"]);let{prefixCls:a}=r,{getPrefixCls:i}=o.useContext(p.E_),l=i(I,a),c=`${l}-pure`;return n?o.createElement(A,Object.assign({className:s()(t,c)},r),n.map((e,t)=>o.createElement(q,Object.assign({key:t},e)))):o.createElement(q,Object.assign({className:s()(t,c)},r))};var V=P},2487:function(e,t,n){n.d(t,{Z:function(){return B}});var r=n(74902),o=n(94184),a=n.n(o),i=n(67294),l=n(38780),c=n(74443),s=n(53124),d=n(88258),m=n(92820),u=n(25378),p=n(81647),g=n(75081),f=n(96159),$=n(21584);let b=i.createContext({});b.Consumer;var h=function(e,t){var n={};for(var r in e)Object.prototype.hasOwnProperty.call(e,r)&&0>t.indexOf(r)&&(n[r]=e[r]);if(null!=e&&"function"==typeof Object.getOwnPropertySymbols)for(var o=0,r=Object.getOwnPropertySymbols(e);ot.indexOf(r[o])&&Object.prototype.propertyIsEnumerable.call(e,r[o])&&(n[r[o]]=e[r[o]]);return n};let y=(0,i.forwardRef)((e,t)=>{let n;var{prefixCls:r,children:o,actions:l,extra:c,className:d,colStyle:m}=e,u=h(e,["prefixCls","children","actions","extra","className","colStyle"]);let{grid:p,itemLayout:g}=(0,i.useContext)(b),{getPrefixCls:y}=(0,i.useContext)(s.E_),v=y("list",r),x=l&&l.length>0&&i.createElement("ul",{className:`${v}-item-action`,key:"actions"},l.map((e,t)=>i.createElement("li",{key:`${v}-item-action-${t}`},e,t!==l.length-1&&i.createElement("em",{className:`${v}-item-action-split`})))),E=p?"div":"li",O=i.createElement(E,Object.assign({},u,p?{}:{ref:t},{className:a()(`${v}-item`,{[`${v}-item-no-flex`]:!("vertical"===g?!!c:(i.Children.forEach(o,e=>{"string"==typeof e&&(n=!0)}),!(n&&i.Children.count(o)>1)))},d)}),"vertical"===g&&c?[i.createElement("div",{className:`${v}-item-main`,key:"content"},o,x),i.createElement("div",{className:`${v}-item-extra`,key:"extra"},c)]:[o,x,(0,f.Tm)(c,{key:"extra"})]);return p?i.createElement($.Z,{ref:t,flex:1,style:m},O):O});y.Meta=e=>{var{prefixCls:t,className:n,avatar:r,title:o,description:l}=e,c=h(e,["prefixCls","className","avatar","title","description"]);let{getPrefixCls:d}=(0,i.useContext)(s.E_),m=d("list",t),u=a()(`${m}-item-meta`,n),p=i.createElement("div",{className:`${m}-item-meta-content`},o&&i.createElement("h4",{className:`${m}-item-meta-title`},o),l&&i.createElement("div",{className:`${m}-item-meta-description`},l));return i.createElement("div",Object.assign({},c,{className:u}),r&&i.createElement("div",{className:`${m}-item-meta-avatar`},r),(o||l)&&p)};var v=n(14747),x=n(67968),E=n(45503);let O=e=>{let{listBorderedCls:t,componentCls:n,paddingLG:r,margin:o,itemPaddingSM:a,itemPaddingLG:i,marginLG:l,borderRadiusLG:c}=e;return{[`${t}`]:{border:`${e.lineWidth}px ${e.lineType} ${e.colorBorder}`,borderRadius:c,[`${n}-header,${n}-footer,${n}-item`]:{paddingInline:r},[`${n}-pagination`]:{margin:`${o}px ${l}px`}},[`${t}${n}-sm`]:{[`${n}-item,${n}-header,${n}-footer`]:{padding:a}},[`${t}${n}-lg`]:{[`${n}-item,${n}-header,${n}-footer`]:{padding:i}}}},S=e=>{let{componentCls:t,screenSM:n,screenMD:r,marginLG:o,marginSM:a,margin:i}=e;return{[`@media screen and (max-width:${r})`]:{[`${t}`]:{[`${t}-item`]:{[`${t}-item-action`]:{marginInlineStart:o}}},[`${t}-vertical`]:{[`${t}-item`]:{[`${t}-item-extra`]:{marginInlineStart:o}}}},[`@media screen and (max-width: ${n})`]:{[`${t}`]:{[`${t}-item`]:{flexWrap:"wrap",[`${t}-action`]:{marginInlineStart:a}}},[`${t}-vertical`]:{[`${t}-item`]:{flexWrap:"wrap-reverse",[`${t}-item-main`]:{minWidth:e.contentWidth},[`${t}-item-extra`]:{margin:`auto auto ${i}px`}}}}}},w=e=>{let{componentCls:t,antCls:n,controlHeight:r,minHeight:o,paddingSM:a,marginLG:i,padding:l,itemPadding:c,colorPrimary:s,itemPaddingSM:d,itemPaddingLG:m,paddingXS:u,margin:p,colorText:g,colorTextDescription:f,motionDurationSlow:$,lineWidth:b,headerBg:h,footerBg:y,emptyTextPadding:x,metaMarginBottom:E,avatarMarginRight:O,titleMarginBottom:S,descriptionFontSize:w}=e,k={};return["start","center","end"].forEach(e=>{k[`&-align-${e}`]={textAlign:e}}),{[`${t}`]:Object.assign(Object.assign({},(0,v.Wf)(e)),{position:"relative","*":{outline:"none"},[`${t}-header`]:{background:h},[`${t}-footer`]:{background:y},[`${t}-header, ${t}-footer`]:{paddingBlock:a},[`${t}-pagination`]:Object.assign(Object.assign({marginBlockStart:i},k),{[`${n}-pagination-options`]:{textAlign:"start"}}),[`${t}-spin`]:{minHeight:o,textAlign:"center"},[`${t}-items`]:{margin:0,padding:0,listStyle:"none"},[`${t}-item`]:{display:"flex",alignItems:"center",justifyContent:"space-between",padding:c,color:g,[`${t}-item-meta`]:{display:"flex",flex:1,alignItems:"flex-start",maxWidth:"100%",[`${t}-item-meta-avatar`]:{marginInlineEnd:O},[`${t}-item-meta-content`]:{flex:"1 0",width:0,color:g},[`${t}-item-meta-title`]:{margin:`0 0 ${e.marginXXS}px 0`,color:g,fontSize:e.fontSize,lineHeight:e.lineHeight,"> a":{color:g,transition:`all ${$}`,"&:hover":{color:s}}},[`${t}-item-meta-description`]:{color:f,fontSize:w,lineHeight:e.lineHeight}},[`${t}-item-action`]:{flex:"0 0 auto",marginInlineStart:e.marginXXL,padding:0,fontSize:0,listStyle:"none","& > li":{position:"relative",display:"inline-block",padding:`0 ${u}px`,color:f,fontSize:e.fontSize,lineHeight:e.lineHeight,textAlign:"center","&:first-child":{paddingInlineStart:0}},[`${t}-item-action-split`]:{position:"absolute",insetBlockStart:"50%",insetInlineEnd:0,width:b,height:Math.ceil(e.fontSize*e.lineHeight)-2*e.marginXXS,transform:"translateY(-50%)",backgroundColor:e.colorSplit}}},[`${t}-empty`]:{padding:`${l}px 0`,color:f,fontSize:e.fontSizeSM,textAlign:"center"},[`${t}-empty-text`]:{padding:x,color:e.colorTextDisabled,fontSize:e.fontSize,textAlign:"center"},[`${t}-item-no-flex`]:{display:"block"}}),[`${t}-grid ${n}-col > ${t}-item`]:{display:"block",maxWidth:"100%",marginBlockEnd:p,paddingBlock:0,borderBlockEnd:"none"},[`${t}-vertical ${t}-item`]:{alignItems:"initial",[`${t}-item-main`]:{display:"block",flex:1},[`${t}-item-extra`]:{marginInlineStart:i},[`${t}-item-meta`]:{marginBlockEnd:E,[`${t}-item-meta-title`]:{marginBlockStart:0,marginBlockEnd:S,color:g,fontSize:e.fontSizeLG,lineHeight:e.lineHeightLG}},[`${t}-item-action`]:{marginBlockStart:l,marginInlineStart:"auto","> li":{padding:`0 ${l}px`,"&:first-child":{paddingInlineStart:0}}}},[`${t}-split ${t}-item`]:{borderBlockEnd:`${e.lineWidth}px ${e.lineType} ${e.colorSplit}`,"&:last-child":{borderBlockEnd:"none"}},[`${t}-split ${t}-header`]:{borderBlockEnd:`${e.lineWidth}px ${e.lineType} ${e.colorSplit}`},[`${t}-split${t}-empty ${t}-footer`]:{borderTop:`${e.lineWidth}px ${e.lineType} ${e.colorSplit}`},[`${t}-loading ${t}-spin-nested-loading`]:{minHeight:r},[`${t}-split${t}-something-after-last-item ${n}-spin-container > ${t}-items > ${t}-item:last-child`]:{borderBlockEnd:`${e.lineWidth}px ${e.lineType} ${e.colorSplit}`},[`${t}-lg ${t}-item`]:{padding:m},[`${t}-sm ${t}-item`]:{padding:d},[`${t}:not(${t}-vertical)`]:{[`${t}-item-no-flex`]:{[`${t}-item-action`]:{float:"right"}}}}};var k=(0,x.Z)("List",e=>{let t=(0,E.TS)(e,{listBorderedCls:`${e.componentCls}-bordered`,minHeight:e.controlHeightLG});return[w(t),O(t),S(t)]},e=>({contentWidth:220,itemPadding:`${e.paddingContentVertical}px 0`,itemPaddingSM:`${e.paddingContentVerticalSM}px ${e.paddingContentHorizontal}px`,itemPaddingLG:`${e.paddingContentVerticalLG}px ${e.paddingContentHorizontalLG}px`,headerBg:"transparent",footerBg:"transparent",emptyTextPadding:e.padding,metaMarginBottom:e.padding,avatarMarginRight:e.padding,titleMarginBottom:e.paddingSM,descriptionFontSize:e.fontSize})),C=function(e,t){var n={};for(var r in e)Object.prototype.hasOwnProperty.call(e,r)&&0>t.indexOf(r)&&(n[r]=e[r]);if(null!=e&&"function"==typeof Object.getOwnPropertySymbols)for(var o=0,r=Object.getOwnPropertySymbols(e);ot.indexOf(r[o])&&Object.prototype.propertyIsEnumerable.call(e,r[o])&&(n[r[o]]=e[r[o]]);return n};function j(e){var t,{pagination:n=!1,prefixCls:o,bordered:f=!1,split:$=!0,className:h,rootClassName:y,style:v,children:x,itemLayout:E,loadMore:O,grid:S,dataSource:w=[],size:j,header:B,footer:N,loading:z=!1,rowKey:I,renderItem:P,locale:M}=e,Z=C(e,["pagination","prefixCls","bordered","split","className","rootClassName","style","children","itemLayout","loadMore","grid","dataSource","size","header","footer","loading","rowKey","renderItem","locale"]);let L=n&&"object"==typeof n?n:{},[H,R]=i.useState(L.defaultCurrent||1),[T,W]=i.useState(L.defaultPageSize||10),{getPrefixCls:_,renderEmpty:D,direction:F,list:A}=i.useContext(s.E_),G=e=>(t,r)=>{var o;R(t),W(r),n&&n[e]&&(null===(o=null==n?void 0:n[e])||void 0===o||o.call(n,t,r))},q=G("onChange"),V=G("onShowSizeChange"),X=(e,t)=>{let n;return P?((n="function"==typeof I?I(e):I?e[I]:e.key)||(n=`list-item-${t}`),i.createElement(i.Fragment,{key:n},P(e,t))):null},U=_("list",o),[Y,J]=k(U),K=z;"boolean"==typeof K&&(K={spinning:K});let Q=K&&K.spinning,ee="";switch(j){case"large":ee="lg";break;case"small":ee="sm"}let et=a()(U,{[`${U}-vertical`]:"vertical"===E,[`${U}-${ee}`]:ee,[`${U}-split`]:$,[`${U}-bordered`]:f,[`${U}-loading`]:Q,[`${U}-grid`]:!!S,[`${U}-something-after-last-item`]:!!(O||n||N),[`${U}-rtl`]:"rtl"===F},null==A?void 0:A.className,h,y,J),en=(0,l.Z)({current:1,total:0},{total:w.length,current:H,pageSize:T},n||{}),er=Math.ceil(en.total/en.pageSize);en.current>er&&(en.current=er);let eo=n?i.createElement("div",{className:a()(`${U}-pagination`,`${U}-pagination-align-${null!==(t=null==en?void 0:en.align)&&void 0!==t?t:"end"}`)},i.createElement(p.Z,Object.assign({},en,{onChange:q,onShowSizeChange:V}))):null,ea=(0,r.Z)(w);n&&w.length>(en.current-1)*en.pageSize&&(ea=(0,r.Z)(w).splice((en.current-1)*en.pageSize,en.pageSize));let ei=Object.keys(S||{}).some(e=>["xs","sm","md","lg","xl","xxl"].includes(e)),el=(0,u.Z)(ei),ec=i.useMemo(()=>{for(let e=0;e{if(!S)return;let e=ec&&S[ec]?S[ec]:S.column;if(e)return{width:`${100/e}%`,maxWidth:`${100/e}%`}},[null==S?void 0:S.column,ec]),ed=Q&&i.createElement("div",{style:{minHeight:53}});if(ea.length>0){let e=ea.map((e,t)=>X(e,t));ed=S?i.createElement(m.Z,{gutter:S.gutter},i.Children.map(e,e=>i.createElement("div",{key:null==e?void 0:e.key,style:es},e))):i.createElement("ul",{className:`${U}-items`},e)}else x||Q||(ed=i.createElement("div",{className:`${U}-empty-text`},M&&M.emptyText||(null==D?void 0:D("List"))||i.createElement(d.Z,{componentName:"List"})));let em=en.position||"bottom",eu=i.useMemo(()=>({grid:S,itemLayout:E}),[JSON.stringify(S),E]);return Y(i.createElement(b.Provider,{value:eu},i.createElement("div",Object.assign({style:Object.assign(Object.assign({},null==A?void 0:A.style),v),className:et},Z),("top"===em||"both"===em)&&eo,B&&i.createElement("div",{className:`${U}-header`},B),i.createElement(g.Z,Object.assign({},K),ed,x),N&&i.createElement("div",{className:`${U}-footer`},N),O||("bottom"===em||"both"===em)&&eo)))}j.Item=y;var B=j},74627:function(e,t,n){n.d(t,{Z:function(){return C}});var r=n(94184),o=n.n(r),a=n(67294);let i=e=>e?"function"==typeof e?e():e:null;var l=n(33603),c=n(53124),s=n(83062),d=n(92419),m=n(14747),u=n(50438),p=n(77786),g=n(8796),f=n(67968),$=n(45503);let b=e=>{let{componentCls:t,popoverColor:n,minWidth:r,fontWeightStrong:o,popoverPadding:a,boxShadowSecondary:i,colorTextHeading:l,borderRadiusLG:c,zIndexPopup:s,marginXS:d,colorBgElevated:u,popoverBg:g}=e;return[{[t]:Object.assign(Object.assign({},(0,m.Wf)(e)),{position:"absolute",top:0,left:{_skip_check_:!0,value:0},zIndex:s,fontWeight:"normal",whiteSpace:"normal",textAlign:"start",cursor:"auto",userSelect:"text",transformOrigin:"var(--arrow-x, 50%) var(--arrow-y, 50%)","--antd-arrow-background-color":u,"&-rtl":{direction:"rtl"},"&-hidden":{display:"none"},[`${t}-content`]:{position:"relative"},[`${t}-inner`]:{backgroundColor:g,backgroundClip:"padding-box",borderRadius:c,boxShadow:i,padding:a},[`${t}-title`]:{minWidth:r,marginBottom:d,color:l,fontWeight:o},[`${t}-inner-content`]:{color:n}})},(0,p.ZP)(e,{colorBg:"var(--antd-arrow-background-color)"}),{[`${t}-pure`]:{position:"relative",maxWidth:"none",margin:e.sizePopupArrow,display:"inline-block",[`${t}-content`]:{display:"inline-block"}}}]},h=e=>{let{componentCls:t}=e;return{[t]:g.i.map(n=>{let r=e[`${n}6`];return{[`&${t}-${n}`]:{"--antd-arrow-background-color":r,[`${t}-inner`]:{backgroundColor:r},[`${t}-arrow`]:{background:"transparent"}}}})}},y=e=>{let{componentCls:t,lineWidth:n,lineType:r,colorSplit:o,paddingSM:a,controlHeight:i,fontSize:l,lineHeight:c,padding:s}=e,d=i-Math.round(l*c);return{[t]:{[`${t}-inner`]:{padding:0},[`${t}-title`]:{margin:0,padding:`${d/2}px ${s}px ${d/2-n}px`,borderBottom:`${n}px ${r} ${o}`},[`${t}-inner-content`]:{padding:`${a}px ${s}px`}}}};var v=(0,f.Z)("Popover",e=>{let{colorBgElevated:t,colorText:n,wireframe:r}=e,o=(0,$.TS)(e,{popoverPadding:12,popoverBg:t,popoverColor:n});return[b(o),h(o),r&&y(o),(0,u._y)(o,"zoom-big")]},e=>({width:177,minWidth:177,zIndexPopup:e.zIndexPopupBase+30}),{deprecatedTokens:[["width","minWidth"]]}),x=function(e,t){var n={};for(var r in e)Object.prototype.hasOwnProperty.call(e,r)&&0>t.indexOf(r)&&(n[r]=e[r]);if(null!=e&&"function"==typeof Object.getOwnPropertySymbols)for(var o=0,r=Object.getOwnPropertySymbols(e);ot.indexOf(r[o])&&Object.prototype.propertyIsEnumerable.call(e,r[o])&&(n[r[o]]=e[r[o]]);return n};let E=(e,t,n)=>{if(t||n)return a.createElement(a.Fragment,null,t&&a.createElement("div",{className:`${e}-title`},i(t)),a.createElement("div",{className:`${e}-inner-content`},i(n)))},O=e=>{let{hashId:t,prefixCls:n,className:r,style:i,placement:l="top",title:c,content:s,children:m}=e;return a.createElement("div",{className:o()(t,n,`${n}-pure`,`${n}-placement-${l}`,r),style:i},a.createElement("div",{className:`${n}-arrow`}),a.createElement(d.G,Object.assign({},e,{className:t,prefixCls:n}),m||E(n,c,s)))};var S=function(e,t){var n={};for(var r in e)Object.prototype.hasOwnProperty.call(e,r)&&0>t.indexOf(r)&&(n[r]=e[r]);if(null!=e&&"function"==typeof Object.getOwnPropertySymbols)for(var o=0,r=Object.getOwnPropertySymbols(e);ot.indexOf(r[o])&&Object.prototype.propertyIsEnumerable.call(e,r[o])&&(n[r[o]]=e[r[o]]);return n};let w=e=>{let{title:t,content:n,prefixCls:r}=e;return a.createElement(a.Fragment,null,t&&a.createElement("div",{className:`${r}-title`},i(t)),a.createElement("div",{className:`${r}-inner-content`},i(n)))},k=a.forwardRef((e,t)=>{let{prefixCls:n,title:r,content:i,overlayClassName:d,placement:m="top",trigger:u="hover",mouseEnterDelay:p=.1,mouseLeaveDelay:g=.1,overlayStyle:f={}}=e,$=S(e,["prefixCls","title","content","overlayClassName","placement","trigger","mouseEnterDelay","mouseLeaveDelay","overlayStyle"]),{getPrefixCls:b}=a.useContext(c.E_),h=b("popover",n),[y,x]=v(h),E=b(),O=o()(d,x);return y(a.createElement(s.Z,Object.assign({placement:m,trigger:u,mouseEnterDelay:p,mouseLeaveDelay:g,overlayStyle:f},$,{prefixCls:h,overlayClassName:O,ref:t,overlay:r||i?a.createElement(w,{prefixCls:h,title:r,content:i}):null,transitionName:(0,l.m)(E,"zoom-big",$.transitionName),"data-popover-inject":!0})))});k._InternalPanelDoNotUseOrYouWillBeFired=e=>{let{prefixCls:t}=e,n=x(e,["prefixCls"]),{getPrefixCls:r}=a.useContext(c.E_),o=r("popover",t),[i,l]=v(o);return i(a.createElement(O,Object.assign({},n,{prefixCls:o,hashId:l})))};var C=k}}]); \ No newline at end of file diff --git a/pilot/server/static/_next/static/chunks/44-941ba89e47567ba3.js b/pilot/server/static/_next/static/chunks/44-941ba89e47567ba3.js deleted file mode 100644 index ff47d7058..000000000 --- a/pilot/server/static/_next/static/chunks/44-941ba89e47567ba3.js +++ /dev/null @@ -1,16 +0,0 @@ -"use strict";(self.webpackChunk_N_E=self.webpackChunk_N_E||[]).push([[44],{63606:function(e,t,r){r.d(t,{Z:function(){return i}});var n=r(87462),o=r(67294),a={icon:{tag:"svg",attrs:{viewBox:"64 64 896 896",focusable:"false"},children:[{tag:"path",attrs:{d:"M912 190h-69.9c-9.8 0-19.1 4.5-25.1 12.2L404.7 724.5 207 474a32 32 0 00-25.1-12.2H112c-6.7 0-10.4 7.7-6.3 12.9l273.9 347c12.8 16.2 37.4 16.2 50.3 0l488.4-618.9c4.1-5.1.4-12.8-6.3-12.8z"}}]},name:"check",theme:"outlined"},l=r(84089),i=o.forwardRef(function(e,t){return o.createElement(l.Z,(0,n.Z)({},e,{ref:t,icon:a}))})},99611:function(e,t,r){r.d(t,{Z:function(){return i}});var n=r(87462),o=r(67294),a={icon:{tag:"svg",attrs:{viewBox:"64 64 896 896",focusable:"false"},children:[{tag:"path",attrs:{d:"M942.2 486.2C847.4 286.5 704.1 186 512 186c-192.2 0-335.4 100.5-430.2 300.3a60.3 60.3 0 000 51.5C176.6 737.5 319.9 838 512 838c192.2 0 335.4-100.5 430.2-300.3 7.7-16.2 7.7-35 0-51.5zM512 766c-161.3 0-279.4-81.8-362.7-254C232.6 339.8 350.7 258 512 258c161.3 0 279.4 81.8 362.7 254C791.5 684.2 673.4 766 512 766zm-4-430c-97.2 0-176 78.8-176 176s78.8 176 176 176 176-78.8 176-176-78.8-176-176-176zm0 288c-61.9 0-112-50.1-112-112s50.1-112 112-112 112 50.1 112 112-50.1 112-112 112z"}}]},name:"eye",theme:"outlined"},l=r(84089),i=o.forwardRef(function(e,t){return o.createElement(l.Z,(0,n.Z)({},e,{ref:t,icon:a}))})},68795:function(e,t,r){r.d(t,{Z:function(){return i}});var n=r(87462),o=r(67294),a={icon:{tag:"svg",attrs:{viewBox:"64 64 896 896",focusable:"false"},children:[{tag:"path",attrs:{d:"M909.6 854.5L649.9 594.8C690.2 542.7 712 479 712 412c0-80.2-31.3-155.4-87.9-212.1-56.6-56.7-132-87.9-212.1-87.9s-155.5 31.3-212.1 87.9C143.2 256.5 112 331.8 112 412c0 80.1 31.3 155.5 87.9 212.1C256.5 680.8 331.8 712 412 712c67 0 130.6-21.8 182.7-62l259.7 259.6a8.2 8.2 0 0011.6 0l43.6-43.5a8.2 8.2 0 000-11.6zM570.4 570.4C528 612.7 471.8 636 412 636s-116-23.3-158.4-65.6C211.3 528 188 471.8 188 412s23.3-116.1 65.6-158.4C296 211.3 352.2 188 412 188s116.1 23.2 158.4 65.6S636 352.2 636 412s-23.3 116.1-65.6 158.4z"}}]},name:"search",theme:"outlined"},l=r(84089),i=o.forwardRef(function(e,t){return o.createElement(l.Z,(0,n.Z)({},e,{ref:t,icon:a}))})},9708:function(e,t,r){r.d(t,{F:function(){return l},Z:function(){return a}});var n=r(94184),o=r.n(n);function a(e,t,r){return o()({[`${e}-status-success`]:"success"===t,[`${e}-status-warning`]:"warning"===t,[`${e}-status-error`]:"error"===t,[`${e}-status-validating`]:"validating"===t,[`${e}-has-feedback`]:r})}let l=(e,t)=>t||e},32983:function(e,t,r){r.d(t,{Z:function(){return v}});var n=r(94184),o=r.n(n),a=r(67294),l=r(53124),i=r(10110),s=r(10274),c=r(25976),d=r(67968),u=r(45503);let p=e=>{let{componentCls:t,margin:r,marginXS:n,marginXL:o,fontSize:a,lineHeight:l}=e;return{[t]:{marginInline:n,fontSize:a,lineHeight:l,textAlign:"center",[`${t}-image`]:{height:e.emptyImgHeight,marginBottom:n,opacity:e.opacityImage,img:{height:"100%"},svg:{maxWidth:"100%",height:"100%",margin:"auto"}},[`${t}-description`]:{color:e.colorText},[`${t}-footer`]:{marginTop:r},"&-normal":{marginBlock:o,color:e.colorTextDisabled,[`${t}-description`]:{color:e.colorTextDisabled},[`${t}-image`]:{height:e.emptyImgHeightMD}},"&-small":{marginBlock:n,color:e.colorTextDisabled,[`${t}-image`]:{height:e.emptyImgHeightSM}}}}};var f=(0,d.Z)("Empty",e=>{let{componentCls:t,controlHeightLG:r}=e,n=(0,u.TS)(e,{emptyImgCls:`${t}-img`,emptyImgHeight:2.5*r,emptyImgHeightMD:r,emptyImgHeightSM:.875*r});return[p(n)]}),g=function(e,t){var r={};for(var n in e)Object.prototype.hasOwnProperty.call(e,n)&&0>t.indexOf(n)&&(r[n]=e[n]);if(null!=e&&"function"==typeof Object.getOwnPropertySymbols)for(var o=0,n=Object.getOwnPropertySymbols(e);ot.indexOf(n[o])&&Object.prototype.propertyIsEnumerable.call(e,n[o])&&(r[n[o]]=e[n[o]]);return r};let m=a.createElement(()=>{let[,e]=(0,c.Z)(),t=new s.C(e.colorBgBase),r=t.toHsl().l<.5?{opacity:.65}:{};return a.createElement("svg",{style:r,width:"184",height:"152",viewBox:"0 0 184 152",xmlns:"http://www.w3.org/2000/svg"},a.createElement("g",{fill:"none",fillRule:"evenodd"},a.createElement("g",{transform:"translate(24 31.67)"},a.createElement("ellipse",{fillOpacity:".8",fill:"#F5F5F7",cx:"67.797",cy:"106.89",rx:"67.797",ry:"12.668"}),a.createElement("path",{d:"M122.034 69.674L98.109 40.229c-1.148-1.386-2.826-2.225-4.593-2.225h-51.44c-1.766 0-3.444.839-4.592 2.225L13.56 69.674v15.383h108.475V69.674z",fill:"#AEB8C2"}),a.createElement("path",{d:"M101.537 86.214L80.63 61.102c-1.001-1.207-2.507-1.867-4.048-1.867H31.724c-1.54 0-3.047.66-4.048 1.867L6.769 86.214v13.792h94.768V86.214z",fill:"url(#linearGradient-1)",transform:"translate(13.56)"}),a.createElement("path",{d:"M33.83 0h67.933a4 4 0 0 1 4 4v93.344a4 4 0 0 1-4 4H33.83a4 4 0 0 1-4-4V4a4 4 0 0 1 4-4z",fill:"#F5F5F7"}),a.createElement("path",{d:"M42.678 9.953h50.237a2 2 0 0 1 2 2V36.91a2 2 0 0 1-2 2H42.678a2 2 0 0 1-2-2V11.953a2 2 0 0 1 2-2zM42.94 49.767h49.713a2.262 2.262 0 1 1 0 4.524H42.94a2.262 2.262 0 0 1 0-4.524zM42.94 61.53h49.713a2.262 2.262 0 1 1 0 4.525H42.94a2.262 2.262 0 0 1 0-4.525zM121.813 105.032c-.775 3.071-3.497 5.36-6.735 5.36H20.515c-3.238 0-5.96-2.29-6.734-5.36a7.309 7.309 0 0 1-.222-1.79V69.675h26.318c2.907 0 5.25 2.448 5.25 5.42v.04c0 2.971 2.37 5.37 5.277 5.37h34.785c2.907 0 5.277-2.421 5.277-5.393V75.1c0-2.972 2.343-5.426 5.25-5.426h26.318v33.569c0 .617-.077 1.216-.221 1.789z",fill:"#DCE0E6"})),a.createElement("path",{d:"M149.121 33.292l-6.83 2.65a1 1 0 0 1-1.317-1.23l1.937-6.207c-2.589-2.944-4.109-6.534-4.109-10.408C138.802 8.102 148.92 0 161.402 0 173.881 0 184 8.102 184 18.097c0 9.995-10.118 18.097-22.599 18.097-4.528 0-8.744-1.066-12.28-2.902z",fill:"#DCE0E6"}),a.createElement("g",{transform:"translate(149.65 15.383)",fill:"#FFF"},a.createElement("ellipse",{cx:"20.654",cy:"3.167",rx:"2.849",ry:"2.815"}),a.createElement("path",{d:"M5.698 5.63H0L2.898.704zM9.259.704h4.985V5.63H9.259z"}))))},null),b=a.createElement(()=>{let[,e]=(0,c.Z)(),{colorFill:t,colorFillTertiary:r,colorFillQuaternary:n,colorBgContainer:o}=e,{borderColor:l,shadowColor:i,contentColor:d}=(0,a.useMemo)(()=>({borderColor:new s.C(t).onBackground(o).toHexShortString(),shadowColor:new s.C(r).onBackground(o).toHexShortString(),contentColor:new s.C(n).onBackground(o).toHexShortString()}),[t,r,n,o]);return a.createElement("svg",{width:"64",height:"41",viewBox:"0 0 64 41",xmlns:"http://www.w3.org/2000/svg"},a.createElement("g",{transform:"translate(0 1)",fill:"none",fillRule:"evenodd"},a.createElement("ellipse",{fill:i,cx:"32",cy:"33",rx:"32",ry:"7"}),a.createElement("g",{fillRule:"nonzero",stroke:l},a.createElement("path",{d:"M55 12.76L44.854 1.258C44.367.474 43.656 0 42.907 0H21.093c-.749 0-1.46.474-1.947 1.257L9 12.761V22h46v-9.24z"}),a.createElement("path",{d:"M41.613 15.931c0-1.605.994-2.93 2.227-2.931H55v18.137C55 33.26 53.68 35 52.05 35h-40.1C10.32 35 9 33.259 9 31.137V13h11.16c1.233 0 2.227 1.323 2.227 2.928v.022c0 1.605 1.005 2.901 2.237 2.901h14.752c1.232 0 2.237-1.308 2.237-2.913v-.007z",fill:d}))))},null),h=e=>{var{className:t,rootClassName:r,prefixCls:n,image:s=m,description:c,children:d,imageStyle:u,style:p}=e,h=g(e,["className","rootClassName","prefixCls","image","description","children","imageStyle","style"]);let{getPrefixCls:v,direction:x,empty:$}=a.useContext(l.E_),y=v("empty",n),[w,E]=f(y),[S]=(0,i.Z)("Empty"),C=void 0!==c?c:null==S?void 0:S.description,z="string"==typeof C?C:"empty",R=null;return R="string"==typeof s?a.createElement("img",{alt:z,src:s}):s,w(a.createElement("div",Object.assign({className:o()(E,y,null==$?void 0:$.className,{[`${y}-normal`]:s===b,[`${y}-rtl`]:"rtl"===x},t,r),style:Object.assign(Object.assign({},null==$?void 0:$.style),p)},h),a.createElement("div",{className:`${y}-image`,style:u},R),C&&a.createElement("div",{className:`${y}-description`},C),d&&a.createElement("div",{className:`${y}-footer`},d)))};h.PRESENTED_IMAGE_DEFAULT=m,h.PRESENTED_IMAGE_SIMPLE=b;var v=h},59566:function(e,t,r){r.d(t,{default:function(){return er}});var n,o=r(94184),a=r.n(o),l=r(67294),i=r(53124),s=r(65223),c=r(47673),d=r(4340),u=r(67656),p=r(42550),f=r(9708),g=r(98866),m=r(98675),b=r(4173);function h(e,t){let r=(0,l.useRef)([]),n=()=>{r.current.push(setTimeout(()=>{var t,r,n,o;(null===(t=e.current)||void 0===t?void 0:t.input)&&(null===(r=e.current)||void 0===r?void 0:r.input.getAttribute("type"))==="password"&&(null===(n=e.current)||void 0===n?void 0:n.input.hasAttribute("value"))&&(null===(o=e.current)||void 0===o||o.input.removeAttribute("value"))}))};return(0,l.useEffect)(()=>(t&&n(),()=>r.current.forEach(e=>{e&&clearTimeout(e)})),[]),n}var v=function(e,t){var r={};for(var n in e)Object.prototype.hasOwnProperty.call(e,n)&&0>t.indexOf(n)&&(r[n]=e[n]);if(null!=e&&"function"==typeof Object.getOwnPropertySymbols)for(var o=0,n=Object.getOwnPropertySymbols(e);ot.indexOf(n[o])&&Object.prototype.propertyIsEnumerable.call(e,n[o])&&(r[n[o]]=e[n[o]]);return r};let x=(0,l.forwardRef)((e,t)=>{var r;let n;let{prefixCls:o,bordered:x=!0,status:$,size:y,disabled:w,onBlur:E,onFocus:S,suffix:C,allowClear:z,addonAfter:R,addonBefore:O,className:Z,style:H,styles:I,rootClassName:j,onChange:P,classNames:N}=e,k=v(e,["prefixCls","bordered","status","size","disabled","onBlur","onFocus","suffix","allowClear","addonAfter","addonBefore","className","style","styles","rootClassName","onChange","classNames"]),{getPrefixCls:A,direction:M,input:B}=l.useContext(i.E_),T=A("input",o),W=(0,l.useRef)(null),[F,L]=(0,c.ZP)(T),{compactSize:D,compactItemClassnames:V}=(0,b.ri)(T,M),_=(0,m.Z)(e=>{var t;return null!==(t=null!=y?y:D)&&void 0!==t?t:e}),X=l.useContext(g.Z),G=null!=w?w:X,{status:Q,hasFeedback:J,feedbackIcon:U}=(0,l.useContext)(s.aM),K=(0,f.F)(Q,$),q=!!(e.prefix||e.suffix||e.allowClear)||!!J,Y=(0,l.useRef)(q);(0,l.useEffect)(()=>{q&&Y.current,Y.current=q},[q]);let ee=h(W,!0),et=(J||C)&&l.createElement(l.Fragment,null,C,J&&U);return"object"==typeof z&&(null==z?void 0:z.clearIcon)?n=z:z&&(n={clearIcon:l.createElement(d.Z,null)}),F(l.createElement(u.Z,Object.assign({ref:(0,p.sQ)(t,W),prefixCls:T,autoComplete:null==B?void 0:B.autoComplete},k,{disabled:G,onBlur:e=>{ee(),null==E||E(e)},onFocus:e=>{ee(),null==S||S(e)},style:Object.assign(Object.assign({},null==B?void 0:B.style),H),styles:Object.assign(Object.assign({},null==B?void 0:B.styles),I),suffix:et,allowClear:n,className:a()(Z,j,V,null==B?void 0:B.className),onChange:e=>{ee(),null==P||P(e)},addonAfter:R&&l.createElement(b.BR,null,l.createElement(s.Ux,{override:!0,status:!0},R)),addonBefore:O&&l.createElement(b.BR,null,l.createElement(s.Ux,{override:!0,status:!0},O)),classNames:Object.assign(Object.assign(Object.assign({},N),null==B?void 0:B.classNames),{input:a()({[`${T}-sm`]:"small"===_,[`${T}-lg`]:"large"===_,[`${T}-rtl`]:"rtl"===M,[`${T}-borderless`]:!x},!q&&(0,f.Z)(T,K),null==N?void 0:N.input,null===(r=null==B?void 0:B.classNames)||void 0===r?void 0:r.input,L)}),classes:{affixWrapper:a()({[`${T}-affix-wrapper-sm`]:"small"===_,[`${T}-affix-wrapper-lg`]:"large"===_,[`${T}-affix-wrapper-rtl`]:"rtl"===M,[`${T}-affix-wrapper-borderless`]:!x},(0,f.Z)(`${T}-affix-wrapper`,K,J),L),wrapper:a()({[`${T}-group-rtl`]:"rtl"===M},L),group:a()({[`${T}-group-wrapper-sm`]:"small"===_,[`${T}-group-wrapper-lg`]:"large"===_,[`${T}-group-wrapper-rtl`]:"rtl"===M,[`${T}-group-wrapper-disabled`]:G},(0,f.Z)(`${T}-group-wrapper`,K,J),L)}})))});var $=r(87462),y={icon:{tag:"svg",attrs:{viewBox:"64 64 896 896",focusable:"false"},children:[{tag:"path",attrs:{d:"M942.2 486.2Q889.47 375.11 816.7 305l-50.88 50.88C807.31 395.53 843.45 447.4 874.7 512 791.5 684.2 673.4 766 512 766q-72.67 0-133.87-22.38L323 798.75Q408 838 512 838q288.3 0 430.2-300.3a60.29 60.29 0 000-51.5zm-63.57-320.64L836 122.88a8 8 0 00-11.32 0L715.31 232.2Q624.86 186 512 186q-288.3 0-430.2 300.3a60.3 60.3 0 000 51.5q56.69 119.4 136.5 191.41L112.48 835a8 8 0 000 11.31L155.17 889a8 8 0 0011.31 0l712.15-712.12a8 8 0 000-11.32zM149.3 512C232.6 339.8 350.7 258 512 258c54.54 0 104.13 9.36 149.12 28.39l-70.3 70.3a176 176 0 00-238.13 238.13l-83.42 83.42C223.1 637.49 183.3 582.28 149.3 512zm246.7 0a112.11 112.11 0 01146.2-106.69L401.31 546.2A112 112 0 01396 512z"}},{tag:"path",attrs:{d:"M508 624c-3.46 0-6.87-.16-10.25-.47l-52.82 52.82a176.09 176.09 0 00227.42-227.42l-52.82 52.82c.31 3.38.47 6.79.47 10.25a111.94 111.94 0 01-112 112z"}}]},name:"eye-invisible",theme:"outlined"},w=r(84089),E=l.forwardRef(function(e,t){return l.createElement(w.Z,(0,$.Z)({},e,{ref:t,icon:y}))}),S=r(99611),C=r(98423),z=function(e,t){var r={};for(var n in e)Object.prototype.hasOwnProperty.call(e,n)&&0>t.indexOf(n)&&(r[n]=e[n]);if(null!=e&&"function"==typeof Object.getOwnPropertySymbols)for(var o=0,n=Object.getOwnPropertySymbols(e);ot.indexOf(n[o])&&Object.prototype.propertyIsEnumerable.call(e,n[o])&&(r[n[o]]=e[n[o]]);return r};let R=e=>e?l.createElement(S.Z,null):l.createElement(E,null),O={click:"onClick",hover:"onMouseOver"},Z=l.forwardRef((e,t)=>{let{visibilityToggle:r=!0}=e,n="object"==typeof r&&void 0!==r.visible,[o,s]=(0,l.useState)(()=>!!n&&r.visible),c=(0,l.useRef)(null);l.useEffect(()=>{n&&s(r.visible)},[n,r]);let d=h(c),u=()=>{let{disabled:t}=e;t||(o&&d(),s(e=>{var t;let n=!e;return"object"==typeof r&&(null===(t=r.onVisibleChange)||void 0===t||t.call(r,n)),n}))},{className:f,prefixCls:g,inputPrefixCls:m,size:b}=e,v=z(e,["className","prefixCls","inputPrefixCls","size"]),{getPrefixCls:$}=l.useContext(i.E_),y=$("input",m),w=$("input-password",g),E=r&&(t=>{let{action:r="click",iconRender:n=R}=e,a=O[r]||"",i=n(o),s={[a]:u,className:`${t}-icon`,key:"passwordIcon",onMouseDown:e=>{e.preventDefault()},onMouseUp:e=>{e.preventDefault()}};return l.cloneElement(l.isValidElement(i)?i:l.createElement("span",null,i),s)})(w),S=a()(w,f,{[`${w}-${b}`]:!!b}),Z=Object.assign(Object.assign({},(0,C.Z)(v,["suffix","iconRender","visibilityToggle"])),{type:o?"text":"password",className:S,prefixCls:y,suffix:E});return b&&(Z.size=b),l.createElement(x,Object.assign({ref:(0,p.sQ)(t,c)},Z))});var H=r(68795),I=r(96159),j=r(71577),P=function(e,t){var r={};for(var n in e)Object.prototype.hasOwnProperty.call(e,n)&&0>t.indexOf(n)&&(r[n]=e[n]);if(null!=e&&"function"==typeof Object.getOwnPropertySymbols)for(var o=0,n=Object.getOwnPropertySymbols(e);ot.indexOf(n[o])&&Object.prototype.propertyIsEnumerable.call(e,n[o])&&(r[n[o]]=e[n[o]]);return r};let N=l.forwardRef((e,t)=>{let r;let{prefixCls:n,inputPrefixCls:o,className:s,size:c,suffix:d,enterButton:u=!1,addonAfter:f,loading:g,disabled:h,onSearch:v,onChange:$,onCompositionStart:y,onCompositionEnd:w}=e,E=P(e,["prefixCls","inputPrefixCls","className","size","suffix","enterButton","addonAfter","loading","disabled","onSearch","onChange","onCompositionStart","onCompositionEnd"]),{getPrefixCls:S,direction:C}=l.useContext(i.E_),z=l.useRef(!1),R=S("input-search",n),O=S("input",o),{compactSize:Z}=(0,b.ri)(R,C),N=(0,m.Z)(e=>{var t;return null!==(t=null!=c?c:Z)&&void 0!==t?t:e}),k=l.useRef(null),A=e=>{var t;document.activeElement===(null===(t=k.current)||void 0===t?void 0:t.input)&&e.preventDefault()},M=e=>{var t,r;v&&v(null===(r=null===(t=k.current)||void 0===t?void 0:t.input)||void 0===r?void 0:r.value,e)},B="boolean"==typeof u?l.createElement(H.Z,null):null,T=`${R}-button`,W=u||{},F=W.type&&!0===W.type.__ANT_BUTTON;r=F||"button"===W.type?(0,I.Tm)(W,Object.assign({onMouseDown:A,onClick:e=>{var t,r;null===(r=null===(t=null==W?void 0:W.props)||void 0===t?void 0:t.onClick)||void 0===r||r.call(t,e),M(e)},key:"enterButton"},F?{className:T,size:N}:{})):l.createElement(j.ZP,{className:T,type:u?"primary":void 0,size:N,disabled:h,key:"enterButton",onMouseDown:A,onClick:M,loading:g,icon:B},u),f&&(r=[r,(0,I.Tm)(f,{key:"addonAfter"})]);let L=a()(R,{[`${R}-rtl`]:"rtl"===C,[`${R}-${N}`]:!!N,[`${R}-with-button`]:!!u},s);return l.createElement(x,Object.assign({ref:(0,p.sQ)(k,t),onPressEnter:e=>{z.current||g||M(e)}},E,{size:N,onCompositionStart:e=>{z.current=!0,null==y||y(e)},onCompositionEnd:e=>{z.current=!1,null==w||w(e)},prefixCls:O,addonAfter:r,suffix:d,onChange:e=>{e&&e.target&&"click"===e.type&&v&&v(e.target.value,e),$&&$(e)},className:L,disabled:h}))});var k=r(1413),A=r(4942),M=r(71002),B=r(97685),T=r(45987),W=r(74902),F=r(87887),L=r(21770),D=r(9220),V=r(8410),_=r(75164),X=["letter-spacing","line-height","padding-top","padding-bottom","font-family","font-weight","font-size","font-variant","text-rendering","text-transform","width","text-indent","padding-left","padding-right","border-width","box-sizing","word-break","white-space"],G={},Q=["prefixCls","onPressEnter","defaultValue","value","autoSize","onResize","className","style","disabled","onChange","onInternalAutoSize"],J=l.forwardRef(function(e,t){var r=e.prefixCls,o=(e.onPressEnter,e.defaultValue),i=e.value,s=e.autoSize,c=e.onResize,d=e.className,u=e.style,p=e.disabled,f=e.onChange,g=(e.onInternalAutoSize,(0,T.Z)(e,Q)),m=(0,L.Z)(o,{value:i,postState:function(e){return null!=e?e:""}}),b=(0,B.Z)(m,2),h=b[0],v=b[1],x=l.useRef();l.useImperativeHandle(t,function(){return{textArea:x.current}});var y=l.useMemo(function(){return s&&"object"===(0,M.Z)(s)?[s.minRows,s.maxRows]:[]},[s]),w=(0,B.Z)(y,2),E=w[0],S=w[1],C=!!s,z=function(){try{if(document.activeElement===x.current){var e=x.current,t=e.selectionStart,r=e.selectionEnd,n=e.scrollTop;x.current.setSelectionRange(t,r),x.current.scrollTop=n}}catch(e){}},R=l.useState(2),O=(0,B.Z)(R,2),Z=O[0],H=O[1],I=l.useState(),j=(0,B.Z)(I,2),P=j[0],N=j[1],W=function(){H(0)};(0,V.Z)(function(){C&&W()},[i,E,S,C]),(0,V.Z)(function(){if(0===Z)H(1);else if(1===Z){var e=function(e){var t,r=arguments.length>1&&void 0!==arguments[1]&&arguments[1],o=arguments.length>2&&void 0!==arguments[2]?arguments[2]:null,a=arguments.length>3&&void 0!==arguments[3]?arguments[3]:null;n||((n=document.createElement("textarea")).setAttribute("tab-index","-1"),n.setAttribute("aria-hidden","true"),document.body.appendChild(n)),e.getAttribute("wrap")?n.setAttribute("wrap",e.getAttribute("wrap")):n.removeAttribute("wrap");var l=function(e){var t=arguments.length>1&&void 0!==arguments[1]&&arguments[1],r=e.getAttribute("id")||e.getAttribute("data-reactid")||e.getAttribute("name");if(t&&G[r])return G[r];var n=window.getComputedStyle(e),o=n.getPropertyValue("box-sizing")||n.getPropertyValue("-moz-box-sizing")||n.getPropertyValue("-webkit-box-sizing"),a=parseFloat(n.getPropertyValue("padding-bottom"))+parseFloat(n.getPropertyValue("padding-top")),l=parseFloat(n.getPropertyValue("border-bottom-width"))+parseFloat(n.getPropertyValue("border-top-width")),i={sizingStyle:X.map(function(e){return"".concat(e,":").concat(n.getPropertyValue(e))}).join(";"),paddingSize:a,borderSize:l,boxSizing:o};return t&&r&&(G[r]=i),i}(e,r),i=l.paddingSize,s=l.borderSize,c=l.boxSizing,d=l.sizingStyle;n.setAttribute("style","".concat(d,";").concat("\n min-height:0 !important;\n max-height:none !important;\n height:0 !important;\n visibility:hidden !important;\n overflow:hidden !important;\n position:absolute !important;\n z-index:-1000 !important;\n top:0 !important;\n right:0 !important;\n pointer-events: none !important;\n")),n.value=e.value||e.placeholder||"";var u=void 0,p=void 0,f=n.scrollHeight;if("border-box"===c?f+=s:"content-box"===c&&(f-=i),null!==o||null!==a){n.value=" ";var g=n.scrollHeight-i;null!==o&&(u=g*o,"border-box"===c&&(u=u+i+s),f=Math.max(u,f)),null!==a&&(p=g*a,"border-box"===c&&(p=p+i+s),t=f>p?"":"hidden",f=Math.min(p,f))}var m={height:f,overflowY:t,resize:"none"};return u&&(m.minHeight=u),p&&(m.maxHeight=p),m}(x.current,!1,E,S);H(2),N(e)}else z()},[Z]);var F=l.useRef(),J=function(){_.Z.cancel(F.current)};l.useEffect(function(){return J},[]);var U=C?P:null,K=(0,k.Z)((0,k.Z)({},u),U);return(0===Z||1===Z)&&(K.overflowY="hidden",K.overflowX="hidden"),l.createElement(D.Z,{onResize:function(e){2===Z&&(null==c||c(e),s&&(J(),F.current=(0,_.Z)(function(){W()})))},disabled:!(s||c)},l.createElement("textarea",(0,$.Z)({},g,{ref:x,style:K,className:a()(r,d,(0,A.Z)({},"".concat(r,"-disabled"),p)),disabled:p,value:h,onChange:function(e){v(e.target.value),null==f||f(e)}})))}),U=["defaultValue","value","onFocus","onBlur","onChange","allowClear","maxLength","onCompositionStart","onCompositionEnd","suffix","prefixCls","classes","showCount","className","style","disabled","hidden","classNames","styles","onResize"];function K(e,t){return(0,W.Z)(e||"").slice(0,t).join("")}function q(e,t,r,n){var o=r;return e?o=K(r,n):(0,W.Z)(t||"").lengthn&&(o=t),o}var Y=l.forwardRef(function(e,t){var r,n,o=e.defaultValue,i=e.value,s=e.onFocus,c=e.onBlur,d=e.onChange,p=e.allowClear,f=e.maxLength,g=e.onCompositionStart,m=e.onCompositionEnd,b=e.suffix,h=e.prefixCls,v=void 0===h?"rc-textarea":h,x=e.classes,y=e.showCount,w=e.className,E=e.style,S=e.disabled,C=e.hidden,z=e.classNames,R=e.styles,O=e.onResize,Z=(0,T.Z)(e,U),H=(0,L.Z)(o,{value:i,defaultValue:o}),I=(0,B.Z)(H,2),j=I[0],P=I[1],N=(0,l.useRef)(null),D=l.useState(!1),V=(0,B.Z)(D,2),_=V[0],X=V[1],G=l.useState(!1),Q=(0,B.Z)(G,2),Y=Q[0],ee=Q[1],et=l.useRef(),er=l.useRef(0),en=l.useState(null),eo=(0,B.Z)(en,2),ea=eo[0],el=eo[1],ei=function(){var e;null===(e=N.current)||void 0===e||e.textArea.focus()};(0,l.useImperativeHandle)(t,function(){return{resizableTextArea:N.current,focus:ei,blur:function(){var e;null===(e=N.current)||void 0===e||e.textArea.blur()}}}),(0,l.useEffect)(function(){X(function(e){return!S&&e})},[S]);var es=Number(f)>0,ec=(0,F.D7)(j);!Y&&es&&null==i&&(ec=K(ec,f));var ed=b;if(y){var eu=(0,W.Z)(ec).length;n="object"===(0,M.Z)(y)?y.formatter({value:ec,count:eu,maxLength:f}):"".concat(eu).concat(es?" / ".concat(f):""),ed=l.createElement(l.Fragment,null,ed,l.createElement("span",{className:a()("".concat(v,"-data-count"),null==z?void 0:z.count),style:null==R?void 0:R.count},n))}var ep=!Z.autoSize&&!y&&!p;return l.createElement(u.Q,{value:ec,allowClear:p,handleReset:function(e){var t;P(""),ei(),(0,F.rJ)(null===(t=N.current)||void 0===t?void 0:t.textArea,e,d)},suffix:ed,prefixCls:v,classes:{affixWrapper:a()(null==x?void 0:x.affixWrapper,(r={},(0,A.Z)(r,"".concat(v,"-show-count"),y),(0,A.Z)(r,"".concat(v,"-textarea-allow-clear"),p),r))},disabled:S,focused:_,className:w,style:(0,k.Z)((0,k.Z)({},E),ea&&!ep?{height:"auto"}:{}),dataAttrs:{affixWrapper:{"data-count":"string"==typeof n?n:void 0}},hidden:C,inputElement:l.createElement(J,(0,$.Z)({},Z,{onKeyDown:function(e){var t=Z.onPressEnter,r=Z.onKeyDown;"Enter"===e.key&&t&&t(e),null==r||r(e)},onChange:function(e){var t=e.target.value;!Y&&es&&(t=q(e.target.selectionStart>=f+1||e.target.selectionStart===t.length||!e.target.selectionStart,j,t,f)),P(t),(0,F.rJ)(e.currentTarget,e,d,t)},onFocus:function(e){X(!0),null==s||s(e)},onBlur:function(e){X(!1),null==c||c(e)},onCompositionStart:function(e){ee(!0),et.current=j,er.current=e.currentTarget.selectionStart,null==g||g(e)},onCompositionEnd:function(e){ee(!1);var t,r=e.currentTarget.value;es&&(r=q(er.current>=f+1||er.current===(null===(t=et.current)||void 0===t?void 0:t.length),et.current,r,f)),r!==j&&(P(r),(0,F.rJ)(e.currentTarget,e,d,r)),null==m||m(e)},className:null==z?void 0:z.textarea,style:(0,k.Z)((0,k.Z)({},null==R?void 0:R.textarea),{},{resize:null==E?void 0:E.resize}),disabled:S,prefixCls:v,onResize:function(e){var t;null==O||O(e),null!==(t=N.current)&&void 0!==t&&t.textArea.style.height&&el(!0)},ref:N}))})}),ee=function(e,t){var r={};for(var n in e)Object.prototype.hasOwnProperty.call(e,n)&&0>t.indexOf(n)&&(r[n]=e[n]);if(null!=e&&"function"==typeof Object.getOwnPropertySymbols)for(var o=0,n=Object.getOwnPropertySymbols(e);ot.indexOf(n[o])&&Object.prototype.propertyIsEnumerable.call(e,n[o])&&(r[n[o]]=e[n[o]]);return r};let et=(0,l.forwardRef)((e,t)=>{let r;let{prefixCls:n,bordered:o=!0,size:u,disabled:p,status:b,allowClear:h,showCount:v,classNames:x}=e,$=ee(e,["prefixCls","bordered","size","disabled","status","allowClear","showCount","classNames"]),{getPrefixCls:y,direction:w}=l.useContext(i.E_),E=(0,m.Z)(u),S=l.useContext(g.Z),{status:C,hasFeedback:z,feedbackIcon:R}=l.useContext(s.aM),O=(0,f.F)(C,b),Z=l.useRef(null);l.useImperativeHandle(t,()=>{var e;return{resizableTextArea:null===(e=Z.current)||void 0===e?void 0:e.resizableTextArea,focus:e=>{var t,r;!function(e,t){if(!e)return;e.focus(t);let{cursor:r}=t||{};if(r){let t=e.value.length;switch(r){case"start":e.setSelectionRange(0,0);break;case"end":e.setSelectionRange(t,t);break;default:e.setSelectionRange(0,t)}}}(null===(r=null===(t=Z.current)||void 0===t?void 0:t.resizableTextArea)||void 0===r?void 0:r.textArea,e)},blur:()=>{var e;return null===(e=Z.current)||void 0===e?void 0:e.blur()}}});let H=y("input",n);"object"==typeof h&&(null==h?void 0:h.clearIcon)?r=h:h&&(r={clearIcon:l.createElement(d.Z,null)});let[I,j]=(0,c.ZP)(H);return I(l.createElement(Y,Object.assign({},$,{disabled:null!=p?p:S,allowClear:r,classes:{affixWrapper:a()(`${H}-textarea-affix-wrapper`,{[`${H}-affix-wrapper-rtl`]:"rtl"===w,[`${H}-affix-wrapper-borderless`]:!o,[`${H}-affix-wrapper-sm`]:"small"===E,[`${H}-affix-wrapper-lg`]:"large"===E,[`${H}-textarea-show-count`]:v},(0,f.Z)(`${H}-affix-wrapper`,O),j)},classNames:Object.assign(Object.assign({},x),{textarea:a()({[`${H}-borderless`]:!o,[`${H}-sm`]:"small"===E,[`${H}-lg`]:"large"===E},(0,f.Z)(H,O),j,null==x?void 0:x.textarea)}),prefixCls:H,suffix:z&&l.createElement("span",{className:`${H}-textarea-suffix`},R),showCount:v,ref:Z})))});x.Group=e=>{let{getPrefixCls:t,direction:r}=(0,l.useContext)(i.E_),{prefixCls:n,className:o}=e,d=t("input-group",n),u=t("input"),[p,f]=(0,c.ZP)(u),g=a()(d,{[`${d}-lg`]:"large"===e.size,[`${d}-sm`]:"small"===e.size,[`${d}-compact`]:e.compact,[`${d}-rtl`]:"rtl"===r},f,o),m=(0,l.useContext)(s.aM),b=(0,l.useMemo)(()=>Object.assign(Object.assign({},m),{isFormItemInput:!1}),[m]);return p(l.createElement("span",{className:g,style:e.style,onMouseEnter:e.onMouseEnter,onMouseLeave:e.onMouseLeave,onFocus:e.onFocus,onBlur:e.onBlur},l.createElement(s.aM.Provider,{value:b},e.children)))},x.Search=N,x.TextArea=et,x.Password=Z;var er=x},47673:function(e,t,r){r.d(t,{M1:function(){return c},Xy:function(){return d},bi:function(){return f},e5:function(){return y},ik:function(){return g},nz:function(){return i},pU:function(){return s},s7:function(){return m},x0:function(){return p}});var n=r(14747),o=r(80110),a=r(45503),l=r(67968);let i=e=>({"&::-moz-placeholder":{opacity:1},"&::placeholder":{color:e,userSelect:"none"},"&:placeholder-shown":{textOverflow:"ellipsis"}}),s=e=>({borderColor:e.inputBorderHoverColor,borderInlineEndWidth:e.lineWidth}),c=e=>({borderColor:e.inputBorderHoverColor,boxShadow:`0 0 0 ${e.controlOutlineWidth}px ${e.controlOutline}`,borderInlineEndWidth:e.lineWidth,outline:0}),d=e=>({color:e.colorTextDisabled,backgroundColor:e.colorBgContainerDisabled,borderColor:e.colorBorder,boxShadow:"none",cursor:"not-allowed",opacity:1,"&:hover":Object.assign({},s((0,a.TS)(e,{inputBorderHoverColor:e.colorBorder})))}),u=e=>{let{inputPaddingVerticalLG:t,fontSizeLG:r,lineHeightLG:n,borderRadiusLG:o,inputPaddingHorizontalLG:a}=e;return{padding:`${t}px ${a}px`,fontSize:r,lineHeight:n,borderRadius:o}},p=e=>({padding:`${e.inputPaddingVerticalSM}px ${e.controlPaddingHorizontalSM-1}px`,borderRadius:e.borderRadiusSM}),f=(e,t)=>{let{componentCls:r,colorError:n,colorWarning:o,colorErrorOutline:l,colorWarningOutline:i,colorErrorBorderHover:s,colorWarningBorderHover:d}=e;return{[`&-status-error:not(${t}-disabled):not(${t}-borderless)${t}`]:{borderColor:n,"&:hover":{borderColor:s},"&:focus, &-focused":Object.assign({},c((0,a.TS)(e,{inputBorderActiveColor:n,inputBorderHoverColor:n,controlOutline:l}))),[`${r}-prefix, ${r}-suffix`]:{color:n}},[`&-status-warning:not(${t}-disabled):not(${t}-borderless)${t}`]:{borderColor:o,"&:hover":{borderColor:d},"&:focus, &-focused":Object.assign({},c((0,a.TS)(e,{inputBorderActiveColor:o,inputBorderHoverColor:o,controlOutline:i}))),[`${r}-prefix, ${r}-suffix`]:{color:o}}}},g=e=>Object.assign(Object.assign({position:"relative",display:"inline-block",width:"100%",minWidth:0,padding:`${e.inputPaddingVertical}px ${e.inputPaddingHorizontal}px`,color:e.colorText,fontSize:e.fontSize,lineHeight:e.lineHeight,backgroundColor:e.colorBgContainer,backgroundImage:"none",borderWidth:e.lineWidth,borderStyle:e.lineType,borderColor:e.colorBorder,borderRadius:e.borderRadius,transition:`all ${e.motionDurationMid}`},i(e.colorTextPlaceholder)),{"&:hover":Object.assign({},s(e)),"&:focus, &-focused":Object.assign({},c(e)),"&-disabled, &[disabled]":Object.assign({},d(e)),"&-borderless":{"&, &:hover, &:focus, &-focused, &-disabled, &[disabled]":{backgroundColor:"transparent",border:"none",boxShadow:"none"}},"textarea&":{maxWidth:"100%",height:"auto",minHeight:e.controlHeight,lineHeight:e.lineHeight,verticalAlign:"bottom",transition:`all ${e.motionDurationSlow}, height 0s`,resize:"vertical"},"&-lg":Object.assign({},u(e)),"&-sm":Object.assign({},p(e)),"&-rtl":{direction:"rtl"},"&-textarea-rtl":{direction:"rtl"}}),m=e=>{let{componentCls:t,antCls:r}=e;return{position:"relative",display:"table",width:"100%",borderCollapse:"separate",borderSpacing:0,"&[class*='col-']":{paddingInlineEnd:e.paddingXS,"&:last-child":{paddingInlineEnd:0}},[`&-lg ${t}, &-lg > ${t}-group-addon`]:Object.assign({},u(e)),[`&-sm ${t}, &-sm > ${t}-group-addon`]:Object.assign({},p(e)),[`&-lg ${r}-select-single ${r}-select-selector`]:{height:e.controlHeightLG},[`&-sm ${r}-select-single ${r}-select-selector`]:{height:e.controlHeightSM},[`> ${t}`]:{display:"table-cell","&:not(:first-child):not(:last-child)":{borderRadius:0}},[`${t}-group`]:{"&-addon, &-wrap":{display:"table-cell",width:1,whiteSpace:"nowrap",verticalAlign:"middle","&:not(:first-child):not(:last-child)":{borderRadius:0}},"&-wrap > *":{display:"block !important"},"&-addon":{position:"relative",padding:`0 ${e.inputPaddingHorizontal}px`,color:e.colorText,fontWeight:"normal",fontSize:e.fontSize,textAlign:"center",backgroundColor:e.colorFillAlter,border:`${e.lineWidth}px ${e.lineType} ${e.colorBorder}`,borderRadius:e.borderRadius,transition:`all ${e.motionDurationSlow}`,lineHeight:1,[`${r}-select`]:{margin:`-${e.inputPaddingVertical+1}px -${e.inputPaddingHorizontal}px`,[`&${r}-select-single:not(${r}-select-customize-input)`]:{[`${r}-select-selector`]:{backgroundColor:"inherit",border:`${e.lineWidth}px ${e.lineType} transparent`,boxShadow:"none"}},"&-open, &-focused":{[`${r}-select-selector`]:{color:e.colorPrimary}}},[`${r}-cascader-picker`]:{margin:`-9px -${e.inputPaddingHorizontal}px`,backgroundColor:"transparent",[`${r}-cascader-input`]:{textAlign:"start",border:0,boxShadow:"none"}}},"&-addon:first-child":{borderInlineEnd:0},"&-addon:last-child":{borderInlineStart:0}},[`${t}`]:{width:"100%",marginBottom:0,textAlign:"inherit","&:focus":{zIndex:1,borderInlineEndWidth:1},"&:hover":{zIndex:1,borderInlineEndWidth:1,[`${t}-search-with-button &`]:{zIndex:0}}},[`> ${t}:first-child, ${t}-group-addon:first-child`]:{borderStartEndRadius:0,borderEndEndRadius:0,[`${r}-select ${r}-select-selector`]:{borderStartEndRadius:0,borderEndEndRadius:0}},[`> ${t}-affix-wrapper`]:{[`&:not(:first-child) ${t}`]:{borderStartStartRadius:0,borderEndStartRadius:0},[`&:not(:last-child) ${t}`]:{borderStartEndRadius:0,borderEndEndRadius:0}},[`> ${t}:last-child, ${t}-group-addon:last-child`]:{borderStartStartRadius:0,borderEndStartRadius:0,[`${r}-select ${r}-select-selector`]:{borderStartStartRadius:0,borderEndStartRadius:0}},[`${t}-affix-wrapper`]:{"&:not(:last-child)":{borderStartEndRadius:0,borderEndEndRadius:0,[`${t}-search &`]:{borderStartStartRadius:e.borderRadius,borderEndStartRadius:e.borderRadius}},[`&:not(:first-child), ${t}-search &:not(:first-child)`]:{borderStartStartRadius:0,borderEndStartRadius:0}},[`&${t}-group-compact`]:Object.assign(Object.assign({display:"block"},(0,n.dF)()),{[`${t}-group-addon, ${t}-group-wrap, > ${t}`]:{"&:not(:first-child):not(:last-child)":{borderInlineEndWidth:e.lineWidth,"&:hover":{zIndex:1},"&:focus":{zIndex:1}}},"& > *":{display:"inline-block",float:"none",verticalAlign:"top",borderRadius:0},[` - & > ${t}-affix-wrapper, - & > ${t}-number-affix-wrapper, - & > ${r}-picker-range - `]:{display:"inline-flex"},"& > *:not(:last-child)":{marginInlineEnd:-e.lineWidth,borderInlineEndWidth:e.lineWidth},[`${t}`]:{float:"none"},[`& > ${r}-select > ${r}-select-selector, - & > ${r}-select-auto-complete ${t}, - & > ${r}-cascader-picker ${t}, - & > ${t}-group-wrapper ${t}`]:{borderInlineEndWidth:e.lineWidth,borderRadius:0,"&:hover":{zIndex:1},"&:focus":{zIndex:1}},[`& > ${r}-select-focused`]:{zIndex:1},[`& > ${r}-select > ${r}-select-arrow`]:{zIndex:1},[`& > *:first-child, - & > ${r}-select:first-child > ${r}-select-selector, - & > ${r}-select-auto-complete:first-child ${t}, - & > ${r}-cascader-picker:first-child ${t}`]:{borderStartStartRadius:e.borderRadius,borderEndStartRadius:e.borderRadius},[`& > *:last-child, - & > ${r}-select:last-child > ${r}-select-selector, - & > ${r}-cascader-picker:last-child ${t}, - & > ${r}-cascader-picker-focused:last-child ${t}`]:{borderInlineEndWidth:e.lineWidth,borderStartEndRadius:e.borderRadius,borderEndEndRadius:e.borderRadius},[`& > ${r}-select-auto-complete ${t}`]:{verticalAlign:"top"},[`${t}-group-wrapper + ${t}-group-wrapper`]:{marginInlineStart:-e.lineWidth,[`${t}-affix-wrapper`]:{borderRadius:0}},[`${t}-group-wrapper:not(:last-child)`]:{[`&${t}-search > ${t}-group`]:{[`& > ${t}-group-addon > ${t}-search-button`]:{borderRadius:0},[`& > ${t}`]:{borderStartStartRadius:e.borderRadius,borderStartEndRadius:0,borderEndEndRadius:0,borderEndStartRadius:e.borderRadius}}}})}},b=e=>{let{componentCls:t,controlHeightSM:r,lineWidth:o}=e,a=(r-2*o-16)/2;return{[t]:Object.assign(Object.assign(Object.assign(Object.assign({},(0,n.Wf)(e)),g(e)),f(e,t)),{'&[type="color"]':{height:e.controlHeight,[`&${t}-lg`]:{height:e.controlHeightLG},[`&${t}-sm`]:{height:r,paddingTop:a,paddingBottom:a}},'&[type="search"]::-webkit-search-cancel-button, &[type="search"]::-webkit-search-decoration':{"-webkit-appearance":"none"}})}},h=e=>{let{componentCls:t}=e;return{[`${t}-clear-icon`]:{margin:0,color:e.colorTextQuaternary,fontSize:e.fontSizeIcon,verticalAlign:-1,cursor:"pointer",transition:`color ${e.motionDurationSlow}`,"&:hover":{color:e.colorTextTertiary},"&:active":{color:e.colorText},"&-hidden":{visibility:"hidden"},"&-has-suffix":{margin:`0 ${e.inputAffixPadding}px`}}}},v=e=>{let{componentCls:t,inputAffixPadding:r,colorTextDescription:n,motionDurationSlow:o,colorIcon:a,colorIconHover:l,iconCls:i}=e;return{[`${t}-affix-wrapper`]:Object.assign(Object.assign(Object.assign(Object.assign(Object.assign({},g(e)),{display:"inline-flex",[`&:not(${t}-affix-wrapper-disabled):hover`]:Object.assign(Object.assign({},s(e)),{zIndex:1,[`${t}-search-with-button &`]:{zIndex:0}}),"&-focused, &:focus":{zIndex:1},"&-disabled":{[`${t}[disabled]`]:{background:"transparent"}},[`> input${t}`]:{padding:0,fontSize:"inherit",border:"none",borderRadius:0,outline:"none","&::-ms-reveal":{display:"none"},"&:focus":{boxShadow:"none !important"}},"&::before":{display:"inline-block",width:0,visibility:"hidden",content:'"\\a0"'},[`${t}`]:{"&-prefix, &-suffix":{display:"flex",flex:"none",alignItems:"center","> *:not(:last-child)":{marginInlineEnd:e.paddingXS}},"&-show-count-suffix":{color:n},"&-show-count-has-suffix":{marginInlineEnd:e.paddingXXS},"&-prefix":{marginInlineEnd:r},"&-suffix":{marginInlineStart:r}}}),h(e)),{[`${i}${t}-password-icon`]:{color:a,cursor:"pointer",transition:`all ${o}`,"&:hover":{color:l}}}),f(e,`${t}-affix-wrapper`))}},x=e=>{let{componentCls:t,colorError:r,colorWarning:o,borderRadiusLG:a,borderRadiusSM:l}=e;return{[`${t}-group`]:Object.assign(Object.assign(Object.assign({},(0,n.Wf)(e)),m(e)),{"&-rtl":{direction:"rtl"},"&-wrapper":{display:"inline-block",width:"100%",textAlign:"start",verticalAlign:"top","&-rtl":{direction:"rtl"},"&-lg":{[`${t}-group-addon`]:{borderRadius:a,fontSize:e.fontSizeLG}},"&-sm":{[`${t}-group-addon`]:{borderRadius:l}},"&-status-error":{[`${t}-group-addon`]:{color:r,borderColor:r}},"&-status-warning":{[`${t}-group-addon`]:{color:o,borderColor:o}},"&-disabled":{[`${t}-group-addon`]:Object.assign({},d(e))},[`&:not(${t}-compact-first-item):not(${t}-compact-last-item)${t}-compact-item`]:{[`${t}, ${t}-group-addon`]:{borderRadius:0}},[`&:not(${t}-compact-last-item)${t}-compact-first-item`]:{[`${t}, ${t}-group-addon`]:{borderStartEndRadius:0,borderEndEndRadius:0}},[`&:not(${t}-compact-first-item)${t}-compact-last-item`]:{[`${t}, ${t}-group-addon`]:{borderStartStartRadius:0,borderEndStartRadius:0}}}})}},$=e=>{let{componentCls:t,antCls:r}=e,n=`${t}-search`;return{[n]:{[`${t}`]:{"&:hover, &:focus":{borderColor:e.colorPrimaryHover,[`+ ${t}-group-addon ${n}-button:not(${r}-btn-primary)`]:{borderInlineStartColor:e.colorPrimaryHover}}},[`${t}-affix-wrapper`]:{borderRadius:0},[`${t}-lg`]:{lineHeight:e.lineHeightLG-2e-4},[`> ${t}-group`]:{[`> ${t}-group-addon:last-child`]:{insetInlineStart:-1,padding:0,border:0,[`${n}-button`]:{paddingTop:0,paddingBottom:0,borderStartStartRadius:0,borderStartEndRadius:e.borderRadius,borderEndEndRadius:e.borderRadius,borderEndStartRadius:0},[`${n}-button:not(${r}-btn-primary)`]:{color:e.colorTextDescription,"&:hover":{color:e.colorPrimaryHover},"&:active":{color:e.colorPrimaryActive},[`&${r}-btn-loading::before`]:{insetInlineStart:0,insetInlineEnd:0,insetBlockStart:0,insetBlockEnd:0}}}},[`${n}-button`]:{height:e.controlHeight,"&:hover, &:focus":{zIndex:1}},[`&-large ${n}-button`]:{height:e.controlHeightLG},[`&-small ${n}-button`]:{height:e.controlHeightSM},"&-rtl":{direction:"rtl"},[`&${t}-compact-item`]:{[`&:not(${t}-compact-last-item)`]:{[`${t}-group-addon`]:{[`${t}-search-button`]:{marginInlineEnd:-e.lineWidth,borderRadius:0}}},[`&:not(${t}-compact-first-item)`]:{[`${t},${t}-affix-wrapper`]:{borderRadius:0}},[`> ${t}-group-addon ${t}-search-button, - > ${t}, - ${t}-affix-wrapper`]:{"&:hover,&:focus,&:active":{zIndex:2}},[`> ${t}-affix-wrapper-focused`]:{zIndex:2}}}}};function y(e){return(0,a.TS)(e,{inputAffixPadding:e.paddingXXS,inputPaddingVertical:Math.max(Math.round((e.controlHeight-e.fontSize*e.lineHeight)/2*10)/10-e.lineWidth,3),inputPaddingVerticalLG:Math.ceil((e.controlHeightLG-e.fontSizeLG*e.lineHeightLG)/2*10)/10-e.lineWidth,inputPaddingVerticalSM:Math.max(Math.round((e.controlHeightSM-e.fontSize*e.lineHeight)/2*10)/10-e.lineWidth,0),inputPaddingHorizontal:e.paddingSM-e.lineWidth,inputPaddingHorizontalSM:e.paddingXS-e.lineWidth,inputPaddingHorizontalLG:e.controlPaddingHorizontal-e.lineWidth,inputBorderHoverColor:e.colorPrimaryHover,inputBorderActiveColor:e.colorPrimaryHover})}let w=e=>{let{componentCls:t,paddingLG:r}=e,n=`${t}-textarea`;return{[n]:{position:"relative","&-show-count":{[`> ${t}`]:{height:"100%"},[`${t}-data-count`]:{position:"absolute",bottom:-e.fontSize*e.lineHeight,insetInlineEnd:0,color:e.colorTextDescription,whiteSpace:"nowrap",pointerEvents:"none"}},"&-allow-clear":{[`> ${t}`]:{paddingInlineEnd:r}},[`&-affix-wrapper${n}-has-feedback`]:{[`${t}`]:{paddingInlineEnd:r}},[`&-affix-wrapper${t}-affix-wrapper`]:{padding:0,[`> textarea${t}`]:{fontSize:"inherit",border:"none",outline:"none","&:focus":{boxShadow:"none !important"}},[`${t}-suffix`]:{margin:0,"> *:not(:last-child)":{marginInline:0},[`${t}-clear-icon`]:{position:"absolute",insetInlineEnd:e.paddingXS,insetBlockStart:e.paddingXS},[`${n}-suffix`]:{position:"absolute",top:0,insetInlineEnd:e.inputPaddingHorizontal,bottom:0,zIndex:1,display:"inline-flex",alignItems:"center",margin:"auto",pointerEvents:"none"}}}}}};t.ZP=(0,l.Z)("Input",e=>{let t=y(e);return[b(t),w(t),v(t),x(t),$(t),(0,o.c)(t)]})},67656:function(e,t,r){r.d(t,{Q:function(){return u},Z:function(){return v}});var n=r(87462),o=r(1413),a=r(4942),l=r(71002),i=r(94184),s=r.n(i),c=r(67294),d=r(87887),u=function(e){var t=e.inputElement,r=e.prefixCls,i=e.prefix,u=e.suffix,p=e.addonBefore,f=e.addonAfter,g=e.className,m=e.style,b=e.disabled,h=e.readOnly,v=e.focused,x=e.triggerFocus,$=e.allowClear,y=e.value,w=e.handleReset,E=e.hidden,S=e.classes,C=e.classNames,z=e.dataAttrs,R=e.styles,O=e.components,Z=(null==O?void 0:O.affixWrapper)||"span",H=(null==O?void 0:O.groupWrapper)||"span",I=(null==O?void 0:O.wrapper)||"span",j=(null==O?void 0:O.groupAddon)||"span",P=(0,c.useRef)(null),N=(0,c.cloneElement)(t,{value:y,hidden:E,className:s()(null===(k=t.props)||void 0===k?void 0:k.className,!(0,d.X3)(e)&&!(0,d.He)(e)&&g)||null,style:(0,o.Z)((0,o.Z)({},null===(A=t.props)||void 0===A?void 0:A.style),(0,d.X3)(e)||(0,d.He)(e)?{}:m)});if((0,d.X3)(e)){var k,A,M,B="".concat(r,"-affix-wrapper"),T=s()(B,(M={},(0,a.Z)(M,"".concat(B,"-disabled"),b),(0,a.Z)(M,"".concat(B,"-focused"),v),(0,a.Z)(M,"".concat(B,"-readonly"),h),(0,a.Z)(M,"".concat(B,"-input-with-clear-btn"),u&&$&&y),M),!(0,d.He)(e)&&g,null==S?void 0:S.affixWrapper,null==C?void 0:C.affixWrapper),W=(u||$)&&c.createElement("span",{className:s()("".concat(r,"-suffix"),null==C?void 0:C.suffix),style:null==R?void 0:R.suffix},function(){if(!$)return null;var e,t=!b&&!h&&y,n="".concat(r,"-clear-icon"),o="object"===(0,l.Z)($)&&null!=$&&$.clearIcon?$.clearIcon:"✖";return c.createElement("span",{onClick:w,onMouseDown:function(e){return e.preventDefault()},className:s()(n,(e={},(0,a.Z)(e,"".concat(n,"-hidden"),!t),(0,a.Z)(e,"".concat(n,"-has-suffix"),!!u),e)),role:"button",tabIndex:-1},o)}(),u);N=c.createElement(Z,(0,n.Z)({className:T,style:(0,o.Z)((0,o.Z)({},(0,d.He)(e)?void 0:m),null==R?void 0:R.affixWrapper),hidden:!(0,d.He)(e)&&E,onClick:function(e){var t;null!==(t=P.current)&&void 0!==t&&t.contains(e.target)&&(null==x||x())}},null==z?void 0:z.affixWrapper,{ref:P}),i&&c.createElement("span",{className:s()("".concat(r,"-prefix"),null==C?void 0:C.prefix),style:null==R?void 0:R.prefix},i),(0,c.cloneElement)(t,{value:y,hidden:null}),W)}if((0,d.He)(e)){var F="".concat(r,"-group"),L="".concat(F,"-addon"),D=s()("".concat(r,"-wrapper"),F,null==S?void 0:S.wrapper),V=s()("".concat(r,"-group-wrapper"),g,null==S?void 0:S.group);return c.createElement(H,{className:V,style:m,hidden:E},c.createElement(I,{className:D},p&&c.createElement(j,{className:L},p),(0,c.cloneElement)(N,{hidden:null}),f&&c.createElement(j,{className:L},f)))}return N},p=r(74902),f=r(97685),g=r(45987),m=r(21770),b=r(98423),h=["autoComplete","onChange","onFocus","onBlur","onPressEnter","onKeyDown","prefixCls","disabled","htmlSize","className","maxLength","suffix","showCount","type","classes","classNames","styles"],v=(0,c.forwardRef)(function(e,t){var r,i=e.autoComplete,v=e.onChange,x=e.onFocus,$=e.onBlur,y=e.onPressEnter,w=e.onKeyDown,E=e.prefixCls,S=void 0===E?"rc-input":E,C=e.disabled,z=e.htmlSize,R=e.className,O=e.maxLength,Z=e.suffix,H=e.showCount,I=e.type,j=e.classes,P=e.classNames,N=e.styles,k=(0,g.Z)(e,h),A=(0,m.Z)(e.defaultValue,{value:e.value}),M=(0,f.Z)(A,2),B=M[0],T=M[1],W=(0,c.useState)(!1),F=(0,f.Z)(W,2),L=F[0],D=F[1],V=(0,c.useRef)(null),_=function(e){V.current&&(0,d.nH)(V.current,e)};return(0,c.useImperativeHandle)(t,function(){return{focus:_,blur:function(){var e;null===(e=V.current)||void 0===e||e.blur()},setSelectionRange:function(e,t,r){var n;null===(n=V.current)||void 0===n||n.setSelectionRange(e,t,r)},select:function(){var e;null===(e=V.current)||void 0===e||e.select()},input:V.current}}),(0,c.useEffect)(function(){D(function(e){return(!e||!C)&&e})},[C]),c.createElement(u,(0,n.Z)({},k,{prefixCls:S,className:R,inputElement:(r=(0,b.Z)(e,["prefixCls","onPressEnter","addonBefore","addonAfter","prefix","suffix","allowClear","defaultValue","showCount","classes","htmlSize","styles","classNames"]),c.createElement("input",(0,n.Z)({autoComplete:i},r,{onChange:function(t){void 0===e.value&&T(t.target.value),V.current&&(0,d.rJ)(V.current,t,v)},onFocus:function(e){D(!0),null==x||x(e)},onBlur:function(e){D(!1),null==$||$(e)},onKeyDown:function(e){y&&"Enter"===e.key&&y(e),null==w||w(e)},className:s()(S,(0,a.Z)({},"".concat(S,"-disabled"),C),null==P?void 0:P.input),style:null==N?void 0:N.input,ref:V,size:z,type:void 0===I?"text":I}))),handleReset:function(e){T(""),_(),V.current&&(0,d.rJ)(V.current,e,v)},value:(0,d.D7)(B),focused:L,triggerFocus:_,suffix:function(){var e=Number(O)>0;if(Z||H){var t=(0,d.D7)(B),r=(0,p.Z)(t).length,n="object"===(0,l.Z)(H)?H.formatter({value:t,count:r,maxLength:O}):"".concat(r).concat(e?" / ".concat(O):"");return c.createElement(c.Fragment,null,!!H&&c.createElement("span",{className:s()("".concat(S,"-show-count-suffix"),(0,a.Z)({},"".concat(S,"-show-count-has-suffix"),!!Z),null==P?void 0:P.count),style:(0,o.Z)({},null==N?void 0:N.count)},n),Z)}return null}(),disabled:C,classes:j,classNames:P,styles:N}))})},87887:function(e,t,r){function n(e){return!!(e.addonBefore||e.addonAfter)}function o(e){return!!(e.prefix||e.suffix||e.allowClear)}function a(e,t,r,n){if(r){var o=t;if("click"===t.type){var a=e.cloneNode(!0);o=Object.create(t,{target:{value:a},currentTarget:{value:a}}),a.value="",r(o);return}if(void 0!==n){o=Object.create(t,{target:{value:e},currentTarget:{value:e}}),e.value=n,r(o);return}r(o)}}function l(e,t){if(e){e.focus(t);var r=(t||{}).cursor;if(r){var n=e.value.length;switch(r){case"start":e.setSelectionRange(0,0);break;case"end":e.setSelectionRange(n,n);break;default:e.setSelectionRange(0,n)}}}}function i(e){return null==e?"":String(e)}r.d(t,{D7:function(){return i},He:function(){return n},X3:function(){return o},nH:function(){return l},rJ:function(){return a}})}}]); \ No newline at end of file diff --git a/pilot/server/static/_next/static/chunks/45-9ff739c09925ea35.js b/pilot/server/static/_next/static/chunks/45-9ff739c09925ea35.js deleted file mode 100644 index cefd89fd6..000000000 --- a/pilot/server/static/_next/static/chunks/45-9ff739c09925ea35.js +++ /dev/null @@ -1,2 +0,0 @@ -"use strict";(self.webpackChunk_N_E=self.webpackChunk_N_E||[]).push([[45],{78045:function(e,r,o){o.d(r,{ZP:function(){return P}});var t=o(94184),n=o.n(t),l=o(21770),i=o(64217),a=o(67294),d=o(53124),s=o(98675);let c=a.createContext(null),b=c.Provider,u=a.createContext(null),p=u.Provider;var g=o(50132),h=o(42550),f=o(98866),$=o(65223),v=o(14747),k=o(67968),C=o(45503);let y=e=>{let{componentCls:r,antCls:o}=e,t=`${r}-group`;return{[t]:Object.assign(Object.assign({},(0,v.Wf)(e)),{display:"inline-block",fontSize:0,[`&${t}-rtl`]:{direction:"rtl"},[`${o}-badge ${o}-badge-count`]:{zIndex:1},[`> ${o}-badge:not(:first-child) > ${o}-button-wrapper`]:{borderInlineStart:"none"}})}},S=e=>{let{componentCls:r,wrapperMarginInlineEnd:o,colorPrimary:t,radioSize:n,motionDurationSlow:l,motionDurationMid:i,motionEaseInOutCirc:a,colorBgContainer:d,colorBorder:s,lineWidth:c,dotSize:b,colorBgContainerDisabled:u,colorTextDisabled:p,paddingXS:g,dotColorDisabled:h,lineType:f,radioDotDisabledSize:$,wireframe:k,colorWhite:C}=e,y=`${r}-inner`;return{[`${r}-wrapper`]:Object.assign(Object.assign({},(0,v.Wf)(e)),{display:"inline-flex",alignItems:"baseline",marginInlineStart:0,marginInlineEnd:o,cursor:"pointer",[`&${r}-wrapper-rtl`]:{direction:"rtl"},"&-disabled":{cursor:"not-allowed",color:e.colorTextDisabled},"&::after":{display:"inline-block",width:0,overflow:"hidden",content:'"\\a0"'},[`${r}-checked::after`]:{position:"absolute",insetBlockStart:0,insetInlineStart:0,width:"100%",height:"100%",border:`${c}px ${f} ${t}`,borderRadius:"50%",visibility:"hidden",content:'""'},[r]:Object.assign(Object.assign({},(0,v.Wf)(e)),{position:"relative",display:"inline-block",outline:"none",cursor:"pointer",alignSelf:"center",borderRadius:"50%"}),[`${r}-wrapper:hover &, - &:hover ${y}`]:{borderColor:t},[`${r}-input:focus-visible + ${y}`]:Object.assign({},(0,v.oN)(e)),[`${r}:hover::after, ${r}-wrapper:hover &::after`]:{visibility:"visible"},[`${r}-inner`]:{"&::after":{boxSizing:"border-box",position:"absolute",insetBlockStart:"50%",insetInlineStart:"50%",display:"block",width:n,height:n,marginBlockStart:-(n/2),marginInlineStart:-(n/2),backgroundColor:k?t:C,borderBlockStart:0,borderInlineStart:0,borderRadius:n,transform:"scale(0)",opacity:0,transition:`all ${l} ${a}`,content:'""'},boxSizing:"border-box",position:"relative",insetBlockStart:0,insetInlineStart:0,display:"block",width:n,height:n,backgroundColor:d,borderColor:s,borderStyle:"solid",borderWidth:c,borderRadius:"50%",transition:`all ${i}`},[`${r}-input`]:{position:"absolute",inset:0,zIndex:1,cursor:"pointer",opacity:0},[`${r}-checked`]:{[y]:{borderColor:t,backgroundColor:k?d:t,"&::after":{transform:`scale(${b/n})`,opacity:1,transition:`all ${l} ${a}`}}},[`${r}-disabled`]:{cursor:"not-allowed",[y]:{backgroundColor:u,borderColor:s,cursor:"not-allowed","&::after":{backgroundColor:h}},[`${r}-input`]:{cursor:"not-allowed"},[`${r}-disabled + span`]:{color:p,cursor:"not-allowed"},[`&${r}-checked`]:{[y]:{"&::after":{transform:`scale(${$/n})`}}}},[`span${r} + *`]:{paddingInlineStart:g,paddingInlineEnd:g}})}},m=e=>{let{buttonColor:r,controlHeight:o,componentCls:t,lineWidth:n,lineType:l,colorBorder:i,motionDurationSlow:a,motionDurationMid:d,buttonPaddingInline:s,fontSize:c,buttonBg:b,fontSizeLG:u,controlHeightLG:p,controlHeightSM:g,paddingXS:h,borderRadius:f,borderRadiusSM:$,borderRadiusLG:k,buttonCheckedBg:C,buttonSolidCheckedColor:y,colorTextDisabled:S,colorBgContainerDisabled:m,buttonCheckedBgDisabled:x,buttonCheckedColorDisabled:w,colorPrimary:E,colorPrimaryHover:O,colorPrimaryActive:I}=e;return{[`${t}-button-wrapper`]:{position:"relative",display:"inline-block",height:o,margin:0,paddingInline:s,paddingBlock:0,color:r,fontSize:c,lineHeight:`${o-2*n}px`,background:b,border:`${n}px ${l} ${i}`,borderBlockStartWidth:n+.02,borderInlineStartWidth:0,borderInlineEndWidth:n,cursor:"pointer",transition:`color ${d},background ${d},box-shadow ${d}`,a:{color:r},[`> ${t}-button`]:{position:"absolute",insetBlockStart:0,insetInlineStart:0,zIndex:-1,width:"100%",height:"100%"},"&:not(:first-child)":{"&::before":{position:"absolute",insetBlockStart:-n,insetInlineStart:-n,display:"block",boxSizing:"content-box",width:1,height:"100%",paddingBlock:n,paddingInline:0,backgroundColor:i,transition:`background-color ${a}`,content:'""'}},"&:first-child":{borderInlineStart:`${n}px ${l} ${i}`,borderStartStartRadius:f,borderEndStartRadius:f},"&:last-child":{borderStartEndRadius:f,borderEndEndRadius:f},"&:first-child:last-child":{borderRadius:f},[`${t}-group-large &`]:{height:p,fontSize:u,lineHeight:`${p-2*n}px`,"&:first-child":{borderStartStartRadius:k,borderEndStartRadius:k},"&:last-child":{borderStartEndRadius:k,borderEndEndRadius:k}},[`${t}-group-small &`]:{height:g,paddingInline:h-n,paddingBlock:0,lineHeight:`${g-2*n}px`,"&:first-child":{borderStartStartRadius:$,borderEndStartRadius:$},"&:last-child":{borderStartEndRadius:$,borderEndEndRadius:$}},"&:hover":{position:"relative",color:E},"&:has(:focus-visible)":Object.assign({},(0,v.oN)(e)),[`${t}-inner, input[type='checkbox'], input[type='radio']`]:{width:0,height:0,opacity:0,pointerEvents:"none"},[`&-checked:not(${t}-button-wrapper-disabled)`]:{zIndex:1,color:E,background:C,borderColor:E,"&::before":{backgroundColor:E},"&:first-child":{borderColor:E},"&:hover":{color:O,borderColor:O,"&::before":{backgroundColor:O}},"&:active":{color:I,borderColor:I,"&::before":{backgroundColor:I}}},[`${t}-group-solid &-checked:not(${t}-button-wrapper-disabled)`]:{color:y,background:E,borderColor:E,"&:hover":{color:y,background:O,borderColor:O},"&:active":{color:y,background:I,borderColor:I}},"&-disabled":{color:S,backgroundColor:m,borderColor:i,cursor:"not-allowed","&:first-child, &:hover":{color:S,backgroundColor:m,borderColor:i}},[`&-disabled${t}-button-wrapper-checked`]:{color:w,backgroundColor:x,borderColor:i,boxShadow:"none"}}}},x=e=>e-8;var w=(0,k.Z)("Radio",e=>{let{controlOutline:r,controlOutlineWidth:o,radioSize:t}=e,n=`0 0 0 ${o}px ${r}`,l=x(t),i=(0,C.TS)(e,{radioDotDisabledSize:l,radioFocusShadow:n,radioButtonFocusShadow:n});return[y(i),S(i),m(i)]},e=>{let{wireframe:r,padding:o,marginXS:t,lineWidth:n,fontSizeLG:l,colorText:i,colorBgContainer:a,colorTextDisabled:d,controlItemBgActiveDisabled:s,colorTextLightSolid:c}=e,b=r?x(l):l-(4+n)*2;return{radioSize:l,dotSize:b,dotColorDisabled:d,buttonSolidCheckedColor:c,buttonBg:a,buttonCheckedBg:a,buttonColor:i,buttonCheckedBgDisabled:s,buttonCheckedColorDisabled:d,buttonPaddingInline:o-n,wrapperMarginInlineEnd:t}}),E=o(45353),O=o(17415),I=function(e,r){var o={};for(var t in e)Object.prototype.hasOwnProperty.call(e,t)&&0>r.indexOf(t)&&(o[t]=e[t]);if(null!=e&&"function"==typeof Object.getOwnPropertySymbols)for(var n=0,t=Object.getOwnPropertySymbols(e);nr.indexOf(t[n])&&Object.prototype.propertyIsEnumerable.call(e,t[n])&&(o[t[n]]=e[t[n]]);return o};let R=a.forwardRef((e,r)=>{var o,t;let l=a.useContext(c),i=a.useContext(u),{getPrefixCls:s,direction:b,radio:p}=a.useContext(d.E_),v=a.useRef(null),k=(0,h.sQ)(r,v),{isFormItemInput:C}=a.useContext($.aM),{prefixCls:y,className:S,rootClassName:m,children:x,style:R}=e,j=I(e,["prefixCls","className","rootClassName","children","style"]),B=s("radio",y),z="button"===((null==l?void 0:l.optionType)||i),N=z?`${B}-button`:B,[P,_]=w(B),M=Object.assign({},j),Z=a.useContext(f.Z);l&&(M.name=l.name,M.onChange=r=>{var o,t;null===(o=e.onChange)||void 0===o||o.call(e,r),null===(t=null==l?void 0:l.onChange)||void 0===t||t.call(l,r)},M.checked=e.value===l.value,M.disabled=null!==(o=M.disabled)&&void 0!==o?o:l.disabled),M.disabled=null!==(t=M.disabled)&&void 0!==t?t:Z;let W=n()(`${N}-wrapper`,{[`${N}-wrapper-checked`]:M.checked,[`${N}-wrapper-disabled`]:M.disabled,[`${N}-wrapper-rtl`]:"rtl"===b,[`${N}-wrapper-in-form-item`]:C},null==p?void 0:p.className,S,m,_);return P(a.createElement(E.Z,{component:"Radio",disabled:M.disabled},a.createElement("label",{className:W,style:Object.assign(Object.assign({},null==p?void 0:p.style),R),onMouseEnter:e.onMouseEnter,onMouseLeave:e.onMouseLeave},a.createElement(g.Z,Object.assign({},M,{className:n()(M.className,!z&&O.A),type:"radio",prefixCls:N,ref:k})),void 0!==x?a.createElement("span",null,x):null)))}),j=a.forwardRef((e,r)=>{let{getPrefixCls:o,direction:t}=a.useContext(d.E_),[c,u]=(0,l.Z)(e.defaultValue,{value:e.value}),{prefixCls:p,className:g,rootClassName:h,options:f,buttonStyle:$="outline",disabled:v,children:k,size:C,style:y,id:S,onMouseEnter:m,onMouseLeave:x,onFocus:E,onBlur:O}=e,I=o("radio",p),j=`${I}-group`,[B,z]=w(I),N=k;f&&f.length>0&&(N=f.map(e=>"string"==typeof e||"number"==typeof e?a.createElement(R,{key:e.toString(),prefixCls:I,disabled:v,value:e,checked:c===e},e):a.createElement(R,{key:`radio-group-value-options-${e.value}`,prefixCls:I,disabled:e.disabled||v,value:e.value,checked:c===e.value,title:e.title,style:e.style},e.label)));let P=(0,s.Z)(C),_=n()(j,`${j}-${$}`,{[`${j}-${P}`]:P,[`${j}-rtl`]:"rtl"===t},g,h,z);return B(a.createElement("div",Object.assign({},(0,i.Z)(e,{aria:!0,data:!0}),{className:_,style:y,onMouseEnter:m,onMouseLeave:x,onFocus:E,onBlur:O,id:S,ref:r}),a.createElement(b,{value:{onChange:r=>{let o=r.target.value;"value"in e||u(o);let{onChange:t}=e;t&&o!==c&&t(r)},value:c,disabled:e.disabled,name:e.name,optionType:e.optionType}},N)))});var B=a.memo(j),z=function(e,r){var o={};for(var t in e)Object.prototype.hasOwnProperty.call(e,t)&&0>r.indexOf(t)&&(o[t]=e[t]);if(null!=e&&"function"==typeof Object.getOwnPropertySymbols)for(var n=0,t=Object.getOwnPropertySymbols(e);nr.indexOf(t[n])&&Object.prototype.propertyIsEnumerable.call(e,t[n])&&(o[t[n]]=e[t[n]]);return o},N=a.forwardRef((e,r)=>{let{getPrefixCls:o}=a.useContext(d.E_),{prefixCls:t}=e,n=z(e,["prefixCls"]),l=o("radio",t);return a.createElement(p,{value:"button"},a.createElement(R,Object.assign({prefixCls:l},n,{type:"radio",ref:r})))});R.Button=N,R.Group=B,R.__ANT_RADIO=!0;var P=R}}]); \ No newline at end of file diff --git a/pilot/server/static/_next/static/chunks/479-68b22ee2b7a47fb3.js b/pilot/server/static/_next/static/chunks/479-68b22ee2b7a47fb3.js deleted file mode 100644 index d373a3ee8..000000000 --- a/pilot/server/static/_next/static/chunks/479-68b22ee2b7a47fb3.js +++ /dev/null @@ -1,9 +0,0 @@ -"use strict";(self.webpackChunk_N_E=self.webpackChunk_N_E||[]).push([[479],{74443:function(e,t,r){r.d(t,{Z:function(){return s},c:function(){return i}});var n=r(67294),l=r(25976);let i=["xxl","xl","lg","md","sm","xs"],o=e=>({xs:`(max-width: ${e.screenXSMax}px)`,sm:`(min-width: ${e.screenSM}px)`,md:`(min-width: ${e.screenMD}px)`,lg:`(min-width: ${e.screenLG}px)`,xl:`(min-width: ${e.screenXL}px)`,xxl:`(min-width: ${e.screenXXL}px)`}),a=e=>{let t=[].concat(i).reverse();return t.forEach((r,n)=>{let l=r.toUpperCase(),i=`screen${l}Min`,o=`screen${l}`;if(!(e[i]<=e[o]))throw Error(`${i}<=${o} fails : !(${e[i]}<=${e[o]})`);if(n{let e=new Map,r=-1,n={};return{matchHandlers:{},dispatch:t=>(n=t,e.forEach(e=>e(n)),e.size>=1),subscribe(t){return e.size||this.register(),r+=1,e.set(r,t),t(n),r},unsubscribe(t){e.delete(t),e.size||this.unregister()},unregister(){Object.keys(t).forEach(e=>{let r=t[e],n=this.matchHandlers[r];null==n||n.mql.removeListener(null==n?void 0:n.listener)}),e.clear()},register(){Object.keys(t).forEach(e=>{let r=t[e],l=t=>{let{matches:r}=t;this.dispatch(Object.assign(Object.assign({},n),{[e]:r}))},i=window.matchMedia(r);i.addListener(l),this.matchHandlers[r]={mql:i,listener:l},l(i)})},responsiveMap:t}},[e])}},39479:function(e,t,r){r.d(t,{Z:function(){return eZ}});var n=r(74902),l=r(94184),i=r.n(l),o=r(82225),a=r(67294),s=r(33603),c=r(65223);function u(e){let[t,r]=a.useState(e);return a.useEffect(()=>{let t=setTimeout(()=>{r(e)},e.length?0:10);return()=>{clearTimeout(t)}},[e]),t}var d=r(14747),f=r(50438),p=r(33507),m=r(45503),g=r(67968),h=e=>{let{componentCls:t}=e,r=`${t}-show-help`,n=`${t}-show-help-item`;return{[r]:{transition:`opacity ${e.motionDurationSlow} ${e.motionEaseInOut}`,"&-appear, &-enter":{opacity:0,"&-active":{opacity:1}},"&-leave":{opacity:1,"&-active":{opacity:0}},[n]:{overflow:"hidden",transition:`height ${e.motionDurationSlow} ${e.motionEaseInOut}, - opacity ${e.motionDurationSlow} ${e.motionEaseInOut}, - transform ${e.motionDurationSlow} ${e.motionEaseInOut} !important`,[`&${n}-appear, &${n}-enter`]:{transform:"translateY(-5px)",opacity:0,"&-active":{transform:"translateY(0)",opacity:1}},[`&${n}-leave-active`]:{transform:"translateY(-5px)"}}}}};let $=e=>({legend:{display:"block",width:"100%",marginBottom:e.marginLG,padding:0,color:e.colorTextDescription,fontSize:e.fontSizeLG,lineHeight:"inherit",border:0,borderBottom:`${e.lineWidth}px ${e.lineType} ${e.colorBorder}`},label:{fontSize:e.fontSize},'input[type="search"]':{boxSizing:"border-box"},'input[type="radio"], input[type="checkbox"]':{lineHeight:"normal"},'input[type="file"]':{display:"block"},'input[type="range"]':{display:"block",width:"100%"},"select[multiple], select[size]":{height:"auto"},[`input[type='file']:focus, - input[type='radio']:focus, - input[type='checkbox']:focus`]:{outline:0,boxShadow:`0 0 0 ${e.controlOutlineWidth}px ${e.controlOutline}`},output:{display:"block",paddingTop:15,color:e.colorText,fontSize:e.fontSize,lineHeight:e.lineHeight}}),b=(e,t)=>{let{formItemCls:r}=e;return{[r]:{[`${r}-label > label`]:{height:t},[`${r}-control-input`]:{minHeight:t}}}},y=e=>{let{componentCls:t}=e;return{[e.componentCls]:Object.assign(Object.assign(Object.assign({},(0,d.Wf)(e)),$(e)),{[`${t}-text`]:{display:"inline-block",paddingInlineEnd:e.paddingSM},"&-small":Object.assign({},b(e,e.controlHeightSM)),"&-large":Object.assign({},b(e,e.controlHeightLG))})}},x=e=>{let{formItemCls:t,iconCls:r,componentCls:n,rootPrefixCls:l}=e;return{[t]:Object.assign(Object.assign({},(0,d.Wf)(e)),{marginBottom:e.marginLG,verticalAlign:"top","&-with-help":{transition:"none"},[`&-hidden, - &-hidden.${l}-row`]:{display:"none"},"&-has-warning":{[`${t}-split`]:{color:e.colorError}},"&-has-error":{[`${t}-split`]:{color:e.colorWarning}},[`${t}-label`]:{flexGrow:0,overflow:"hidden",whiteSpace:"nowrap",textAlign:"end",verticalAlign:"middle","&-left":{textAlign:"start"},"&-wrap":{overflow:"unset",lineHeight:`${e.lineHeight} - 0.25em`,whiteSpace:"unset"},"> label":{position:"relative",display:"inline-flex",alignItems:"center",maxWidth:"100%",height:e.controlHeight,color:e.colorTextHeading,fontSize:e.fontSize,[`> ${r}`]:{fontSize:e.fontSize,verticalAlign:"top"},[`&${t}-required:not(${t}-required-mark-optional)::before`]:{display:"inline-block",marginInlineEnd:e.marginXXS,color:e.colorError,fontSize:e.fontSize,fontFamily:"SimSun, sans-serif",lineHeight:1,content:'"*"',[`${n}-hide-required-mark &`]:{display:"none"}},[`${t}-optional`]:{display:"inline-block",marginInlineStart:e.marginXXS,color:e.colorTextDescription,[`${n}-hide-required-mark &`]:{display:"none"}},[`${t}-tooltip`]:{color:e.colorTextDescription,cursor:"help",writingMode:"horizontal-tb",marginInlineStart:e.marginXXS},"&::after":{content:'":"',position:"relative",marginBlock:0,marginInlineStart:e.marginXXS/2,marginInlineEnd:e.marginXS},[`&${t}-no-colon::after`]:{content:'"\\a0"'}}},[`${t}-control`]:{"--ant-display":"flex",flexDirection:"column",flexGrow:1,[`&:first-child:not([class^="'${l}-col-'"]):not([class*="' ${l}-col-'"])`]:{width:"100%"},"&-input":{position:"relative",display:"flex",alignItems:"center",minHeight:e.controlHeight,"&-content":{flex:"auto",maxWidth:"100%"}}},[t]:{"&-explain, &-extra":{clear:"both",color:e.colorTextDescription,fontSize:e.fontSize,lineHeight:e.lineHeight},"&-explain-connected":{width:"100%"},"&-extra":{minHeight:e.controlHeightSM,transition:`color ${e.motionDurationMid} ${e.motionEaseOut}`},"&-explain":{"&-error":{color:e.colorError},"&-warning":{color:e.colorWarning}}},[`&-with-help ${t}-explain`]:{height:"auto",opacity:1},[`${t}-feedback-icon`]:{fontSize:e.fontSize,textAlign:"center",visibility:"visible",animationName:f.kr,animationDuration:e.motionDurationMid,animationTimingFunction:e.motionEaseOutBack,pointerEvents:"none","&-success":{color:e.colorSuccess},"&-error":{color:e.colorError},"&-warning":{color:e.colorWarning},"&-validating":{color:e.colorPrimary}}})}},v=e=>{let{componentCls:t,formItemCls:r}=e;return{[`${t}-horizontal`]:{[`${r}-label`]:{flexGrow:0},[`${r}-control`]:{flex:"1 1 0",minWidth:0},[`${r}-label[class$='-24'], ${r}-label[class*='-24 ']`]:{[`& + ${r}-control`]:{minWidth:"unset"}}}}},w=e=>{let{componentCls:t,formItemCls:r}=e;return{[`${t}-inline`]:{display:"flex",flexWrap:"wrap",[r]:{flex:"none",marginInlineEnd:e.margin,marginBottom:0,"&-row":{flexWrap:"nowrap"},[`> ${r}-label, - > ${r}-control`]:{display:"inline-block",verticalAlign:"top"},[`> ${r}-label`]:{flex:"none"},[`${t}-text`]:{display:"inline-block"},[`${r}-has-feedback`]:{display:"inline-block"}}}}},O=e=>({padding:`0 0 ${e.paddingXS}px`,whiteSpace:"initial",textAlign:"start","> label":{margin:0,"&::after":{visibility:"hidden"}}}),E=e=>{let{componentCls:t,formItemCls:r,rootPrefixCls:n}=e;return{[`${r} ${r}-label`]:O(e),[t]:{[r]:{flexWrap:"wrap",[`${r}-label, ${r}-control`]:{[`&:not([class*=" ${n}-col-xs"])`]:{flex:"0 0 100%",maxWidth:"100%"}}}}}},j=e=>{let{componentCls:t,formItemCls:r,rootPrefixCls:n}=e;return{[`${t}-vertical`]:{[r]:{"&-row":{flexDirection:"column"},"&-label > label":{height:"auto"},[`${t}-item-control`]:{width:"100%"}}},[`${t}-vertical ${r}-label, - .${n}-col-24${r}-label, - .${n}-col-xl-24${r}-label`]:O(e),[`@media (max-width: ${e.screenXSMax}px)`]:[E(e),{[t]:{[`.${n}-col-xs-24${r}-label`]:O(e)}}],[`@media (max-width: ${e.screenSMMax}px)`]:{[t]:{[`.${n}-col-sm-24${r}-label`]:O(e)}},[`@media (max-width: ${e.screenMDMax}px)`]:{[t]:{[`.${n}-col-md-24${r}-label`]:O(e)}},[`@media (max-width: ${e.screenLGMax}px)`]:{[t]:{[`.${n}-col-lg-24${r}-label`]:O(e)}}}},S=(e,t)=>{let r=(0,m.TS)(e,{formItemCls:`${e.componentCls}-item`,rootPrefixCls:t});return r};var C=(0,g.Z)("Form",(e,t)=>{let{rootPrefixCls:r}=t,n=S(e,r);return[y(n),x(n),h(n),v(n),w(n),j(n),(0,p.Z)(n),f.kr]},null,{order:-1e3});let M=[];function k(e,t,r){let n=arguments.length>3&&void 0!==arguments[3]?arguments[3]:0;return{key:"string"==typeof e?e:`${t}-${n}`,error:e,errorStatus:r}}var I=e=>{let{help:t,helpStatus:r,errors:l=M,warnings:d=M,className:f,fieldId:p,onVisibleChanged:m}=e,{prefixCls:g}=a.useContext(c.Rk),h=`${g}-item-explain`,[,$]=C(g),b=(0,a.useMemo)(()=>(0,s.Z)(g),[g]),y=u(l),x=u(d),v=a.useMemo(()=>null!=t?[k(t,"help",r)]:[].concat((0,n.Z)(y.map((e,t)=>k(e,"error","error",t))),(0,n.Z)(x.map((e,t)=>k(e,"warning","warning",t)))),[t,r,y,x]),w={};return p&&(w.id=`${p}_help`),a.createElement(o.ZP,{motionDeadline:b.motionDeadline,motionName:`${g}-show-help`,visible:!!v.length,onVisibleChanged:m},e=>{let{className:t,style:r}=e;return a.createElement("div",Object.assign({},w,{className:i()(h,t,f,$),style:r,role:"alert"}),a.createElement(o.V4,Object.assign({keys:v},(0,s.Z)(g),{motionName:`${g}-show-help-item`,component:!1}),e=>{let{key:t,error:r,errorStatus:n,className:l,style:o}=e;return a.createElement("div",{key:t,className:i()(l,{[`${h}-${n}`]:n}),style:o},r)}))})},Z=r(43589),N=r(53124),W=r(98866),P=r(97647),q=r(98675);let H=e=>"object"==typeof e&&null!=e&&1===e.nodeType,R=(e,t)=>(!t||"hidden"!==e)&&"visible"!==e&&"clip"!==e,_=(e,t)=>{if(e.clientHeight{let t=(e=>{if(!e.ownerDocument||!e.ownerDocument.defaultView)return null;try{return e.ownerDocument.defaultView.frameElement}catch(e){return null}})(e);return!!t&&(t.clientHeightit||i>e&&o=t&&a>=r?i-e-n:o>t&&ar?o-t+l:0,F=e=>{let t=e.parentElement;return null==t?e.getRootNode().host||null:t},T=(e,t)=>{var r,n,l,i;if("undefined"==typeof document)return[];let{scrollMode:o,block:a,inline:s,boundary:c,skipOverflowHiddenElements:u}=t,d="function"==typeof c?c:e=>e!==c;if(!H(e))throw TypeError("Invalid target");let f=document.scrollingElement||document.documentElement,p=[],m=e;for(;H(m)&&d(m);){if((m=F(m))===f){p.push(m);break}null!=m&&m===document.body&&_(m)&&!_(document.documentElement)||null!=m&&_(m,u)&&p.push(m)}let g=null!=(n=null==(r=window.visualViewport)?void 0:r.width)?n:innerWidth,h=null!=(i=null==(l=window.visualViewport)?void 0:l.height)?i:innerHeight,{scrollX:$,scrollY:b}=window,{height:y,width:x,top:v,right:w,bottom:O,left:E}=e.getBoundingClientRect(),j="start"===a||"nearest"===a?v:"end"===a?O:v+y/2,S="center"===s?E+x/2:"end"===s?w:E,C=[];for(let e=0;e=0&&E>=0&&O<=h&&w<=g&&v>=l&&O<=c&&E>=u&&w<=i)break;let d=getComputedStyle(t),m=parseInt(d.borderLeftWidth,10),M=parseInt(d.borderTopWidth,10),k=parseInt(d.borderRightWidth,10),I=parseInt(d.borderBottomWidth,10),Z=0,N=0,W="offsetWidth"in t?t.offsetWidth-t.clientWidth-m-k:0,P="offsetHeight"in t?t.offsetHeight-t.clientHeight-M-I:0,q="offsetWidth"in t?0===t.offsetWidth?0:n/t.offsetWidth:0,H="offsetHeight"in t?0===t.offsetHeight?0:r/t.offsetHeight:0;if(f===t)Z="start"===a?j:"end"===a?j-h:"nearest"===a?z(b,b+h,h,M,I,b+j,b+j+y,y):j-h/2,N="start"===s?S:"center"===s?S-g/2:"end"===s?S-g:z($,$+g,g,m,k,$+S,$+S+x,x),Z=Math.max(0,Z+b),N=Math.max(0,N+$);else{Z="start"===a?j-l-M:"end"===a?j-c+I+P:"nearest"===a?z(l,c,r,M,I+P,j,j+y,y):j-(l+r/2)+P/2,N="start"===s?S-u-m:"center"===s?S-(u+n/2)+W/2:"end"===s?S-i+k+W:z(u,i,n,m,k+W,S,S+x,x);let{scrollLeft:e,scrollTop:o}=t;Z=Math.max(0,Math.min(o+Z/H,t.scrollHeight-r/H+P)),N=Math.max(0,Math.min(e+N/q,t.scrollWidth-n/q+W)),j+=o-Z,S+=e-N}C.push({el:t,top:Z,left:N})}return C},A=e=>!1===e?{block:"end",inline:"nearest"}:e===Object(e)&&0!==Object.keys(e).length?e:{block:"start",inline:"nearest"},L=["parentNode"];function D(e){return void 0===e||!1===e?[]:Array.isArray(e)?e:[e]}function V(e,t){if(!e.length)return;let r=e.join("_");if(t)return`${t}_${r}`;let n=L.includes(r);return n?`form_item_${r}`:r}function X(e){let t=D(e);return t.join("_")}function B(e){let[t]=(0,Z.cI)(),r=a.useRef({}),n=a.useMemo(()=>null!=e?e:Object.assign(Object.assign({},t),{__INTERNAL__:{itemRef:e=>t=>{let n=X(e);t?r.current[n]=t:delete r.current[n]}},scrollToField:function(e){let t=arguments.length>1&&void 0!==arguments[1]?arguments[1]:{},r=D(e),l=V(r,n.__INTERNAL__.name),i=l?document.getElementById(l):null;i&&function(e,t){if(!e.isConnected||!(e=>{let t=e;for(;t&&t.parentNode;){if(t.parentNode===document)return!0;t=t.parentNode instanceof ShadowRoot?t.parentNode.host:t.parentNode}return!1})(e))return;if("object"==typeof t&&"function"==typeof t.behavior)return t.behavior(T(e,t));let r="boolean"==typeof t||null==t?void 0:t.behavior;for(let{el:n,top:l,left:i}of T(e,A(t)))n.scroll({top:l,left:i,behavior:r})}(i,Object.assign({scrollMode:"if-needed",block:"nearest"},t))},getFieldInstance:e=>{let t=X(e);return r.current[t]}}),[e,t]);return[n]}var G=r(37920),Y=function(e,t){var r={};for(var n in e)Object.prototype.hasOwnProperty.call(e,n)&&0>t.indexOf(n)&&(r[n]=e[n]);if(null!=e&&"function"==typeof Object.getOwnPropertySymbols)for(var l=0,n=Object.getOwnPropertySymbols(e);lt.indexOf(n[l])&&Object.prototype.propertyIsEnumerable.call(e,n[l])&&(r[n[l]]=e[n[l]]);return r};let K=a.forwardRef((e,t)=>{let r=a.useContext(W.Z),{getPrefixCls:n,direction:l,form:o}=a.useContext(N.E_),{prefixCls:s,className:u,rootClassName:d,size:f,disabled:p=r,form:m,colon:g,labelAlign:h,labelWrap:$,labelCol:b,wrapperCol:y,hideRequiredMark:x,layout:v="horizontal",scrollToFirstError:w,requiredMark:O,onFinishFailed:E,name:j,style:S}=e,M=Y(e,["prefixCls","className","rootClassName","size","disabled","form","colon","labelAlign","labelWrap","labelCol","wrapperCol","hideRequiredMark","layout","scrollToFirstError","requiredMark","onFinishFailed","name","style"]),k=(0,q.Z)(f),I=a.useContext(G.Z),H=(0,a.useMemo)(()=>void 0!==O?O:o&&void 0!==o.requiredMark?o.requiredMark:!x,[x,O,o]),R=null!=g?g:null==o?void 0:o.colon,_=n("form",s),[z,F]=C(_),T=i()(_,`${_}-${v}`,{[`${_}-hide-required-mark`]:!1===H,[`${_}-rtl`]:"rtl"===l,[`${_}-${k}`]:k},F,null==o?void 0:o.className,u,d),[A]=B(m),{__INTERNAL__:L}=A;L.name=j;let D=(0,a.useMemo)(()=>({name:j,labelAlign:h,labelCol:b,labelWrap:$,wrapperCol:y,vertical:"vertical"===v,colon:R,requiredMark:H,itemRef:L.itemRef,form:A}),[j,h,b,y,v,R,H,A]);a.useImperativeHandle(t,()=>A);let V=(e,t)=>{if(e){let r={block:"nearest"};"object"==typeof e&&(r=e),A.scrollToField(t,r)}};return z(a.createElement(W.n,{disabled:p},a.createElement(P.q,{size:k},a.createElement(c.RV,{validateMessages:I},a.createElement(c.q3.Provider,{value:D},a.createElement(Z.ZP,Object.assign({id:j},M,{name:j,onFinishFailed:e=>{if(null==E||E(e),e.errorFields.length){let t=e.errorFields[0].name;if(void 0!==w){V(w,t);return}o&&void 0!==o.scrollToFirstError&&V(o.scrollToFirstError,t)}},form:A,style:Object.assign(Object.assign({},null==o?void 0:o.style),S),className:T})))))))});var U=r(30470),J=r(42550),Q=r(96159);let ee=()=>{let{status:e,errors:t=[],warnings:r=[]}=(0,a.useContext)(c.aM);return{status:e,errors:t,warnings:r}};ee.Context=c.aM;var et=r(75164),er=r(89739),en=r(4340),el=r(21640),ei=r(50888),eo=r(8410),ea=r(5110),es=r(98423),ec=r(92820),eu=r(21584);let ed=e=>{let{formItemCls:t}=e;return{"@media screen and (-ms-high-contrast: active), (-ms-high-contrast: none)":{[`${t}-control`]:{display:"flex"}}}};var ef=(0,g.b)(["Form","item-item"],(e,t)=>{let{rootPrefixCls:r}=t,n=S(e,r);return[ed(n)]}),ep=e=>{let{prefixCls:t,status:r,wrapperCol:n,children:l,errors:o,warnings:s,_internalItemRender:u,extra:d,help:f,fieldId:p,marginBottom:m,onErrorVisibleChanged:g}=e,h=`${t}-item`,$=a.useContext(c.q3),b=n||$.wrapperCol||{},y=i()(`${h}-control`,b.className),x=a.useMemo(()=>Object.assign({},$),[$]);delete x.labelCol,delete x.wrapperCol;let v=a.createElement("div",{className:`${h}-control-input`},a.createElement("div",{className:`${h}-control-input-content`},l)),w=a.useMemo(()=>({prefixCls:t,status:r}),[t,r]),O=null!==m||o.length||s.length?a.createElement("div",{style:{display:"flex",flexWrap:"nowrap"}},a.createElement(c.Rk.Provider,{value:w},a.createElement(I,{fieldId:p,errors:o,warnings:s,help:f,helpStatus:r,className:`${h}-explain-connected`,onVisibleChanged:g})),!!m&&a.createElement("div",{style:{width:0,height:m}})):null,E={};p&&(E.id=`${p}_extra`);let j=d?a.createElement("div",Object.assign({},E,{className:`${h}-extra`}),d):null,S=u&&"pro_table_render"===u.mark&&u.render?u.render(e,{input:v,errorList:O,extra:j}):a.createElement(a.Fragment,null,v,O,j);return a.createElement(c.q3.Provider,{value:x},a.createElement(eu.Z,Object.assign({},b,{className:y}),S),a.createElement(ef,{prefixCls:t}))},em=r(87462),eg={icon:{tag:"svg",attrs:{viewBox:"64 64 896 896",focusable:"false"},children:[{tag:"path",attrs:{d:"M512 64C264.6 64 64 264.6 64 512s200.6 448 448 448 448-200.6 448-448S759.4 64 512 64zm0 820c-205.4 0-372-166.6-372-372s166.6-372 372-372 372 166.6 372 372-166.6 372-372 372z"}},{tag:"path",attrs:{d:"M623.6 316.7C593.6 290.4 554 276 512 276s-81.6 14.5-111.6 40.7C369.2 344 352 380.7 352 420v7.6c0 4.4 3.6 8 8 8h48c4.4 0 8-3.6 8-8V420c0-44.1 43.1-80 96-80s96 35.9 96 80c0 31.1-22 59.6-56.1 72.7-21.2 8.1-39.2 22.3-52.1 40.9-13.1 19-19.9 41.8-19.9 64.9V620c0 4.4 3.6 8 8 8h48c4.4 0 8-3.6 8-8v-22.7a48.3 48.3 0 0130.9-44.8c59-22.7 97.1-74.7 97.1-132.5.1-39.3-17.1-76-48.3-103.3zM472 732a40 40 0 1080 0 40 40 0 10-80 0z"}}]},name:"question-circle",theme:"outlined"},eh=r(84089),e$=a.forwardRef(function(e,t){return a.createElement(eh.Z,(0,em.Z)({},e,{ref:t,icon:eg}))}),eb=r(88526),ey=r(10110),ex=r(83062),ev=function(e,t){var r={};for(var n in e)Object.prototype.hasOwnProperty.call(e,n)&&0>t.indexOf(n)&&(r[n]=e[n]);if(null!=e&&"function"==typeof Object.getOwnPropertySymbols)for(var l=0,n=Object.getOwnPropertySymbols(e);lt.indexOf(n[l])&&Object.prototype.propertyIsEnumerable.call(e,n[l])&&(r[n[l]]=e[n[l]]);return r},ew=e=>{var t;let{prefixCls:r,label:n,htmlFor:l,labelCol:o,labelAlign:s,colon:u,required:d,requiredMark:f,tooltip:p}=e,[m]=(0,ey.Z)("Form"),{vertical:g,labelAlign:h,labelCol:$,labelWrap:b,colon:y}=a.useContext(c.q3);if(!n)return null;let x=o||$||{},v=`${r}-item-label`,w=i()(v,"left"===(s||h)&&`${v}-left`,x.className,{[`${v}-wrap`]:!!b}),O=n,E=!0===u||!1!==y&&!1!==u;E&&!g&&"string"==typeof n&&""!==n.trim()&&(O=n.replace(/[:|:]\s*$/,""));let j=p?"object"!=typeof p||a.isValidElement(p)?{title:p}:p:null;if(j){let{icon:e=a.createElement(e$,null)}=j,t=ev(j,["icon"]),n=a.createElement(ex.Z,Object.assign({},t),a.cloneElement(e,{className:`${r}-item-tooltip`,title:""}));O=a.createElement(a.Fragment,null,O,n)}"optional"!==f||d||(O=a.createElement(a.Fragment,null,O,a.createElement("span",{className:`${r}-item-optional`,title:""},(null==m?void 0:m.optional)||(null===(t=eb.Z.Form)||void 0===t?void 0:t.optional))));let S=i()({[`${r}-item-required`]:d,[`${r}-item-required-mark-optional`]:"optional"===f,[`${r}-item-no-colon`]:!E});return a.createElement(eu.Z,Object.assign({},x,{className:w}),a.createElement("label",{htmlFor:l,className:S,title:"string"==typeof n?n:""},O))},eO=function(e,t){var r={};for(var n in e)Object.prototype.hasOwnProperty.call(e,n)&&0>t.indexOf(n)&&(r[n]=e[n]);if(null!=e&&"function"==typeof Object.getOwnPropertySymbols)for(var l=0,n=Object.getOwnPropertySymbols(e);lt.indexOf(n[l])&&Object.prototype.propertyIsEnumerable.call(e,n[l])&&(r[n[l]]=e[n[l]]);return r};let eE={success:er.Z,warning:el.Z,error:en.Z,validating:ei.Z};function ej(e){let{prefixCls:t,className:r,rootClassName:n,style:l,help:o,errors:s,warnings:d,validateStatus:f,meta:p,hasFeedback:m,hidden:g,children:h,fieldId:$,required:b,isRequired:y,onSubItemMetaChange:x}=e,v=eO(e,["prefixCls","className","rootClassName","style","help","errors","warnings","validateStatus","meta","hasFeedback","hidden","children","fieldId","required","isRequired","onSubItemMetaChange"]),w=`${t}-item`,{requiredMark:O}=a.useContext(c.q3),E=a.useRef(null),j=u(s),S=u(d),C=null!=o,M=!!(C||s.length||d.length),k=!!E.current&&(0,ea.Z)(E.current),[I,Z]=a.useState(null);(0,eo.Z)(()=>{if(M&&E.current){let e=getComputedStyle(E.current);Z(parseInt(e.marginBottom,10))}},[M,k]);let N=function(){let e=arguments.length>0&&void 0!==arguments[0]&&arguments[0],t="",r=e?j:p.errors,n=e?S:p.warnings;return void 0!==f?t=f:p.validating?t="validating":r.length?t="error":n.length?t="warning":(p.touched||m&&p.validated)&&(t="success"),t}(),W=a.useMemo(()=>{let e;if(m){let t=N&&eE[N];e=t?a.createElement("span",{className:i()(`${w}-feedback-icon`,`${w}-feedback-icon-${N}`)},a.createElement(t,null)):null}return{status:N,errors:s,warnings:d,hasFeedback:m,feedbackIcon:e,isFormItemInput:!0}},[N,m]),P=i()(w,r,n,{[`${w}-with-help`]:C||j.length||S.length,[`${w}-has-feedback`]:N&&m,[`${w}-has-success`]:"success"===N,[`${w}-has-warning`]:"warning"===N,[`${w}-has-error`]:"error"===N,[`${w}-is-validating`]:"validating"===N,[`${w}-hidden`]:g});return a.createElement("div",{className:P,style:l,ref:E},a.createElement(ec.Z,Object.assign({className:`${w}-row`},(0,es.Z)(v,["_internalItemRender","colon","dependencies","extra","fieldKey","getValueFromEvent","getValueProps","htmlFor","id","initialValue","isListField","label","labelAlign","labelCol","labelWrap","messageVariables","name","normalize","noStyle","preserve","requiredMark","rules","shouldUpdate","trigger","tooltip","validateFirst","validateTrigger","valuePropName","wrapperCol"])),a.createElement(ew,Object.assign({htmlFor:$},e,{requiredMark:O,required:null!=b?b:y,prefixCls:t})),a.createElement(ep,Object.assign({},e,p,{errors:j,warnings:S,prefixCls:t,status:N,help:o,marginBottom:I,onErrorVisibleChanged:e=>{e||Z(null)}}),a.createElement(c.qI.Provider,{value:x},a.createElement(c.aM.Provider,{value:W},h)))),!!I&&a.createElement("div",{className:`${w}-margin-offset`,style:{marginBottom:-I}}))}var eS=r(50344);let eC=a.memo(e=>{let{children:t}=e;return t},(e,t)=>e.value===t.value&&e.update===t.update&&e.childProps.length===t.childProps.length&&e.childProps.every((e,r)=>e===t.childProps[r]));function eM(){return{errors:[],warnings:[],touched:!1,validating:!1,name:[],validated:!1}}let ek=function(e){let{name:t,noStyle:r,className:l,dependencies:o,prefixCls:s,shouldUpdate:u,rules:d,children:f,required:p,label:m,messageVariables:g,trigger:h="onChange",validateTrigger:$,hidden:b,help:y}=e,{getPrefixCls:x}=a.useContext(N.E_),{name:v}=a.useContext(c.q3),w=function(e){if("function"==typeof e)return e;let t=(0,eS.Z)(e);return t.length<=1?t[0]:t}(f),O="function"==typeof w,E=a.useContext(c.qI),{validateTrigger:j}=a.useContext(Z.zb),S=void 0!==$?$:j,M=null!=t,k=x("form",s),[I,W]=C(k),P=a.useContext(Z.ZM),q=a.useRef(),[H,R]=function(e){let[t,r]=a.useState(e),n=(0,a.useRef)(null),l=(0,a.useRef)([]),i=(0,a.useRef)(!1);return a.useEffect(()=>(i.current=!1,()=>{i.current=!0,et.Z.cancel(n.current),n.current=null}),[]),[t,function(e){i.current||(null===n.current&&(l.current=[],n.current=(0,et.Z)(()=>{n.current=null,r(e=>{let t=e;return l.current.forEach(e=>{t=e(t)}),t})})),l.current.push(e))}]}({}),[_,z]=(0,U.Z)(()=>eM()),F=(e,t)=>{R(r=>{let l=Object.assign({},r),i=[].concat((0,n.Z)(e.name.slice(0,-1)),(0,n.Z)(t)),o=i.join("__SPLIT__");return e.destroy?delete l[o]:l[o]=e,l})},[T,A]=a.useMemo(()=>{let e=(0,n.Z)(_.errors),t=(0,n.Z)(_.warnings);return Object.values(H).forEach(r=>{e.push.apply(e,(0,n.Z)(r.errors||[])),t.push.apply(t,(0,n.Z)(r.warnings||[]))}),[e,t]},[H,_.errors,_.warnings]),L=function(){let{itemRef:e}=a.useContext(c.q3),t=a.useRef({});return function(r,n){let l=n&&"object"==typeof n&&n.ref,i=r.join("_");return(t.current.name!==i||t.current.originRef!==l)&&(t.current.name=i,t.current.originRef=l,t.current.ref=(0,J.sQ)(e(r),l)),t.current.ref}}();function X(t,n,o){return r&&!b?t:a.createElement(ej,Object.assign({key:"row"},e,{className:i()(l,W),prefixCls:k,fieldId:n,isRequired:o,errors:T,warnings:A,meta:_,onSubItemMetaChange:F}),t)}if(!M&&!O&&!o)return I(X(w));let B={};return"string"==typeof m?B.label=m:t&&(B.label=String(t)),g&&(B=Object.assign(Object.assign({},B),g)),I(a.createElement(Z.gN,Object.assign({},e,{messageVariables:B,trigger:h,validateTrigger:S,onMetaChange:e=>{let t=null==P?void 0:P.getKey(e.name);if(z(e.destroy?eM():e,!0),r&&!1!==y&&E){let r=e.name;if(e.destroy)r=q.current||r;else if(void 0!==t){let[e,l]=t;r=[e].concat((0,n.Z)(l)),q.current=r}E(e,r)}}}),(r,l,i)=>{let s=D(t).length&&l?l.name:[],c=V(s,v),f=void 0!==p?p:!!(d&&d.some(e=>{if(e&&"object"==typeof e&&e.required&&!e.warningOnly)return!0;if("function"==typeof e){let t=e(i);return t&&t.required&&!t.warningOnly}return!1})),m=Object.assign({},r),g=null;if(Array.isArray(w)&&M)g=w;else if(O&&(!(u||o)||M));else if(!o||O||M){if((0,Q.l$)(w)){let t=Object.assign(Object.assign({},w.props),m);if(t.id||(t.id=c),y||T.length>0||A.length>0||e.extra){let r=[];(y||T.length>0)&&r.push(`${c}_help`),e.extra&&r.push(`${c}_extra`),t["aria-describedby"]=r.join(" ")}T.length>0&&(t["aria-invalid"]="true"),f&&(t["aria-required"]="true"),(0,J.Yr)(w)&&(t.ref=L(s,w));let r=new Set([].concat((0,n.Z)(D(h)),(0,n.Z)(D(S))));r.forEach(e=>{t[e]=function(){for(var t,r,n,l=arguments.length,i=Array(l),o=0;ot.indexOf(n)&&(r[n]=e[n]);if(null!=e&&"function"==typeof Object.getOwnPropertySymbols)for(var l=0,n=Object.getOwnPropertySymbols(e);lt.indexOf(n[l])&&Object.prototype.propertyIsEnumerable.call(e,n[l])&&(r[n[l]]=e[n[l]]);return r};K.Item=ek,K.List=e=>{var{prefixCls:t,children:r}=e,n=eI(e,["prefixCls","children"]);let{getPrefixCls:l}=a.useContext(N.E_),i=l("form",t),o=a.useMemo(()=>({prefixCls:i,status:"error"}),[i]);return a.createElement(Z.aV,Object.assign({},n),(e,t,n)=>a.createElement(c.Rk.Provider,{value:o},r(e.map(e=>Object.assign(Object.assign({},e),{fieldKey:e.key})),t,{errors:n.errors,warnings:n.warnings})))},K.ErrorList=I,K.useForm=B,K.useFormInstance=function(){let{form:e}=(0,a.useContext)(c.q3);return e},K.useWatch=Z.qo,K.Provider=c.RV,K.create=()=>{};var eZ=K},99134:function(e,t,r){var n=r(67294);let l=(0,n.createContext)({});t.Z=l},21584:function(e,t,r){var n=r(94184),l=r.n(n),i=r(67294),o=r(53124),a=r(99134),s=r(6999),c=function(e,t){var r={};for(var n in e)Object.prototype.hasOwnProperty.call(e,n)&&0>t.indexOf(n)&&(r[n]=e[n]);if(null!=e&&"function"==typeof Object.getOwnPropertySymbols)for(var l=0,n=Object.getOwnPropertySymbols(e);lt.indexOf(n[l])&&Object.prototype.propertyIsEnumerable.call(e,n[l])&&(r[n[l]]=e[n[l]]);return r};let u=["xs","sm","md","lg","xl","xxl"],d=i.forwardRef((e,t)=>{let{getPrefixCls:r,direction:n}=i.useContext(o.E_),{gutter:d,wrap:f,supportFlexGap:p}=i.useContext(a.Z),{prefixCls:m,span:g,order:h,offset:$,push:b,pull:y,className:x,children:v,flex:w,style:O}=e,E=c(e,["prefixCls","span","order","offset","push","pull","className","children","flex","style"]),j=r("col",m),[S,C]=(0,s.c)(j),M={};u.forEach(t=>{let r={},l=e[t];"number"==typeof l?r.span=l:"object"==typeof l&&(r=l||{}),delete E[t],M=Object.assign(Object.assign({},M),{[`${j}-${t}-${r.span}`]:void 0!==r.span,[`${j}-${t}-order-${r.order}`]:r.order||0===r.order,[`${j}-${t}-offset-${r.offset}`]:r.offset||0===r.offset,[`${j}-${t}-push-${r.push}`]:r.push||0===r.push,[`${j}-${t}-pull-${r.pull}`]:r.pull||0===r.pull,[`${j}-${t}-flex-${r.flex}`]:r.flex||"auto"===r.flex,[`${j}-rtl`]:"rtl"===n})});let k=l()(j,{[`${j}-${g}`]:void 0!==g,[`${j}-order-${h}`]:h,[`${j}-offset-${$}`]:$,[`${j}-push-${b}`]:b,[`${j}-pull-${y}`]:y},x,M,C),I={};if(d&&d[0]>0){let e=d[0]/2;I.paddingLeft=e,I.paddingRight=e}if(d&&d[1]>0&&!p){let e=d[1]/2;I.paddingTop=e,I.paddingBottom=e}return w&&(I.flex="number"==typeof w?`${w} ${w} auto`:/^\d+(\.\d+)?(px|em|rem|%)$/.test(w)?`0 0 ${w}`:w,!1!==f||I.minWidth||(I.minWidth=0)),S(i.createElement("div",Object.assign({},E,{style:Object.assign(Object.assign({},I),O),className:k,ref:t}),v))});t.Z=d},92820:function(e,t,r){var n=r(94184),l=r.n(n),i=r(67294),o=r(53124),a=r(98082),s=r(74443),c=r(99134),u=r(6999),d=function(e,t){var r={};for(var n in e)Object.prototype.hasOwnProperty.call(e,n)&&0>t.indexOf(n)&&(r[n]=e[n]);if(null!=e&&"function"==typeof Object.getOwnPropertySymbols)for(var l=0,n=Object.getOwnPropertySymbols(e);lt.indexOf(n[l])&&Object.prototype.propertyIsEnumerable.call(e,n[l])&&(r[n[l]]=e[n[l]]);return r};function f(e,t){let[r,n]=i.useState("string"==typeof e?e:""),l=()=>{if("string"==typeof e&&n(e),"object"==typeof e)for(let r=0;r{l()},[JSON.stringify(e),t]),r}let p=i.forwardRef((e,t)=>{let{prefixCls:r,justify:n,align:p,className:m,style:g,children:h,gutter:$=0,wrap:b}=e,y=d(e,["prefixCls","justify","align","className","style","children","gutter","wrap"]),{getPrefixCls:x,direction:v}=i.useContext(o.E_),[w,O]=i.useState({xs:!0,sm:!0,md:!0,lg:!0,xl:!0,xxl:!0}),[E,j]=i.useState({xs:!1,sm:!1,md:!1,lg:!1,xl:!1,xxl:!1}),S=f(p,E),C=f(n,E),M=(0,a.Z)(),k=i.useRef($),I=(0,s.Z)();i.useEffect(()=>{let e=I.subscribe(e=>{j(e);let t=k.current||0;(!Array.isArray(t)&&"object"==typeof t||Array.isArray(t)&&("object"==typeof t[0]||"object"==typeof t[1]))&&O(e)});return()=>I.unsubscribe(e)},[]);let Z=x("row",r),[N,W]=(0,u.V)(Z),P=(()=>{let e=[void 0,void 0],t=Array.isArray($)?$:[$,void 0];return t.forEach((t,r)=>{if("object"==typeof t)for(let n=0;n0?-(P[0]/2):void 0,_=null!=P[1]&&P[1]>0?-(P[1]/2):void 0;R&&(H.marginLeft=R,H.marginRight=R),M?[,H.rowGap]=P:_&&(H.marginTop=_,H.marginBottom=_);let[z,F]=P,T=i.useMemo(()=>({gutter:[z,F],wrap:b,supportFlexGap:M}),[z,F,b,M]);return N(i.createElement(c.Z.Provider,{value:T},i.createElement("div",Object.assign({},y,{className:q,style:Object.assign(Object.assign({},H),g),ref:t}),h)))});t.Z=p},6999:function(e,t,r){r.d(t,{V:function(){return u},c:function(){return d}});var n=r(67968),l=r(45503);let i=e=>{let{componentCls:t}=e;return{[t]:{display:"flex",flexFlow:"row wrap",minWidth:0,"&::before, &::after":{display:"flex"},"&-no-wrap":{flexWrap:"nowrap"},"&-start":{justifyContent:"flex-start"},"&-center":{justifyContent:"center"},"&-end":{justifyContent:"flex-end"},"&-space-between":{justifyContent:"space-between"},"&-space-around":{justifyContent:"space-around"},"&-space-evenly":{justifyContent:"space-evenly"},"&-top":{alignItems:"flex-start"},"&-middle":{alignItems:"center"},"&-bottom":{alignItems:"flex-end"}}}},o=e=>{let{componentCls:t}=e;return{[t]:{position:"relative",maxWidth:"100%",minHeight:1}}},a=(e,t)=>{let{componentCls:r,gridColumns:n}=e,l={};for(let e=n;e>=0;e--)0===e?(l[`${r}${t}-${e}`]={display:"none"},l[`${r}-push-${e}`]={insetInlineStart:"auto"},l[`${r}-pull-${e}`]={insetInlineEnd:"auto"},l[`${r}${t}-push-${e}`]={insetInlineStart:"auto"},l[`${r}${t}-pull-${e}`]={insetInlineEnd:"auto"},l[`${r}${t}-offset-${e}`]={marginInlineStart:0},l[`${r}${t}-order-${e}`]={order:0}):(l[`${r}${t}-${e}`]=[{"--ant-display":"block",display:"block"},{display:"var(--ant-display)",flex:`0 0 ${e/n*100}%`,maxWidth:`${e/n*100}%`}],l[`${r}${t}-push-${e}`]={insetInlineStart:`${e/n*100}%`},l[`${r}${t}-pull-${e}`]={insetInlineEnd:`${e/n*100}%`},l[`${r}${t}-offset-${e}`]={marginInlineStart:`${e/n*100}%`},l[`${r}${t}-order-${e}`]={order:e});return l},s=(e,t)=>a(e,t),c=(e,t,r)=>({[`@media (min-width: ${t}px)`]:Object.assign({},s(e,r))}),u=(0,n.Z)("Grid",e=>[i(e)]),d=(0,n.Z)("Grid",e=>{let t=(0,l.TS)(e,{gridColumns:24}),r={"-sm":t.screenSMMin,"-md":t.screenMDMin,"-lg":t.screenLGMin,"-xl":t.screenXLMin,"-xxl":t.screenXXLMin};return[o(t),s(t,""),s(t,"-xs"),Object.keys(r).map(e=>c(t,r[e],e)).reduce((e,t)=>Object.assign(Object.assign({},e),t),{})]})}}]); \ No newline at end of file diff --git a/pilot/server/static/_next/static/chunks/479-b20198841f9a6a1e.js b/pilot/server/static/_next/static/chunks/479-b20198841f9a6a1e.js new file mode 100644 index 000000000..b22006b12 --- /dev/null +++ b/pilot/server/static/_next/static/chunks/479-b20198841f9a6a1e.js @@ -0,0 +1,9 @@ +"use strict";(self.webpackChunk_N_E=self.webpackChunk_N_E||[]).push([[479],{39479:function(e,t,n){n.d(t,{Z:function(){return eI}});var r=n(74902),l=n(94184),i=n.n(l),o=n(82225),a=n(67294),s=n(33603),c=n(65223);function u(e){let[t,n]=a.useState(e);return a.useEffect(()=>{let t=setTimeout(()=>{n(e)},e.length?0:10);return()=>{clearTimeout(t)}},[e]),t}var d=n(14747),m=n(50438),p=n(33507),f=n(45503),g=n(67968),h=e=>{let{componentCls:t}=e,n=`${t}-show-help`,r=`${t}-show-help-item`;return{[n]:{transition:`opacity ${e.motionDurationSlow} ${e.motionEaseInOut}`,"&-appear, &-enter":{opacity:0,"&-active":{opacity:1}},"&-leave":{opacity:1,"&-active":{opacity:0}},[r]:{overflow:"hidden",transition:`height ${e.motionDurationSlow} ${e.motionEaseInOut}, + opacity ${e.motionDurationSlow} ${e.motionEaseInOut}, + transform ${e.motionDurationSlow} ${e.motionEaseInOut} !important`,[`&${r}-appear, &${r}-enter`]:{transform:"translateY(-5px)",opacity:0,"&-active":{transform:"translateY(0)",opacity:1}},[`&${r}-leave-active`]:{transform:"translateY(-5px)"}}}}};let b=e=>({legend:{display:"block",width:"100%",marginBottom:e.marginLG,padding:0,color:e.colorTextDescription,fontSize:e.fontSizeLG,lineHeight:"inherit",border:0,borderBottom:`${e.lineWidth}px ${e.lineType} ${e.colorBorder}`},label:{fontSize:e.fontSize},'input[type="search"]':{boxSizing:"border-box"},'input[type="radio"], input[type="checkbox"]':{lineHeight:"normal"},'input[type="file"]':{display:"block"},'input[type="range"]':{display:"block",width:"100%"},"select[multiple], select[size]":{height:"auto"},[`input[type='file']:focus, + input[type='radio']:focus, + input[type='checkbox']:focus`]:{outline:0,boxShadow:`0 0 0 ${e.controlOutlineWidth}px ${e.controlOutline}`},output:{display:"block",paddingTop:15,color:e.colorText,fontSize:e.fontSize,lineHeight:e.lineHeight}}),y=(e,t)=>{let{formItemCls:n}=e;return{[n]:{[`${n}-label > label`]:{height:t},[`${n}-control-input`]:{minHeight:t}}}},v=e=>{let{componentCls:t}=e;return{[e.componentCls]:Object.assign(Object.assign(Object.assign({},(0,d.Wf)(e)),b(e)),{[`${t}-text`]:{display:"inline-block",paddingInlineEnd:e.paddingSM},"&-small":Object.assign({},y(e,e.controlHeightSM)),"&-large":Object.assign({},y(e,e.controlHeightLG))})}},$=e=>{let{formItemCls:t,iconCls:n,componentCls:r,rootPrefixCls:l}=e;return{[t]:Object.assign(Object.assign({},(0,d.Wf)(e)),{marginBottom:e.marginLG,verticalAlign:"top","&-with-help":{transition:"none"},[`&-hidden, + &-hidden.${l}-row`]:{display:"none"},"&-has-warning":{[`${t}-split`]:{color:e.colorError}},"&-has-error":{[`${t}-split`]:{color:e.colorWarning}},[`${t}-label`]:{flexGrow:0,overflow:"hidden",whiteSpace:"nowrap",textAlign:"end",verticalAlign:"middle","&-left":{textAlign:"start"},"&-wrap":{overflow:"unset",lineHeight:`${e.lineHeight} - 0.25em`,whiteSpace:"unset"},"> label":{position:"relative",display:"inline-flex",alignItems:"center",maxWidth:"100%",height:e.controlHeight,color:e.colorTextHeading,fontSize:e.fontSize,[`> ${n}`]:{fontSize:e.fontSize,verticalAlign:"top"},[`&${t}-required:not(${t}-required-mark-optional)::before`]:{display:"inline-block",marginInlineEnd:e.marginXXS,color:e.colorError,fontSize:e.fontSize,fontFamily:"SimSun, sans-serif",lineHeight:1,content:'"*"',[`${r}-hide-required-mark &`]:{display:"none"}},[`${t}-optional`]:{display:"inline-block",marginInlineStart:e.marginXXS,color:e.colorTextDescription,[`${r}-hide-required-mark &`]:{display:"none"}},[`${t}-tooltip`]:{color:e.colorTextDescription,cursor:"help",writingMode:"horizontal-tb",marginInlineStart:e.marginXXS},"&::after":{content:'":"',position:"relative",marginBlock:0,marginInlineStart:e.marginXXS/2,marginInlineEnd:e.marginXS},[`&${t}-no-colon::after`]:{content:'"\\a0"'}}},[`${t}-control`]:{"--ant-display":"flex",flexDirection:"column",flexGrow:1,[`&:first-child:not([class^="'${l}-col-'"]):not([class*="' ${l}-col-'"])`]:{width:"100%"},"&-input":{position:"relative",display:"flex",alignItems:"center",minHeight:e.controlHeight,"&-content":{flex:"auto",maxWidth:"100%"}}},[t]:{"&-explain, &-extra":{clear:"both",color:e.colorTextDescription,fontSize:e.fontSize,lineHeight:e.lineHeight},"&-explain-connected":{width:"100%"},"&-extra":{minHeight:e.controlHeightSM,transition:`color ${e.motionDurationMid} ${e.motionEaseOut}`},"&-explain":{"&-error":{color:e.colorError},"&-warning":{color:e.colorWarning}}},[`&-with-help ${t}-explain`]:{height:"auto",opacity:1},[`${t}-feedback-icon`]:{fontSize:e.fontSize,textAlign:"center",visibility:"visible",animationName:m.kr,animationDuration:e.motionDurationMid,animationTimingFunction:e.motionEaseOutBack,pointerEvents:"none","&-success":{color:e.colorSuccess},"&-error":{color:e.colorError},"&-warning":{color:e.colorWarning},"&-validating":{color:e.colorPrimary}}})}},x=e=>{let{componentCls:t,formItemCls:n}=e;return{[`${t}-horizontal`]:{[`${n}-label`]:{flexGrow:0},[`${n}-control`]:{flex:"1 1 0",minWidth:0},[`${n}-label[class$='-24'], ${n}-label[class*='-24 ']`]:{[`& + ${n}-control`]:{minWidth:"unset"}}}}},w=e=>{let{componentCls:t,formItemCls:n}=e;return{[`${t}-inline`]:{display:"flex",flexWrap:"wrap",[n]:{flex:"none",marginInlineEnd:e.margin,marginBottom:0,"&-row":{flexWrap:"nowrap"},[`> ${n}-label, + > ${n}-control`]:{display:"inline-block",verticalAlign:"top"},[`> ${n}-label`]:{flex:"none"},[`${t}-text`]:{display:"inline-block"},[`${n}-has-feedback`]:{display:"inline-block"}}}}},E=e=>({padding:`0 0 ${e.paddingXS}px`,whiteSpace:"initial",textAlign:"start","> label":{margin:0,"&::after":{visibility:"hidden"}}}),O=e=>{let{componentCls:t,formItemCls:n,rootPrefixCls:r}=e;return{[`${n} ${n}-label`]:E(e),[t]:{[n]:{flexWrap:"wrap",[`${n}-label, ${n}-control`]:{[`&:not([class*=" ${r}-col-xs"])`]:{flex:"0 0 100%",maxWidth:"100%"}}}}}},S=e=>{let{componentCls:t,formItemCls:n,rootPrefixCls:r}=e;return{[`${t}-vertical`]:{[n]:{"&-row":{flexDirection:"column"},"&-label > label":{height:"auto"},[`${t}-item-control`]:{width:"100%"}}},[`${t}-vertical ${n}-label, + .${r}-col-24${n}-label, + .${r}-col-xl-24${n}-label`]:E(e),[`@media (max-width: ${e.screenXSMax}px)`]:[O(e),{[t]:{[`.${r}-col-xs-24${n}-label`]:E(e)}}],[`@media (max-width: ${e.screenSMMax}px)`]:{[t]:{[`.${r}-col-sm-24${n}-label`]:E(e)}},[`@media (max-width: ${e.screenMDMax}px)`]:{[t]:{[`.${r}-col-md-24${n}-label`]:E(e)}},[`@media (max-width: ${e.screenLGMax}px)`]:{[t]:{[`.${r}-col-lg-24${n}-label`]:E(e)}}}},j=(e,t)=>{let n=(0,f.TS)(e,{formItemCls:`${e.componentCls}-item`,rootPrefixCls:t});return n};var C=(0,g.Z)("Form",(e,t)=>{let{rootPrefixCls:n}=t,r=j(e,n);return[v(r),$(r),h(r),x(r),w(r),S(r),(0,p.Z)(r),m.kr]},null,{order:-1e3});let k=[];function M(e,t,n){let r=arguments.length>3&&void 0!==arguments[3]?arguments[3]:0;return{key:"string"==typeof e?e:`${t}-${r}`,error:e,errorStatus:n}}var N=e=>{let{help:t,helpStatus:n,errors:l=k,warnings:d=k,className:m,fieldId:p,onVisibleChanged:f}=e,{prefixCls:g}=a.useContext(c.Rk),h=`${g}-item-explain`,[,b]=C(g),y=(0,a.useMemo)(()=>(0,s.Z)(g),[g]),v=u(l),$=u(d),x=a.useMemo(()=>null!=t?[M(t,"help",n)]:[].concat((0,r.Z)(v.map((e,t)=>M(e,"error","error",t))),(0,r.Z)($.map((e,t)=>M(e,"warning","warning",t)))),[t,n,v,$]),w={};return p&&(w.id=`${p}_help`),a.createElement(o.ZP,{motionDeadline:y.motionDeadline,motionName:`${g}-show-help`,visible:!!x.length,onVisibleChanged:f},e=>{let{className:t,style:n}=e;return a.createElement("div",Object.assign({},w,{className:i()(h,t,m,b),style:n,role:"alert"}),a.createElement(o.V4,Object.assign({keys:x},(0,s.Z)(g),{motionName:`${g}-show-help-item`,component:!1}),e=>{let{key:t,error:n,errorStatus:r,className:l,style:o}=e;return a.createElement("div",{key:t,className:i()(l,{[`${h}-${r}`]:r}),style:o},n)}))})},I=n(43589),Z=n(53124),q=n(98866),W=n(97647),_=n(98675);let H=e=>"object"==typeof e&&null!=e&&1===e.nodeType,F=(e,t)=>(!t||"hidden"!==e)&&"visible"!==e&&"clip"!==e,P=(e,t)=>{if(e.clientHeight{let t=(e=>{if(!e.ownerDocument||!e.ownerDocument.defaultView)return null;try{return e.ownerDocument.defaultView.frameElement}catch(e){return null}})(e);return!!t&&(t.clientHeightit||i>e&&o=t&&a>=n?i-e-r:o>t&&an?o-t+l:0,z=e=>{let t=e.parentElement;return null==t?e.getRootNode().host||null:t},T=(e,t)=>{var n,r,l,i;if("undefined"==typeof document)return[];let{scrollMode:o,block:a,inline:s,boundary:c,skipOverflowHiddenElements:u}=t,d="function"==typeof c?c:e=>e!==c;if(!H(e))throw TypeError("Invalid target");let m=document.scrollingElement||document.documentElement,p=[],f=e;for(;H(f)&&d(f);){if((f=z(f))===m){p.push(f);break}null!=f&&f===document.body&&P(f)&&!P(document.documentElement)||null!=f&&P(f,u)&&p.push(f)}let g=null!=(r=null==(n=window.visualViewport)?void 0:n.width)?r:innerWidth,h=null!=(i=null==(l=window.visualViewport)?void 0:l.height)?i:innerHeight,{scrollX:b,scrollY:y}=window,{height:v,width:$,top:x,right:w,bottom:E,left:O}=e.getBoundingClientRect(),S="start"===a||"nearest"===a?x:"end"===a?E:x+v/2,j="center"===s?O+$/2:"end"===s?w:O,C=[];for(let e=0;e=0&&O>=0&&E<=h&&w<=g&&x>=l&&E<=c&&O>=u&&w<=i)break;let d=getComputedStyle(t),f=parseInt(d.borderLeftWidth,10),k=parseInt(d.borderTopWidth,10),M=parseInt(d.borderRightWidth,10),N=parseInt(d.borderBottomWidth,10),I=0,Z=0,q="offsetWidth"in t?t.offsetWidth-t.clientWidth-f-M:0,W="offsetHeight"in t?t.offsetHeight-t.clientHeight-k-N:0,_="offsetWidth"in t?0===t.offsetWidth?0:r/t.offsetWidth:0,H="offsetHeight"in t?0===t.offsetHeight?0:n/t.offsetHeight:0;if(m===t)I="start"===a?S:"end"===a?S-h:"nearest"===a?R(y,y+h,h,k,N,y+S,y+S+v,v):S-h/2,Z="start"===s?j:"center"===s?j-g/2:"end"===s?j-g:R(b,b+g,g,f,M,b+j,b+j+$,$),I=Math.max(0,I+y),Z=Math.max(0,Z+b);else{I="start"===a?S-l-k:"end"===a?S-c+N+W:"nearest"===a?R(l,c,n,k,N+W,S,S+v,v):S-(l+n/2)+W/2,Z="start"===s?j-u-f:"center"===s?j-(u+r/2)+q/2:"end"===s?j-i+M+q:R(u,i,r,f,M+q,j,j+$,$);let{scrollLeft:e,scrollTop:o}=t;I=Math.max(0,Math.min(o+I/H,t.scrollHeight-n/H+W)),Z=Math.max(0,Math.min(e+Z/_,t.scrollWidth-r/_+q)),S+=o-I,j+=e-Z}C.push({el:t,top:I,left:Z})}return C},D=e=>!1===e?{block:"end",inline:"nearest"}:e===Object(e)&&0!==Object.keys(e).length?e:{block:"start",inline:"nearest"},V=["parentNode"];function A(e){return void 0===e||!1===e?[]:Array.isArray(e)?e:[e]}function B(e,t){if(!e.length)return;let n=e.join("_");if(t)return`${t}_${n}`;let r=V.includes(n);return r?`form_item_${n}`:n}function L(e){let t=A(e);return t.join("_")}function X(e){let[t]=(0,I.cI)(),n=a.useRef({}),r=a.useMemo(()=>null!=e?e:Object.assign(Object.assign({},t),{__INTERNAL__:{itemRef:e=>t=>{let r=L(e);t?n.current[r]=t:delete n.current[r]}},scrollToField:function(e){let t=arguments.length>1&&void 0!==arguments[1]?arguments[1]:{},n=A(e),l=B(n,r.__INTERNAL__.name),i=l?document.getElementById(l):null;i&&function(e,t){if(!e.isConnected||!(e=>{let t=e;for(;t&&t.parentNode;){if(t.parentNode===document)return!0;t=t.parentNode instanceof ShadowRoot?t.parentNode.host:t.parentNode}return!1})(e))return;if("object"==typeof t&&"function"==typeof t.behavior)return t.behavior(T(e,t));let n="boolean"==typeof t||null==t?void 0:t.behavior;for(let{el:r,top:l,left:i}of T(e,D(t)))r.scroll({top:l,left:i,behavior:n})}(i,Object.assign({scrollMode:"if-needed",block:"nearest"},t))},getFieldInstance:e=>{let t=L(e);return n.current[t]}}),[e,t]);return[r]}var G=n(37920),Y=function(e,t){var n={};for(var r in e)Object.prototype.hasOwnProperty.call(e,r)&&0>t.indexOf(r)&&(n[r]=e[r]);if(null!=e&&"function"==typeof Object.getOwnPropertySymbols)for(var l=0,r=Object.getOwnPropertySymbols(e);lt.indexOf(r[l])&&Object.prototype.propertyIsEnumerable.call(e,r[l])&&(n[r[l]]=e[r[l]]);return n};let K=a.forwardRef((e,t)=>{let n=a.useContext(q.Z),{getPrefixCls:r,direction:l,form:o}=a.useContext(Z.E_),{prefixCls:s,className:u,rootClassName:d,size:m,disabled:p=n,form:f,colon:g,labelAlign:h,labelWrap:b,labelCol:y,wrapperCol:v,hideRequiredMark:$,layout:x="horizontal",scrollToFirstError:w,requiredMark:E,onFinishFailed:O,name:S,style:j}=e,k=Y(e,["prefixCls","className","rootClassName","size","disabled","form","colon","labelAlign","labelWrap","labelCol","wrapperCol","hideRequiredMark","layout","scrollToFirstError","requiredMark","onFinishFailed","name","style"]),M=(0,_.Z)(m),N=a.useContext(G.Z),H=(0,a.useMemo)(()=>void 0!==E?E:o&&void 0!==o.requiredMark?o.requiredMark:!$,[$,E,o]),F=null!=g?g:null==o?void 0:o.colon,P=r("form",s),[R,z]=C(P),T=i()(P,`${P}-${x}`,{[`${P}-hide-required-mark`]:!1===H,[`${P}-rtl`]:"rtl"===l,[`${P}-${M}`]:M},z,null==o?void 0:o.className,u,d),[D]=X(f),{__INTERNAL__:V}=D;V.name=S;let A=(0,a.useMemo)(()=>({name:S,labelAlign:h,labelCol:y,labelWrap:b,wrapperCol:v,vertical:"vertical"===x,colon:F,requiredMark:H,itemRef:V.itemRef,form:D}),[S,h,y,v,x,F,H,D]);a.useImperativeHandle(t,()=>D);let B=(e,t)=>{if(e){let n={block:"nearest"};"object"==typeof e&&(n=e),D.scrollToField(t,n)}};return R(a.createElement(q.n,{disabled:p},a.createElement(W.q,{size:M},a.createElement(c.RV,{validateMessages:N},a.createElement(c.q3.Provider,{value:A},a.createElement(I.ZP,Object.assign({id:S},k,{name:S,onFinishFailed:e=>{if(null==O||O(e),e.errorFields.length){let t=e.errorFields[0].name;if(void 0!==w){B(w,t);return}o&&void 0!==o.scrollToFirstError&&B(o.scrollToFirstError,t)}},form:D,style:Object.assign(Object.assign({},null==o?void 0:o.style),j),className:T})))))))});var Q=n(30470),U=n(42550),J=n(96159);let ee=()=>{let{status:e,errors:t=[],warnings:n=[]}=(0,a.useContext)(c.aM);return{status:e,errors:t,warnings:n}};ee.Context=c.aM;var et=n(75164),en=n(89739),er=n(4340),el=n(21640),ei=n(50888),eo=n(8410),ea=n(5110),es=n(98423),ec=n(92820),eu=n(21584);let ed=e=>{let{formItemCls:t}=e;return{"@media screen and (-ms-high-contrast: active), (-ms-high-contrast: none)":{[`${t}-control`]:{display:"flex"}}}};var em=(0,g.b)(["Form","item-item"],(e,t)=>{let{rootPrefixCls:n}=t,r=j(e,n);return[ed(r)]}),ep=e=>{let{prefixCls:t,status:n,wrapperCol:r,children:l,errors:o,warnings:s,_internalItemRender:u,extra:d,help:m,fieldId:p,marginBottom:f,onErrorVisibleChanged:g}=e,h=`${t}-item`,b=a.useContext(c.q3),y=r||b.wrapperCol||{},v=i()(`${h}-control`,y.className),$=a.useMemo(()=>Object.assign({},b),[b]);delete $.labelCol,delete $.wrapperCol;let x=a.createElement("div",{className:`${h}-control-input`},a.createElement("div",{className:`${h}-control-input-content`},l)),w=a.useMemo(()=>({prefixCls:t,status:n}),[t,n]),E=null!==f||o.length||s.length?a.createElement("div",{style:{display:"flex",flexWrap:"nowrap"}},a.createElement(c.Rk.Provider,{value:w},a.createElement(N,{fieldId:p,errors:o,warnings:s,help:m,helpStatus:n,className:`${h}-explain-connected`,onVisibleChanged:g})),!!f&&a.createElement("div",{style:{width:0,height:f}})):null,O={};p&&(O.id=`${p}_extra`);let S=d?a.createElement("div",Object.assign({},O,{className:`${h}-extra`}),d):null,j=u&&"pro_table_render"===u.mark&&u.render?u.render(e,{input:x,errorList:E,extra:S}):a.createElement(a.Fragment,null,x,E,S);return a.createElement(c.q3.Provider,{value:$},a.createElement(eu.Z,Object.assign({},y,{className:v}),j),a.createElement(em,{prefixCls:t}))},ef=n(87462),eg={icon:{tag:"svg",attrs:{viewBox:"64 64 896 896",focusable:"false"},children:[{tag:"path",attrs:{d:"M512 64C264.6 64 64 264.6 64 512s200.6 448 448 448 448-200.6 448-448S759.4 64 512 64zm0 820c-205.4 0-372-166.6-372-372s166.6-372 372-372 372 166.6 372 372-166.6 372-372 372z"}},{tag:"path",attrs:{d:"M623.6 316.7C593.6 290.4 554 276 512 276s-81.6 14.5-111.6 40.7C369.2 344 352 380.7 352 420v7.6c0 4.4 3.6 8 8 8h48c4.4 0 8-3.6 8-8V420c0-44.1 43.1-80 96-80s96 35.9 96 80c0 31.1-22 59.6-56.1 72.7-21.2 8.1-39.2 22.3-52.1 40.9-13.1 19-19.9 41.8-19.9 64.9V620c0 4.4 3.6 8 8 8h48c4.4 0 8-3.6 8-8v-22.7a48.3 48.3 0 0130.9-44.8c59-22.7 97.1-74.7 97.1-132.5.1-39.3-17.1-76-48.3-103.3zM472 732a40 40 0 1080 0 40 40 0 10-80 0z"}}]},name:"question-circle",theme:"outlined"},eh=n(84089),eb=a.forwardRef(function(e,t){return a.createElement(eh.Z,(0,ef.Z)({},e,{ref:t,icon:eg}))}),ey=n(88526),ev=n(10110),e$=n(83062),ex=function(e,t){var n={};for(var r in e)Object.prototype.hasOwnProperty.call(e,r)&&0>t.indexOf(r)&&(n[r]=e[r]);if(null!=e&&"function"==typeof Object.getOwnPropertySymbols)for(var l=0,r=Object.getOwnPropertySymbols(e);lt.indexOf(r[l])&&Object.prototype.propertyIsEnumerable.call(e,r[l])&&(n[r[l]]=e[r[l]]);return n},ew=e=>{var t;let{prefixCls:n,label:r,htmlFor:l,labelCol:o,labelAlign:s,colon:u,required:d,requiredMark:m,tooltip:p}=e,[f]=(0,ev.Z)("Form"),{vertical:g,labelAlign:h,labelCol:b,labelWrap:y,colon:v}=a.useContext(c.q3);if(!r)return null;let $=o||b||{},x=`${n}-item-label`,w=i()(x,"left"===(s||h)&&`${x}-left`,$.className,{[`${x}-wrap`]:!!y}),E=r,O=!0===u||!1!==v&&!1!==u;O&&!g&&"string"==typeof r&&""!==r.trim()&&(E=r.replace(/[:|:]\s*$/,""));let S=p?"object"!=typeof p||a.isValidElement(p)?{title:p}:p:null;if(S){let{icon:e=a.createElement(eb,null)}=S,t=ex(S,["icon"]),r=a.createElement(e$.Z,Object.assign({},t),a.cloneElement(e,{className:`${n}-item-tooltip`,title:""}));E=a.createElement(a.Fragment,null,E,r)}"optional"!==m||d||(E=a.createElement(a.Fragment,null,E,a.createElement("span",{className:`${n}-item-optional`,title:""},(null==f?void 0:f.optional)||(null===(t=ey.Z.Form)||void 0===t?void 0:t.optional))));let j=i()({[`${n}-item-required`]:d,[`${n}-item-required-mark-optional`]:"optional"===m,[`${n}-item-no-colon`]:!O});return a.createElement(eu.Z,Object.assign({},$,{className:w}),a.createElement("label",{htmlFor:l,className:j,title:"string"==typeof r?r:""},E))},eE=function(e,t){var n={};for(var r in e)Object.prototype.hasOwnProperty.call(e,r)&&0>t.indexOf(r)&&(n[r]=e[r]);if(null!=e&&"function"==typeof Object.getOwnPropertySymbols)for(var l=0,r=Object.getOwnPropertySymbols(e);lt.indexOf(r[l])&&Object.prototype.propertyIsEnumerable.call(e,r[l])&&(n[r[l]]=e[r[l]]);return n};let eO={success:en.Z,warning:el.Z,error:er.Z,validating:ei.Z};function eS(e){let{prefixCls:t,className:n,rootClassName:r,style:l,help:o,errors:s,warnings:d,validateStatus:m,meta:p,hasFeedback:f,hidden:g,children:h,fieldId:b,required:y,isRequired:v,onSubItemMetaChange:$}=e,x=eE(e,["prefixCls","className","rootClassName","style","help","errors","warnings","validateStatus","meta","hasFeedback","hidden","children","fieldId","required","isRequired","onSubItemMetaChange"]),w=`${t}-item`,{requiredMark:E}=a.useContext(c.q3),O=a.useRef(null),S=u(s),j=u(d),C=null!=o,k=!!(C||s.length||d.length),M=!!O.current&&(0,ea.Z)(O.current),[N,I]=a.useState(null);(0,eo.Z)(()=>{if(k&&O.current){let e=getComputedStyle(O.current);I(parseInt(e.marginBottom,10))}},[k,M]);let Z=function(){let e=arguments.length>0&&void 0!==arguments[0]&&arguments[0],t="",n=e?S:p.errors,r=e?j:p.warnings;return void 0!==m?t=m:p.validating?t="validating":n.length?t="error":r.length?t="warning":(p.touched||f&&p.validated)&&(t="success"),t}(),q=a.useMemo(()=>{let e;if(f){let t=Z&&eO[Z];e=t?a.createElement("span",{className:i()(`${w}-feedback-icon`,`${w}-feedback-icon-${Z}`)},a.createElement(t,null)):null}return{status:Z,errors:s,warnings:d,hasFeedback:f,feedbackIcon:e,isFormItemInput:!0}},[Z,f]),W=i()(w,n,r,{[`${w}-with-help`]:C||S.length||j.length,[`${w}-has-feedback`]:Z&&f,[`${w}-has-success`]:"success"===Z,[`${w}-has-warning`]:"warning"===Z,[`${w}-has-error`]:"error"===Z,[`${w}-is-validating`]:"validating"===Z,[`${w}-hidden`]:g});return a.createElement("div",{className:W,style:l,ref:O},a.createElement(ec.Z,Object.assign({className:`${w}-row`},(0,es.Z)(x,["_internalItemRender","colon","dependencies","extra","fieldKey","getValueFromEvent","getValueProps","htmlFor","id","initialValue","isListField","label","labelAlign","labelCol","labelWrap","messageVariables","name","normalize","noStyle","preserve","requiredMark","rules","shouldUpdate","trigger","tooltip","validateFirst","validateTrigger","valuePropName","wrapperCol"])),a.createElement(ew,Object.assign({htmlFor:b},e,{requiredMark:E,required:null!=y?y:v,prefixCls:t})),a.createElement(ep,Object.assign({},e,p,{errors:S,warnings:j,prefixCls:t,status:Z,help:o,marginBottom:N,onErrorVisibleChanged:e=>{e||I(null)}}),a.createElement(c.qI.Provider,{value:$},a.createElement(c.aM.Provider,{value:q},h)))),!!N&&a.createElement("div",{className:`${w}-margin-offset`,style:{marginBottom:-N}}))}var ej=n(50344);let eC=a.memo(e=>{let{children:t}=e;return t},(e,t)=>e.value===t.value&&e.update===t.update&&e.childProps.length===t.childProps.length&&e.childProps.every((e,n)=>e===t.childProps[n]));function ek(){return{errors:[],warnings:[],touched:!1,validating:!1,name:[],validated:!1}}let eM=function(e){let{name:t,noStyle:n,className:l,dependencies:o,prefixCls:s,shouldUpdate:u,rules:d,children:m,required:p,label:f,messageVariables:g,trigger:h="onChange",validateTrigger:b,hidden:y,help:v}=e,{getPrefixCls:$}=a.useContext(Z.E_),{name:x}=a.useContext(c.q3),w=function(e){if("function"==typeof e)return e;let t=(0,ej.Z)(e);return t.length<=1?t[0]:t}(m),E="function"==typeof w,O=a.useContext(c.qI),{validateTrigger:S}=a.useContext(I.zb),j=void 0!==b?b:S,k=null!=t,M=$("form",s),[N,q]=C(M),W=a.useContext(I.ZM),_=a.useRef(),[H,F]=function(e){let[t,n]=a.useState(e),r=(0,a.useRef)(null),l=(0,a.useRef)([]),i=(0,a.useRef)(!1);return a.useEffect(()=>(i.current=!1,()=>{i.current=!0,et.Z.cancel(r.current),r.current=null}),[]),[t,function(e){i.current||(null===r.current&&(l.current=[],r.current=(0,et.Z)(()=>{r.current=null,n(e=>{let t=e;return l.current.forEach(e=>{t=e(t)}),t})})),l.current.push(e))}]}({}),[P,R]=(0,Q.Z)(()=>ek()),z=(e,t)=>{F(n=>{let l=Object.assign({},n),i=[].concat((0,r.Z)(e.name.slice(0,-1)),(0,r.Z)(t)),o=i.join("__SPLIT__");return e.destroy?delete l[o]:l[o]=e,l})},[T,D]=a.useMemo(()=>{let e=(0,r.Z)(P.errors),t=(0,r.Z)(P.warnings);return Object.values(H).forEach(n=>{e.push.apply(e,(0,r.Z)(n.errors||[])),t.push.apply(t,(0,r.Z)(n.warnings||[]))}),[e,t]},[H,P.errors,P.warnings]),V=function(){let{itemRef:e}=a.useContext(c.q3),t=a.useRef({});return function(n,r){let l=r&&"object"==typeof r&&r.ref,i=n.join("_");return(t.current.name!==i||t.current.originRef!==l)&&(t.current.name=i,t.current.originRef=l,t.current.ref=(0,U.sQ)(e(n),l)),t.current.ref}}();function L(t,r,o){return n&&!y?t:a.createElement(eS,Object.assign({key:"row"},e,{className:i()(l,q),prefixCls:M,fieldId:r,isRequired:o,errors:T,warnings:D,meta:P,onSubItemMetaChange:z}),t)}if(!k&&!E&&!o)return N(L(w));let X={};return"string"==typeof f?X.label=f:t&&(X.label=String(t)),g&&(X=Object.assign(Object.assign({},X),g)),N(a.createElement(I.gN,Object.assign({},e,{messageVariables:X,trigger:h,validateTrigger:j,onMetaChange:e=>{let t=null==W?void 0:W.getKey(e.name);if(R(e.destroy?ek():e,!0),n&&!1!==v&&O){let n=e.name;if(e.destroy)n=_.current||n;else if(void 0!==t){let[e,l]=t;n=[e].concat((0,r.Z)(l)),_.current=n}O(e,n)}}}),(n,l,i)=>{let s=A(t).length&&l?l.name:[],c=B(s,x),m=void 0!==p?p:!!(d&&d.some(e=>{if(e&&"object"==typeof e&&e.required&&!e.warningOnly)return!0;if("function"==typeof e){let t=e(i);return t&&t.required&&!t.warningOnly}return!1})),f=Object.assign({},n),g=null;if(Array.isArray(w)&&k)g=w;else if(E&&(!(u||o)||k));else if(!o||E||k){if((0,J.l$)(w)){let t=Object.assign(Object.assign({},w.props),f);if(t.id||(t.id=c),v||T.length>0||D.length>0||e.extra){let n=[];(v||T.length>0)&&n.push(`${c}_help`),e.extra&&n.push(`${c}_extra`),t["aria-describedby"]=n.join(" ")}T.length>0&&(t["aria-invalid"]="true"),m&&(t["aria-required"]="true"),(0,U.Yr)(w)&&(t.ref=V(s,w));let n=new Set([].concat((0,r.Z)(A(h)),(0,r.Z)(A(j))));n.forEach(e=>{t[e]=function(){for(var t,n,r,l=arguments.length,i=Array(l),o=0;ot.indexOf(r)&&(n[r]=e[r]);if(null!=e&&"function"==typeof Object.getOwnPropertySymbols)for(var l=0,r=Object.getOwnPropertySymbols(e);lt.indexOf(r[l])&&Object.prototype.propertyIsEnumerable.call(e,r[l])&&(n[r[l]]=e[r[l]]);return n};K.Item=eM,K.List=e=>{var{prefixCls:t,children:n}=e,r=eN(e,["prefixCls","children"]);let{getPrefixCls:l}=a.useContext(Z.E_),i=l("form",t),o=a.useMemo(()=>({prefixCls:i,status:"error"}),[i]);return a.createElement(I.aV,Object.assign({},r),(e,t,r)=>a.createElement(c.Rk.Provider,{value:o},n(e.map(e=>Object.assign(Object.assign({},e),{fieldKey:e.key})),t,{errors:r.errors,warnings:r.warnings})))},K.ErrorList=N,K.useForm=X,K.useFormInstance=function(){let{form:e}=(0,a.useContext)(c.q3);return e},K.useWatch=I.qo,K.Provider=c.RV,K.create=()=>{};var eI=K}}]); \ No newline at end of file diff --git a/pilot/server/static/_next/static/chunks/539-dcd22f1f6b99ebee.js b/pilot/server/static/_next/static/chunks/539-dcd22f1f6b99ebee.js deleted file mode 100644 index 3c99d6954..000000000 --- a/pilot/server/static/_next/static/chunks/539-dcd22f1f6b99ebee.js +++ /dev/null @@ -1,4 +0,0 @@ -"use strict";(self.webpackChunk_N_E=self.webpackChunk_N_E||[]).push([[539],{27496:function(e,t,n){n.d(t,{Z:function(){return l}});var r=n(87462),o=n(67294),i={icon:{tag:"svg",attrs:{viewBox:"64 64 896 896",focusable:"false"},children:[{tag:"defs",attrs:{},children:[{tag:"style",attrs:{}}]},{tag:"path",attrs:{d:"M931.4 498.9L94.9 79.5c-3.4-1.7-7.3-2.1-11-1.2a15.99 15.99 0 00-11.7 19.3l86.2 352.2c1.3 5.3 5.2 9.6 10.4 11.3l147.7 50.7-147.6 50.7c-5.2 1.8-9.1 6-10.3 11.3L72.2 926.5c-.9 3.7-.5 7.6 1.2 10.9 3.9 7.9 13.5 11.1 21.5 7.2l836.5-417c3.1-1.5 5.6-4.1 7.2-7.1 3.9-8 .7-17.6-7.2-21.6zM170.8 826.3l50.3-205.6 295.2-101.3c2.3-.8 4.2-2.6 5-5 1.4-4.2-.8-8.7-5-10.2L221.1 403 171 198.2l628 314.9-628.2 313.2z"}}]},name:"send",theme:"outlined"},a=n(84089),l=o.forwardRef(function(e,t){return o.createElement(a.Z,(0,r.Z)({},e,{ref:t,icon:i}))})},58299:function(e,t,n){n.d(t,{Z:function(){return V}});var r=n(87462),o=n(67294),i={icon:{tag:"svg",attrs:{viewBox:"64 64 896 896",focusable:"false"},children:[{tag:"path",attrs:{d:"M859.9 168H164.1c-4.5 0-8.1 3.6-8.1 8v60c0 4.4 3.6 8 8.1 8h695.8c4.5 0 8.1-3.6 8.1-8v-60c0-4.4-3.6-8-8.1-8zM518.3 355a8 8 0 00-12.6 0l-112 141.7a7.98 7.98 0 006.3 12.9h73.9V848c0 4.4 3.6 8 8 8h60c4.4 0 8-3.6 8-8V509.7H624c6.7 0 10.4-7.7 6.3-12.9L518.3 355z"}}]},name:"vertical-align-top",theme:"outlined"},a=n(84089),l=o.forwardRef(function(e,t){return o.createElement(a.Z,(0,r.Z)({},e,{ref:t,icon:i}))}),c=n(94184),s=n.n(c),d=n(82225),m=n(98423),p=n(40411),u=n(53124),g=n(83062),f={icon:{tag:"svg",attrs:{viewBox:"64 64 896 896",focusable:"false"},children:[{tag:"path",attrs:{d:"M854.6 288.6L639.4 73.4c-6-6-14.1-9.4-22.6-9.4H192c-17.7 0-32 14.3-32 32v832c0 17.7 14.3 32 32 32h640c17.7 0 32-14.3 32-32V311.3c0-8.5-3.4-16.7-9.4-22.7zM790.2 326H602V137.8L790.2 326zm1.8 562H232V136h302v216a42 42 0 0042 42h216v494zM504 618H320c-4.4 0-8 3.6-8 8v48c0 4.4 3.6 8 8 8h184c4.4 0 8-3.6 8-8v-48c0-4.4-3.6-8-8-8zM312 490v48c0 4.4 3.6 8 8 8h384c4.4 0 8-3.6 8-8v-48c0-4.4-3.6-8-8-8H320c-4.4 0-8 3.6-8 8z"}}]},name:"file-text",theme:"outlined"},$=o.forwardRef(function(e,t){return o.createElement(a.Z,(0,r.Z)({},e,{ref:t,icon:f}))}),b=(0,o.memo)(e=>{let{icon:t,description:n,prefixCls:r,className:i}=e,a=o.createElement("div",{className:`${r}-icon`},o.createElement($,null));return o.createElement("div",{onClick:e.onClick,onFocus:e.onFocus,onMouseEnter:e.onMouseEnter,onMouseLeave:e.onMouseLeave,className:s()(i,`${r}-content`)},t||n?o.createElement(o.Fragment,null,t&&o.createElement("div",{className:`${r}-icon`},t),n&&o.createElement("div",{className:`${r}-description`},n)):a)});let h=o.createContext(void 0),{Provider:y}=h;var v=n(23183),x=n(14747),E=n(16932),S=n(93590),O=n(67968),w=n(45503),C=e=>0===e?0:e-Math.sqrt(Math.pow(e,2)/2);let k=e=>{let{componentCls:t,floatButtonSize:n,motionDurationSlow:r,motionEaseInOutCirc:o}=e,i=`${t}-group`,a=new v.E4("antFloatButtonMoveDownIn",{"0%":{transform:`translate3d(0, ${n}px, 0)`,transformOrigin:"0 0",opacity:0},"100%":{transform:"translate3d(0, 0, 0)",transformOrigin:"0 0",opacity:1}}),l=new v.E4("antFloatButtonMoveDownOut",{"0%":{transform:"translate3d(0, 0, 0)",transformOrigin:"0 0",opacity:1},"100%":{transform:`translate3d(0, ${n}px, 0)`,transformOrigin:"0 0",opacity:0}});return[{[`${i}-wrap`]:Object.assign({},(0,S.R)(`${i}-wrap`,a,l,r,!0))},{[`${i}-wrap`]:{[` - &${i}-wrap-enter, - &${i}-wrap-appear - `]:{opacity:0,animationTimingFunction:o},[`&${i}-wrap-leave`]:{animationTimingFunction:o}}}]},B=e=>{let{antCls:t,componentCls:n,floatButtonSize:r,margin:o,borderRadiusLG:i,borderRadiusSM:a,badgeOffset:l,floatButtonBodyPadding:c}=e,s=`${n}-group`;return{[s]:Object.assign(Object.assign({},(0,x.Wf)(e)),{zIndex:99,display:"block",border:"none",position:"fixed",width:r,height:"auto",boxShadow:"none",minHeight:r,insetInlineEnd:e.floatButtonInsetInlineEnd,insetBlockEnd:e.floatButtonInsetBlockEnd,borderRadius:i,[`${s}-wrap`]:{zIndex:-1,display:"block",position:"relative",marginBottom:o},[`&${s}-rtl`]:{direction:"rtl"},[n]:{position:"static"}}),[`${s}-circle`]:{[`${n}-circle:not(:last-child)`]:{marginBottom:e.margin,[`${n}-body`]:{width:r,height:r,borderRadius:"50%"}}},[`${s}-square`]:{[`${n}-square`]:{borderRadius:0,padding:0,"&:first-child":{borderStartStartRadius:i,borderStartEndRadius:i},"&:last-child":{borderEndStartRadius:i,borderEndEndRadius:i},"&:not(:last-child)":{borderBottom:`${e.lineWidth}px ${e.lineType} ${e.colorSplit}`},[`${t}-badge`]:{[`${t}-badge-count`]:{top:-(c+l),insetInlineEnd:-(c+l)}}},[`${s}-wrap`]:{display:"block",borderRadius:i,boxShadow:e.boxShadowSecondary,[`${n}-square`]:{boxShadow:"none",marginTop:0,borderRadius:0,padding:c,"&:first-child":{borderStartStartRadius:i,borderStartEndRadius:i},"&:last-child":{borderEndStartRadius:i,borderEndEndRadius:i},"&:not(:last-child)":{borderBottom:`${e.lineWidth}px ${e.lineType} ${e.colorSplit}`},[`${n}-body`]:{width:e.floatButtonBodySize,height:e.floatButtonBodySize}}}},[`${s}-circle-shadow`]:{boxShadow:"none"},[`${s}-square-shadow`]:{boxShadow:e.boxShadowSecondary,[`${n}-square`]:{boxShadow:"none",padding:c,[`${n}-body`]:{width:e.floatButtonBodySize,height:e.floatButtonBodySize,borderRadius:a}}}}},j=e=>{let{antCls:t,componentCls:n,floatButtonBodyPadding:r,floatButtonIconSize:o,floatButtonSize:i,borderRadiusLG:a,badgeOffset:l,dotOffsetInSquare:c,dotOffsetInCircle:s}=e;return{[n]:Object.assign(Object.assign({},(0,x.Wf)(e)),{border:"none",position:"fixed",cursor:"pointer",zIndex:99,width:i,height:i,insetInlineEnd:e.floatButtonInsetInlineEnd,insetBlockEnd:e.floatButtonInsetBlockEnd,boxShadow:e.boxShadowSecondary,"&-pure":{position:"relative",inset:"auto"},"&:empty":{display:"none"},[`${t}-badge`]:{width:"100%",height:"100%",[`${t}-badge-count`]:{transform:"translate(0, 0)",transformOrigin:"center",top:-l,insetInlineEnd:-l}},[`${n}-body`]:{width:"100%",height:"100%",display:"flex",justifyContent:"center",alignItems:"center",transition:`all ${e.motionDurationMid}`,[`${n}-content`]:{overflow:"hidden",textAlign:"center",minHeight:i,display:"flex",flexDirection:"column",justifyContent:"center",alignItems:"center",padding:`${r/2}px ${r}px`,[`${n}-icon`]:{textAlign:"center",margin:"auto",width:o,fontSize:o,lineHeight:1}}}}),[`${n}-rtl`]:{direction:"rtl"},[`${n}-circle`]:{height:i,borderRadius:"50%",[`${t}-badge`]:{[`${t}-badge-dot`]:{top:s,insetInlineEnd:s}},[`${n}-body`]:{borderRadius:"50%"}},[`${n}-square`]:{height:"auto",minHeight:i,borderRadius:a,[`${t}-badge`]:{[`${t}-badge-dot`]:{top:c,insetInlineEnd:c}},[`${n}-body`]:{height:"auto",borderRadius:a}},[`${n}-default`]:{backgroundColor:e.floatButtonBackgroundColor,transition:`background-color ${e.motionDurationMid}`,[`${n}-body`]:{backgroundColor:e.floatButtonBackgroundColor,transition:`background-color ${e.motionDurationMid}`,"&:hover":{backgroundColor:e.colorFillContent},[`${n}-content`]:{[`${n}-icon`]:{color:e.colorText},[`${n}-description`]:{display:"flex",alignItems:"center",lineHeight:`${e.fontSizeLG}px`,color:e.colorText,fontSize:e.fontSizeSM}}}},[`${n}-primary`]:{backgroundColor:e.colorPrimary,[`${n}-body`]:{backgroundColor:e.colorPrimary,transition:`background-color ${e.motionDurationMid}`,"&:hover":{backgroundColor:e.colorPrimaryHover},[`${n}-content`]:{[`${n}-icon`]:{color:e.colorTextLightSolid},[`${n}-description`]:{display:"flex",alignItems:"center",lineHeight:`${e.fontSizeLG}px`,color:e.colorTextLightSolid,fontSize:e.fontSizeSM}}}}}};var z=(0,O.Z)("FloatButton",e=>{let{colorTextLightSolid:t,colorBgElevated:n,controlHeightLG:r,marginXXL:o,marginLG:i,fontSize:a,fontSizeIcon:l,controlItemBgHover:c,paddingXXS:s,borderRadiusLG:d}=e,m=(0,w.TS)(e,{floatButtonBackgroundColor:n,floatButtonColor:t,floatButtonHoverBackgroundColor:c,floatButtonFontSize:a,floatButtonIconSize:1.5*l,floatButtonSize:r,floatButtonInsetBlockEnd:o,floatButtonInsetInlineEnd:i,floatButtonBodySize:r-2*s,floatButtonBodyPadding:s,badgeOffset:1.5*s,dotOffsetInCircle:C(r/2),dotOffsetInSquare:C(d)});return[B(m),j(m),(0,E.J$)(e),k(m)]}),N=function(e,t){var n={};for(var r in e)Object.prototype.hasOwnProperty.call(e,r)&&0>t.indexOf(r)&&(n[r]=e[r]);if(null!=e&&"function"==typeof Object.getOwnPropertySymbols)for(var o=0,r=Object.getOwnPropertySymbols(e);ot.indexOf(r[o])&&Object.prototype.propertyIsEnumerable.call(e,r[o])&&(n[r[o]]=e[r[o]]);return n};let I="float-btn",P=o.forwardRef((e,t)=>{let{prefixCls:n,className:r,rootClassName:i,type:a="default",shape:l="circle",icon:c,description:d,tooltip:f,badge:$={}}=e,y=N(e,["prefixCls","className","rootClassName","type","shape","icon","description","tooltip","badge"]),{getPrefixCls:v,direction:x}=(0,o.useContext)(u.E_),E=(0,o.useContext)(h),S=v(I,n),[O,w]=z(S),C=s()(w,S,r,i,`${S}-${a}`,`${S}-${E||l}`,{[`${S}-rtl`]:"rtl"===x}),k=(0,o.useMemo)(()=>(0,m.Z)($,["title","children","status","text"]),[$]),B=(0,o.useMemo)(()=>({prefixCls:S,description:d,icon:c,type:a}),[S,d,c,a]),j=o.createElement("div",{className:`${S}-body`},o.createElement(b,Object.assign({},B)));return"badge"in e&&(j=o.createElement(p.Z,Object.assign({},k),j)),"tooltip"in e&&(j=o.createElement(g.Z,{title:f,placement:"rtl"===x?"right":"left"},j)),O(e.href?o.createElement("a",Object.assign({ref:t},y,{className:C}),j):o.createElement("button",Object.assign({ref:t},y,{className:C,type:"button"}),j))});var M=n(66367),Z=n(58375),H=n(74902),L=n(75164),R=function(e){let t;let n=n=>()=>{t=null,e.apply(void 0,(0,H.Z)(n))},r=function(){if(null==t){for(var e=arguments.length,r=Array(e),o=0;o{L.Z.cancel(t),t=null},r},W=function(e,t){var n={};for(var r in e)Object.prototype.hasOwnProperty.call(e,r)&&0>t.indexOf(r)&&(n[r]=e[r]);if(null!=e&&"function"==typeof Object.getOwnPropertySymbols)for(var o=0,r=Object.getOwnPropertySymbols(e);ot.indexOf(r[o])&&Object.prototype.propertyIsEnumerable.call(e,r[o])&&(n[r[o]]=e[r[o]]);return n},T=(0,o.memo)(e=>{let{prefixCls:t,className:n,type:r="default",shape:i="circle",visibilityHeight:a=400,icon:c=o.createElement(l,null),target:m,onClick:p,duration:g=450}=e,f=W(e,["prefixCls","className","type","shape","visibilityHeight","icon","target","onClick","duration"]),[$,b]=(0,o.useState)(0===a),y=(0,o.useRef)(null),v=()=>y.current&&y.current.ownerDocument?y.current.ownerDocument:window,x=R(e=>{let t=(0,M.Z)(e.target,!0);b(t>=a)});(0,o.useEffect)(()=>{let e=m||v,t=e();return x({target:t}),null==t||t.addEventListener("scroll",x),()=>{x.cancel(),null==t||t.removeEventListener("scroll",x)}},[m]);let E=e=>{(0,Z.Z)(0,{getContainer:m||v,duration:g}),null==p||p(e)},{getPrefixCls:S}=(0,o.useContext)(u.E_),O=S(I,t),w=S(),[C]=z(O),k=(0,o.useContext)(h),B=Object.assign({prefixCls:O,icon:c,type:r,shape:k||i},f);return C(o.createElement(d.ZP,{visible:$,motionName:`${w}-fade`},e=>{let{className:t}=e;return o.createElement(P,Object.assign({ref:y},B,{onClick:E,className:s()(n,t)}))}))}),_=n(97937),F=n(21770),D=function(e,t){var n={};for(var r in e)Object.prototype.hasOwnProperty.call(e,r)&&0>t.indexOf(r)&&(n[r]=e[r]);if(null!=e&&"function"==typeof Object.getOwnPropertySymbols)for(var o=0,r=Object.getOwnPropertySymbols(e);ot.indexOf(r[o])&&Object.prototype.propertyIsEnumerable.call(e,r[o])&&(n[r[o]]=e[r[o]]);return n},A=(0,o.memo)(e=>{let{prefixCls:t,className:n,style:r,shape:i="circle",type:a="default",icon:l=o.createElement($,null),closeIcon:c=o.createElement(_.Z,null),description:m,trigger:p,children:g,onOpenChange:f,open:b}=e,h=D(e,["prefixCls","className","style","shape","type","icon","closeIcon","description","trigger","children","onOpenChange","open"]),{direction:v,getPrefixCls:x}=(0,o.useContext)(u.E_),E=x(I,t),[S,O]=z(E),w=`${E}-group`,C=s()(w,O,n,{[`${w}-rtl`]:"rtl"===v,[`${w}-${i}`]:i,[`${w}-${i}-shadow`]:!p}),k=s()(O,`${w}-wrap`),[B,j]=(0,F.Z)(!1,{value:b}),N=(0,o.useRef)(null),M=(0,o.useRef)(null),Z=(0,o.useMemo)(()=>"hover"===p?{onMouseEnter(){j(!0),null==f||f(!0)},onMouseLeave(){j(!1),null==f||f(!1)}}:{},[p]),H=()=>{j(e=>(null==f||f(!e),!e))},L=(0,o.useCallback)(e=>{var t,n;if(null===(t=N.current)||void 0===t?void 0:t.contains(e.target)){(null===(n=M.current)||void 0===n?void 0:n.contains(e.target))&&H();return}j(!1),null==f||f(!1)},[p]);return(0,o.useEffect)(()=>{if("click"===p)return document.addEventListener("click",L),()=>{document.removeEventListener("click",L)}},[p]),S(o.createElement(y,{value:i},o.createElement("div",Object.assign({ref:N,className:C,style:r},Z),p&&["click","hover"].includes(p)?o.createElement(o.Fragment,null,o.createElement(d.ZP,{visible:B,motionName:`${w}-wrap`},e=>{let{className:t}=e;return o.createElement("div",{className:s()(t,k)},g)}),o.createElement(P,Object.assign({ref:M,type:a,shape:i,icon:B?c:l,description:m,"aria-label":e["aria-label"]},h))):g)))}),G=function(e,t){var n={};for(var r in e)Object.prototype.hasOwnProperty.call(e,r)&&0>t.indexOf(r)&&(n[r]=e[r]);if(null!=e&&"function"==typeof Object.getOwnPropertySymbols)for(var o=0,r=Object.getOwnPropertySymbols(e);ot.indexOf(r[o])&&Object.prototype.propertyIsEnumerable.call(e,r[o])&&(n[r[o]]=e[r[o]]);return n};let q=e=>{var{backTop:t}=e,n=G(e,["backTop"]);return t?o.createElement(T,Object.assign({},n,{visibilityHeight:0})):o.createElement(P,Object.assign({},n))};P.BackTop=T,P.Group=A,P._InternalPanelDoNotUseOrYouWillBeFired=e=>{var{className:t,items:n}=e,r=G(e,["className","items"]);let{prefixCls:i}=r,{getPrefixCls:a}=o.useContext(u.E_),l=a(I,i),c=`${l}-pure`;return n?o.createElement(A,Object.assign({className:s()(t,c)},r),n.map((e,t)=>o.createElement(q,Object.assign({key:t},e)))):o.createElement(q,Object.assign({className:s()(t,c)},r))};var V=P},2487:function(e,t,n){n.d(t,{Z:function(){return j}});var r=n(74902),o=n(94184),i=n.n(o),a=n(67294),l=n(38780),c=n(74443),s=n(53124),d=n(88258),m=n(92820),p=n(25378),u=n(81647),g=n(75081),f=n(96159),$=n(21584);let b=a.createContext({});b.Consumer;var h=function(e,t){var n={};for(var r in e)Object.prototype.hasOwnProperty.call(e,r)&&0>t.indexOf(r)&&(n[r]=e[r]);if(null!=e&&"function"==typeof Object.getOwnPropertySymbols)for(var o=0,r=Object.getOwnPropertySymbols(e);ot.indexOf(r[o])&&Object.prototype.propertyIsEnumerable.call(e,r[o])&&(n[r[o]]=e[r[o]]);return n};let y=(0,a.forwardRef)((e,t)=>{let n;var{prefixCls:r,children:o,actions:l,extra:c,className:d,colStyle:m}=e,p=h(e,["prefixCls","children","actions","extra","className","colStyle"]);let{grid:u,itemLayout:g}=(0,a.useContext)(b),{getPrefixCls:y}=(0,a.useContext)(s.E_),v=y("list",r),x=l&&l.length>0&&a.createElement("ul",{className:`${v}-item-action`,key:"actions"},l.map((e,t)=>a.createElement("li",{key:`${v}-item-action-${t}`},e,t!==l.length-1&&a.createElement("em",{className:`${v}-item-action-split`})))),E=u?"div":"li",S=a.createElement(E,Object.assign({},p,u?{}:{ref:t},{className:i()(`${v}-item`,{[`${v}-item-no-flex`]:!("vertical"===g?!!c:(a.Children.forEach(o,e=>{"string"==typeof e&&(n=!0)}),!(n&&a.Children.count(o)>1)))},d)}),"vertical"===g&&c?[a.createElement("div",{className:`${v}-item-main`,key:"content"},o,x),a.createElement("div",{className:`${v}-item-extra`,key:"extra"},c)]:[o,x,(0,f.Tm)(c,{key:"extra"})]);return u?a.createElement($.Z,{ref:t,flex:1,style:m},S):S});y.Meta=e=>{var{prefixCls:t,className:n,avatar:r,title:o,description:l}=e,c=h(e,["prefixCls","className","avatar","title","description"]);let{getPrefixCls:d}=(0,a.useContext)(s.E_),m=d("list",t),p=i()(`${m}-item-meta`,n),u=a.createElement("div",{className:`${m}-item-meta-content`},o&&a.createElement("h4",{className:`${m}-item-meta-title`},o),l&&a.createElement("div",{className:`${m}-item-meta-description`},l));return a.createElement("div",Object.assign({},c,{className:p}),r&&a.createElement("div",{className:`${m}-item-meta-avatar`},r),(o||l)&&u)};var v=n(14747),x=n(67968),E=n(45503);let S=e=>{let{listBorderedCls:t,componentCls:n,paddingLG:r,margin:o,itemPaddingSM:i,itemPaddingLG:a,marginLG:l,borderRadiusLG:c}=e;return{[`${t}`]:{border:`${e.lineWidth}px ${e.lineType} ${e.colorBorder}`,borderRadius:c,[`${n}-header,${n}-footer,${n}-item`]:{paddingInline:r},[`${n}-pagination`]:{margin:`${o}px ${l}px`}},[`${t}${n}-sm`]:{[`${n}-item,${n}-header,${n}-footer`]:{padding:i}},[`${t}${n}-lg`]:{[`${n}-item,${n}-header,${n}-footer`]:{padding:a}}}},O=e=>{let{componentCls:t,screenSM:n,screenMD:r,marginLG:o,marginSM:i,margin:a}=e;return{[`@media screen and (max-width:${r})`]:{[`${t}`]:{[`${t}-item`]:{[`${t}-item-action`]:{marginInlineStart:o}}},[`${t}-vertical`]:{[`${t}-item`]:{[`${t}-item-extra`]:{marginInlineStart:o}}}},[`@media screen and (max-width: ${n})`]:{[`${t}`]:{[`${t}-item`]:{flexWrap:"wrap",[`${t}-action`]:{marginInlineStart:i}}},[`${t}-vertical`]:{[`${t}-item`]:{flexWrap:"wrap-reverse",[`${t}-item-main`]:{minWidth:e.contentWidth},[`${t}-item-extra`]:{margin:`auto auto ${a}px`}}}}}},w=e=>{let{componentCls:t,antCls:n,controlHeight:r,minHeight:o,paddingSM:i,marginLG:a,padding:l,itemPadding:c,colorPrimary:s,itemPaddingSM:d,itemPaddingLG:m,paddingXS:p,margin:u,colorText:g,colorTextDescription:f,motionDurationSlow:$,lineWidth:b,headerBg:h,footerBg:y,emptyTextPadding:x,metaMarginBottom:E,avatarMarginRight:S,titleMarginBottom:O,descriptionFontSize:w}=e,C={};return["start","center","end"].forEach(e=>{C[`&-align-${e}`]={textAlign:e}}),{[`${t}`]:Object.assign(Object.assign({},(0,v.Wf)(e)),{position:"relative","*":{outline:"none"},[`${t}-header`]:{background:h},[`${t}-footer`]:{background:y},[`${t}-header, ${t}-footer`]:{paddingBlock:i},[`${t}-pagination`]:Object.assign(Object.assign({marginBlockStart:a},C),{[`${n}-pagination-options`]:{textAlign:"start"}}),[`${t}-spin`]:{minHeight:o,textAlign:"center"},[`${t}-items`]:{margin:0,padding:0,listStyle:"none"},[`${t}-item`]:{display:"flex",alignItems:"center",justifyContent:"space-between",padding:c,color:g,[`${t}-item-meta`]:{display:"flex",flex:1,alignItems:"flex-start",maxWidth:"100%",[`${t}-item-meta-avatar`]:{marginInlineEnd:S},[`${t}-item-meta-content`]:{flex:"1 0",width:0,color:g},[`${t}-item-meta-title`]:{margin:`0 0 ${e.marginXXS}px 0`,color:g,fontSize:e.fontSize,lineHeight:e.lineHeight,"> a":{color:g,transition:`all ${$}`,"&:hover":{color:s}}},[`${t}-item-meta-description`]:{color:f,fontSize:w,lineHeight:e.lineHeight}},[`${t}-item-action`]:{flex:"0 0 auto",marginInlineStart:e.marginXXL,padding:0,fontSize:0,listStyle:"none","& > li":{position:"relative",display:"inline-block",padding:`0 ${p}px`,color:f,fontSize:e.fontSize,lineHeight:e.lineHeight,textAlign:"center","&:first-child":{paddingInlineStart:0}},[`${t}-item-action-split`]:{position:"absolute",insetBlockStart:"50%",insetInlineEnd:0,width:b,height:Math.ceil(e.fontSize*e.lineHeight)-2*e.marginXXS,transform:"translateY(-50%)",backgroundColor:e.colorSplit}}},[`${t}-empty`]:{padding:`${l}px 0`,color:f,fontSize:e.fontSizeSM,textAlign:"center"},[`${t}-empty-text`]:{padding:x,color:e.colorTextDisabled,fontSize:e.fontSize,textAlign:"center"},[`${t}-item-no-flex`]:{display:"block"}}),[`${t}-grid ${n}-col > ${t}-item`]:{display:"block",maxWidth:"100%",marginBlockEnd:u,paddingBlock:0,borderBlockEnd:"none"},[`${t}-vertical ${t}-item`]:{alignItems:"initial",[`${t}-item-main`]:{display:"block",flex:1},[`${t}-item-extra`]:{marginInlineStart:a},[`${t}-item-meta`]:{marginBlockEnd:E,[`${t}-item-meta-title`]:{marginBlockStart:0,marginBlockEnd:O,color:g,fontSize:e.fontSizeLG,lineHeight:e.lineHeightLG}},[`${t}-item-action`]:{marginBlockStart:l,marginInlineStart:"auto","> li":{padding:`0 ${l}px`,"&:first-child":{paddingInlineStart:0}}}},[`${t}-split ${t}-item`]:{borderBlockEnd:`${e.lineWidth}px ${e.lineType} ${e.colorSplit}`,"&:last-child":{borderBlockEnd:"none"}},[`${t}-split ${t}-header`]:{borderBlockEnd:`${e.lineWidth}px ${e.lineType} ${e.colorSplit}`},[`${t}-split${t}-empty ${t}-footer`]:{borderTop:`${e.lineWidth}px ${e.lineType} ${e.colorSplit}`},[`${t}-loading ${t}-spin-nested-loading`]:{minHeight:r},[`${t}-split${t}-something-after-last-item ${n}-spin-container > ${t}-items > ${t}-item:last-child`]:{borderBlockEnd:`${e.lineWidth}px ${e.lineType} ${e.colorSplit}`},[`${t}-lg ${t}-item`]:{padding:m},[`${t}-sm ${t}-item`]:{padding:d},[`${t}:not(${t}-vertical)`]:{[`${t}-item-no-flex`]:{[`${t}-item-action`]:{float:"right"}}}}};var C=(0,x.Z)("List",e=>{let t=(0,E.TS)(e,{listBorderedCls:`${e.componentCls}-bordered`,minHeight:e.controlHeightLG});return[w(t),S(t),O(t)]},e=>({contentWidth:220,itemPadding:`${e.paddingContentVertical}px 0`,itemPaddingSM:`${e.paddingContentVerticalSM}px ${e.paddingContentHorizontal}px`,itemPaddingLG:`${e.paddingContentVerticalLG}px ${e.paddingContentHorizontalLG}px`,headerBg:"transparent",footerBg:"transparent",emptyTextPadding:e.padding,metaMarginBottom:e.padding,avatarMarginRight:e.padding,titleMarginBottom:e.paddingSM,descriptionFontSize:e.fontSize})),k=function(e,t){var n={};for(var r in e)Object.prototype.hasOwnProperty.call(e,r)&&0>t.indexOf(r)&&(n[r]=e[r]);if(null!=e&&"function"==typeof Object.getOwnPropertySymbols)for(var o=0,r=Object.getOwnPropertySymbols(e);ot.indexOf(r[o])&&Object.prototype.propertyIsEnumerable.call(e,r[o])&&(n[r[o]]=e[r[o]]);return n};function B(e){var t,{pagination:n=!1,prefixCls:o,bordered:f=!1,split:$=!0,className:h,rootClassName:y,style:v,children:x,itemLayout:E,loadMore:S,grid:O,dataSource:w=[],size:B,header:j,footer:z,loading:N=!1,rowKey:I,renderItem:P,locale:M}=e,Z=k(e,["pagination","prefixCls","bordered","split","className","rootClassName","style","children","itemLayout","loadMore","grid","dataSource","size","header","footer","loading","rowKey","renderItem","locale"]);let H=n&&"object"==typeof n?n:{},[L,R]=a.useState(H.defaultCurrent||1),[W,T]=a.useState(H.defaultPageSize||10),{getPrefixCls:_,renderEmpty:F,direction:D,list:A}=a.useContext(s.E_),G=e=>(t,r)=>{var o;R(t),T(r),n&&n[e]&&(null===(o=null==n?void 0:n[e])||void 0===o||o.call(n,t,r))},q=G("onChange"),V=G("onShowSizeChange"),X=(e,t)=>{let n;return P?((n="function"==typeof I?I(e):I?e[I]:e.key)||(n=`list-item-${t}`),a.createElement(a.Fragment,{key:n},P(e,t))):null},Y=_("list",o),[J,U]=C(Y),K=N;"boolean"==typeof K&&(K={spinning:K});let Q=K&&K.spinning,ee="";switch(B){case"large":ee="lg";break;case"small":ee="sm"}let et=i()(Y,{[`${Y}-vertical`]:"vertical"===E,[`${Y}-${ee}`]:ee,[`${Y}-split`]:$,[`${Y}-bordered`]:f,[`${Y}-loading`]:Q,[`${Y}-grid`]:!!O,[`${Y}-something-after-last-item`]:!!(S||n||z),[`${Y}-rtl`]:"rtl"===D},null==A?void 0:A.className,h,y,U),en=(0,l.Z)({current:1,total:0},{total:w.length,current:L,pageSize:W},n||{}),er=Math.ceil(en.total/en.pageSize);en.current>er&&(en.current=er);let eo=n?a.createElement("div",{className:i()(`${Y}-pagination`,`${Y}-pagination-align-${null!==(t=null==en?void 0:en.align)&&void 0!==t?t:"end"}`)},a.createElement(u.Z,Object.assign({},en,{onChange:q,onShowSizeChange:V}))):null,ei=(0,r.Z)(w);n&&w.length>(en.current-1)*en.pageSize&&(ei=(0,r.Z)(w).splice((en.current-1)*en.pageSize,en.pageSize));let ea=Object.keys(O||{}).some(e=>["xs","sm","md","lg","xl","xxl"].includes(e)),el=(0,p.Z)(ea),ec=a.useMemo(()=>{for(let e=0;e{if(!O)return;let e=ec&&O[ec]?O[ec]:O.column;if(e)return{width:`${100/e}%`,maxWidth:`${100/e}%`}},[null==O?void 0:O.column,ec]),ed=Q&&a.createElement("div",{style:{minHeight:53}});if(ei.length>0){let e=ei.map((e,t)=>X(e,t));ed=O?a.createElement(m.Z,{gutter:O.gutter},a.Children.map(e,e=>a.createElement("div",{key:null==e?void 0:e.key,style:es},e))):a.createElement("ul",{className:`${Y}-items`},e)}else x||Q||(ed=a.createElement("div",{className:`${Y}-empty-text`},M&&M.emptyText||(null==F?void 0:F("List"))||a.createElement(d.Z,{componentName:"List"})));let em=en.position||"bottom",ep=a.useMemo(()=>({grid:O,itemLayout:E}),[JSON.stringify(O),E]);return J(a.createElement(b.Provider,{value:ep},a.createElement("div",Object.assign({style:Object.assign(Object.assign({},null==A?void 0:A.style),v),className:et},Z),("top"===em||"both"===em)&&eo,j&&a.createElement("div",{className:`${Y}-header`},j),a.createElement(g.Z,Object.assign({},K),ed,x),z&&a.createElement("div",{className:`${Y}-footer`},z),S||("bottom"===em||"both"===em)&&eo)))}B.Item=y;var j=B},74627:function(e,t,n){n.d(t,{Z:function(){return k}});var r=n(94184),o=n.n(r),i=n(67294);let a=e=>e?"function"==typeof e?e():e:null;var l=n(33603),c=n(53124),s=n(83062),d=n(92419),m=n(14747),p=n(50438),u=n(77786),g=n(8796),f=n(67968),$=n(45503);let b=e=>{let{componentCls:t,popoverColor:n,minWidth:r,fontWeightStrong:o,popoverPadding:i,boxShadowSecondary:a,colorTextHeading:l,borderRadiusLG:c,zIndexPopup:s,marginXS:d,colorBgElevated:p,popoverBg:g}=e;return[{[t]:Object.assign(Object.assign({},(0,m.Wf)(e)),{position:"absolute",top:0,left:{_skip_check_:!0,value:0},zIndex:s,fontWeight:"normal",whiteSpace:"normal",textAlign:"start",cursor:"auto",userSelect:"text",transformOrigin:"var(--arrow-x, 50%) var(--arrow-y, 50%)","--antd-arrow-background-color":p,"&-rtl":{direction:"rtl"},"&-hidden":{display:"none"},[`${t}-content`]:{position:"relative"},[`${t}-inner`]:{backgroundColor:g,backgroundClip:"padding-box",borderRadius:c,boxShadow:a,padding:i},[`${t}-title`]:{minWidth:r,marginBottom:d,color:l,fontWeight:o},[`${t}-inner-content`]:{color:n}})},(0,u.ZP)(e,{colorBg:"var(--antd-arrow-background-color)"}),{[`${t}-pure`]:{position:"relative",maxWidth:"none",margin:e.sizePopupArrow,display:"inline-block",[`${t}-content`]:{display:"inline-block"}}}]},h=e=>{let{componentCls:t}=e;return{[t]:g.i.map(n=>{let r=e[`${n}6`];return{[`&${t}-${n}`]:{"--antd-arrow-background-color":r,[`${t}-inner`]:{backgroundColor:r},[`${t}-arrow`]:{background:"transparent"}}}})}},y=e=>{let{componentCls:t,lineWidth:n,lineType:r,colorSplit:o,paddingSM:i,controlHeight:a,fontSize:l,lineHeight:c,padding:s}=e,d=a-Math.round(l*c);return{[t]:{[`${t}-inner`]:{padding:0},[`${t}-title`]:{margin:0,padding:`${d/2}px ${s}px ${d/2-n}px`,borderBottom:`${n}px ${r} ${o}`},[`${t}-inner-content`]:{padding:`${i}px ${s}px`}}}};var v=(0,f.Z)("Popover",e=>{let{colorBgElevated:t,colorText:n,wireframe:r}=e,o=(0,$.TS)(e,{popoverPadding:12,popoverBg:t,popoverColor:n});return[b(o),h(o),r&&y(o),(0,p._y)(o,"zoom-big")]},e=>({width:177,minWidth:177,zIndexPopup:e.zIndexPopupBase+30}),{deprecatedTokens:[["width","minWidth"]]}),x=function(e,t){var n={};for(var r in e)Object.prototype.hasOwnProperty.call(e,r)&&0>t.indexOf(r)&&(n[r]=e[r]);if(null!=e&&"function"==typeof Object.getOwnPropertySymbols)for(var o=0,r=Object.getOwnPropertySymbols(e);ot.indexOf(r[o])&&Object.prototype.propertyIsEnumerable.call(e,r[o])&&(n[r[o]]=e[r[o]]);return n};let E=(e,t,n)=>{if(t||n)return i.createElement(i.Fragment,null,t&&i.createElement("div",{className:`${e}-title`},a(t)),i.createElement("div",{className:`${e}-inner-content`},a(n)))},S=e=>{let{hashId:t,prefixCls:n,className:r,style:a,placement:l="top",title:c,content:s,children:m}=e;return i.createElement("div",{className:o()(t,n,`${n}-pure`,`${n}-placement-${l}`,r),style:a},i.createElement("div",{className:`${n}-arrow`}),i.createElement(d.G,Object.assign({},e,{className:t,prefixCls:n}),m||E(n,c,s)))};var O=function(e,t){var n={};for(var r in e)Object.prototype.hasOwnProperty.call(e,r)&&0>t.indexOf(r)&&(n[r]=e[r]);if(null!=e&&"function"==typeof Object.getOwnPropertySymbols)for(var o=0,r=Object.getOwnPropertySymbols(e);ot.indexOf(r[o])&&Object.prototype.propertyIsEnumerable.call(e,r[o])&&(n[r[o]]=e[r[o]]);return n};let w=e=>{let{title:t,content:n,prefixCls:r}=e;return i.createElement(i.Fragment,null,t&&i.createElement("div",{className:`${r}-title`},a(t)),i.createElement("div",{className:`${r}-inner-content`},a(n)))},C=i.forwardRef((e,t)=>{let{prefixCls:n,title:r,content:a,overlayClassName:d,placement:m="top",trigger:p="hover",mouseEnterDelay:u=.1,mouseLeaveDelay:g=.1,overlayStyle:f={}}=e,$=O(e,["prefixCls","title","content","overlayClassName","placement","trigger","mouseEnterDelay","mouseLeaveDelay","overlayStyle"]),{getPrefixCls:b}=i.useContext(c.E_),h=b("popover",n),[y,x]=v(h),E=b(),S=o()(d,x);return y(i.createElement(s.Z,Object.assign({placement:m,trigger:p,mouseEnterDelay:u,mouseLeaveDelay:g,overlayStyle:f},$,{prefixCls:h,overlayClassName:S,ref:t,overlay:r||a?i.createElement(w,{prefixCls:h,title:r,content:a}):null,transitionName:(0,l.m)(E,"zoom-big",$.transitionName),"data-popover-inject":!0})))});C._InternalPanelDoNotUseOrYouWillBeFired=e=>{let{prefixCls:t}=e,n=x(e,["prefixCls"]),{getPrefixCls:r}=i.useContext(c.E_),o=r("popover",t),[a,l]=v(o);return a(i.createElement(S,Object.assign({},n,{prefixCls:o,hashId:l})))};var k=C}}]); \ No newline at end of file diff --git a/pilot/server/static/_next/static/chunks/551-266086fbfa0925ec.js b/pilot/server/static/_next/static/chunks/551-266086fbfa0925ec.js new file mode 100644 index 000000000..96e76b8c8 --- /dev/null +++ b/pilot/server/static/_next/static/chunks/551-266086fbfa0925ec.js @@ -0,0 +1 @@ +"use strict";(self.webpackChunk_N_E=self.webpackChunk_N_E||[]).push([[551],{6321:function(t,e,i){i.d(e,{Z:function(){return c}});var n=i(87462),r=i(67294),o={icon:{tag:"svg",attrs:{viewBox:"64 64 896 896",focusable:"false"},children:[{tag:"path",attrs:{d:"M512 244c176.18 0 319 142.82 319 319v233a32 32 0 01-32 32H225a32 32 0 01-32-32V563c0-176.18 142.82-319 319-319zM484 68h56a8 8 0 018 8v96a8 8 0 01-8 8h-56a8 8 0 01-8-8V76a8 8 0 018-8zM177.25 191.66a8 8 0 0111.32 0l67.88 67.88a8 8 0 010 11.31l-39.6 39.6a8 8 0 01-11.31 0l-67.88-67.88a8 8 0 010-11.31l39.6-39.6zm669.6 0l39.6 39.6a8 8 0 010 11.3l-67.88 67.9a8 8 0 01-11.32 0l-39.6-39.6a8 8 0 010-11.32l67.89-67.88a8 8 0 0111.31 0zM192 892h640a32 32 0 0132 32v24a8 8 0 01-8 8H168a8 8 0 01-8-8v-24a32 32 0 0132-32zm148-317v253h64V575h-64z"}}]},name:"alert",theme:"filled"},a=i(84089),c=r.forwardRef(function(t,e){return r.createElement(a.Z,(0,n.Z)({},t,{ref:e,icon:o}))})},90389:function(t,e,i){i.d(e,{Z:function(){return c}});var n=i(87462),r=i(67294),o={icon:{tag:"svg",attrs:{viewBox:"64 64 896 896",focusable:"false"},children:[{tag:"path",attrs:{d:"M832 64H192c-17.7 0-32 14.3-32 32v832c0 17.7 14.3 32 32 32h640c17.7 0 32-14.3 32-32V96c0-17.7-14.3-32-32-32zm-260 72h96v209.9L621.5 312 572 347.4V136zm220 752H232V136h280v296.9c0 3.3 1 6.6 3 9.3a15.9 15.9 0 0022.3 3.7l83.8-59.9 81.4 59.4c2.7 2 6 3.1 9.4 3.1 8.8 0 16-7.2 16-16V136h64v752z"}}]},name:"book",theme:"outlined"},a=i(84089),c=r.forwardRef(function(t,e){return r.createElement(a.Z,(0,n.Z)({},t,{ref:e,icon:o}))})},27704:function(t,e,i){i.d(e,{Z:function(){return c}});var n=i(87462),r=i(67294),o={icon:{tag:"svg",attrs:{viewBox:"64 64 896 896",focusable:"false"},children:[{tag:"path",attrs:{d:"M864 256H736v-80c0-35.3-28.7-64-64-64H352c-35.3 0-64 28.7-64 64v80H160c-17.7 0-32 14.3-32 32v32c0 4.4 3.6 8 8 8h60.4l24.7 523c1.6 34.1 29.8 61 63.9 61h454c34.2 0 62.3-26.8 63.9-61l24.7-523H888c4.4 0 8-3.6 8-8v-32c0-17.7-14.3-32-32-32zm-200 0H360v-72h304v72z"}}]},name:"delete",theme:"filled"},a=i(84089),c=r.forwardRef(function(t,e){return r.createElement(a.Z,(0,n.Z)({},t,{ref:e,icon:o}))})},31484:function(t,e,i){i.d(e,{Z:function(){return c}});var n=i(87462),r=i(67294),o={icon:function(t,e){return{tag:"svg",attrs:{viewBox:"64 64 896 896",focusable:"false"},children:[{tag:"path",attrs:{d:"M292.7 840h438.6l24.2-512h-487z",fill:e}},{tag:"path",attrs:{d:"M864 256H736v-80c0-35.3-28.7-64-64-64H352c-35.3 0-64 28.7-64 64v80H160c-17.7 0-32 14.3-32 32v32c0 4.4 3.6 8 8 8h60.4l24.7 523c1.6 34.1 29.8 61 63.9 61h454c34.2 0 62.3-26.8 63.9-61l24.7-523H888c4.4 0 8-3.6 8-8v-32c0-17.7-14.3-32-32-32zm-504-72h304v72H360v-72zm371.3 656H292.7l-24.2-512h487l-24.2 512z",fill:t}}]}},name:"delete",theme:"twotone"},a=i(84089),c=r.forwardRef(function(t,e){return r.createElement(a.Z,(0,n.Z)({},t,{ref:e,icon:o}))})},31326:function(t,e,i){i.d(e,{Z:function(){return c}});var n=i(87462),r=i(67294),o={icon:{tag:"svg",attrs:{viewBox:"64 64 896 896",focusable:"false"},children:[{tag:"path",attrs:{d:"M396 512a112 112 0 10224 0 112 112 0 10-224 0zm546.2-25.8C847.4 286.5 704.1 186 512 186c-192.2 0-335.4 100.5-430.2 300.3a60.3 60.3 0 000 51.5C176.6 737.5 319.9 838 512 838c192.2 0 335.4-100.5 430.2-300.3 7.7-16.2 7.7-35 0-51.5zM508 688c-97.2 0-176-78.8-176-176s78.8-176 176-176 176 78.8 176 176-78.8 176-176 176z"}}]},name:"eye",theme:"filled"},a=i(84089),c=r.forwardRef(function(t,e){return r.createElement(a.Z,(0,n.Z)({},t,{ref:e,icon:o}))})},31545:function(t,e,i){i.d(e,{Z:function(){return c}});var n=i(87462),r=i(67294),o={icon:{tag:"svg",attrs:{viewBox:"64 64 896 896",focusable:"false"},children:[{tag:"path",attrs:{d:"M688 312v-48c0-4.4-3.6-8-8-8H296c-4.4 0-8 3.6-8 8v48c0 4.4 3.6 8 8 8h384c4.4 0 8-3.6 8-8zm-392 88c-4.4 0-8 3.6-8 8v48c0 4.4 3.6 8 8 8h184c4.4 0 8-3.6 8-8v-48c0-4.4-3.6-8-8-8H296zm144 452H208V148h560v344c0 4.4 3.6 8 8 8h56c4.4 0 8-3.6 8-8V108c0-17.7-14.3-32-32-32H168c-17.7 0-32 14.3-32 32v784c0 17.7 14.3 32 32 32h272c4.4 0 8-3.6 8-8v-56c0-4.4-3.6-8-8-8zm445.7 51.5l-93.3-93.3C814.7 780.7 828 743.9 828 704c0-97.2-78.8-176-176-176s-176 78.8-176 176 78.8 176 176 176c35.8 0 69-10.7 96.8-29l94.7 94.7c1.6 1.6 3.6 2.3 5.6 2.3s4.1-.8 5.6-2.3l31-31a7.9 7.9 0 000-11.2zM652 816c-61.9 0-112-50.1-112-112s50.1-112 112-112 112 50.1 112 112-50.1 112-112 112z"}}]},name:"file-search",theme:"outlined"},a=i(84089),c=r.forwardRef(function(t,e){return r.createElement(a.Z,(0,n.Z)({},t,{ref:e,icon:o}))})},27595:function(t,e,i){i.d(e,{Z:function(){return c}});var n=i(87462),r=i(67294),o={icon:{tag:"svg",attrs:{viewBox:"64 64 896 896",focusable:"false"},children:[{tag:"path",attrs:{d:"M854.6 288.7c6 6 9.4 14.1 9.4 22.6V928c0 17.7-14.3 32-32 32H192c-17.7 0-32-14.3-32-32V96c0-17.7 14.3-32 32-32h424.7c8.5 0 16.7 3.4 22.7 9.4l215.2 215.3zM790.2 326L602 137.8V326h188.2zM320 482a8 8 0 00-8 8v48a8 8 0 008 8h384a8 8 0 008-8v-48a8 8 0 00-8-8H320zm0 136a8 8 0 00-8 8v48a8 8 0 008 8h184a8 8 0 008-8v-48a8 8 0 00-8-8H320z"}}]},name:"file-text",theme:"filled"},a=i(84089),c=r.forwardRef(function(t,e){return r.createElement(a.Z,(0,n.Z)({},t,{ref:e,icon:o}))})},27329:function(t,e,i){i.d(e,{Z:function(){return c}});var n=i(87462),r=i(67294),o={icon:function(t,e){return{tag:"svg",attrs:{viewBox:"64 64 896 896",focusable:"false"},children:[{tag:"path",attrs:{d:"M534 352V136H232v752h560V394H576a42 42 0 01-42-42zm101.3 129.3c1.3-5.4 6.1-9.3 11.7-9.3h35.6a12.04 12.04 0 0111.6 15.1l-74.4 276c-1.4 5.3-6.2 8.9-11.6 8.9h-31.8c-5.4 0-10.2-3.7-11.6-8.9l-52.8-197-52.8 197c-1.4 5.3-6.2 8.9-11.6 8.9h-32c-5.4 0-10.2-3.7-11.6-8.9l-74.2-276a12.02 12.02 0 0111.6-15.1h35.4c5.6 0 10.4 3.9 11.7 9.3L434.6 680l49.7-198.9c1.3-5.4 6.1-9.1 11.6-9.1h32.2c5.5 0 10.3 3.7 11.6 9.1l49.8 199.3 45.8-199.1z",fill:e}},{tag:"path",attrs:{d:"M854.6 288.6L639.4 73.4c-6-6-14.1-9.4-22.6-9.4H192c-17.7 0-32 14.3-32 32v832c0 17.7 14.3 32 32 32h640c17.7 0 32-14.3 32-32V311.3c0-8.5-3.4-16.7-9.4-22.7zM602 137.8L790.2 326H602V137.8zM792 888H232V136h302v216a42 42 0 0042 42h216v494z",fill:t}},{tag:"path",attrs:{d:"M528.1 472h-32.2c-5.5 0-10.3 3.7-11.6 9.1L434.6 680l-46.1-198.7c-1.3-5.4-6.1-9.3-11.7-9.3h-35.4a12.02 12.02 0 00-11.6 15.1l74.2 276c1.4 5.2 6.2 8.9 11.6 8.9h32c5.4 0 10.2-3.6 11.6-8.9l52.8-197 52.8 197c1.4 5.2 6.2 8.9 11.6 8.9h31.8c5.4 0 10.2-3.6 11.6-8.9l74.4-276a12.04 12.04 0 00-11.6-15.1H647c-5.6 0-10.4 3.9-11.7 9.3l-45.8 199.1-49.8-199.3c-1.3-5.4-6.1-9.1-11.6-9.1z",fill:t}}]}},name:"file-word",theme:"twotone"},a=i(84089),c=r.forwardRef(function(t,e){return r.createElement(a.Z,(0,n.Z)({},t,{ref:e,icon:o}))})},68346:function(t,e,i){i.d(e,{Z:function(){return c}});var n=i(87462),r=i(67294),o={icon:{tag:"svg",attrs:{viewBox:"64 64 896 896",focusable:"false"},children:[{tag:"path",attrs:{d:"M693.6 284.4c-24 0-51.1 11.7-72.6 22 46.3 18 86 57.3 112.3 99.6 7.1-18.9 14.6-47.9 14.6-67.9 0-32-22.8-53.7-54.3-53.7zM512 64C264.6 64 64 264.6 64 512s200.6 448 448 448 448-200.6 448-448S759.4 64 512 64zm253.9 492.9H437.1c0 100.4 144.3 136 196.8 47.4h120.8c-32.6 91.7-119.7 146-216.8 146-35.1 0-70.3-.1-101.7-15.6-87.4 44.5-180.3 56.6-180.3-42 0-45.8 23.2-107.1 44-145C335 484 381.3 422.8 435.6 374.5c-43.7 18.9-91.1 66.3-122 101.2 25.9-112.8 129.5-193.6 237.1-186.5 130-59.8 209.7-34.1 209.7 38.6 0 27.4-10.6 63.3-21.4 87.9 25.2 45.5 33.3 97.6 26.9 141.2zM540.5 399.1c-53.7 0-102 39.7-104 94.9h208c-2-55.1-50.6-94.9-104-94.9zM320.6 602.9c-73 152.4 11.5 172.2 100.3 123.3-46.6-27.5-82.6-72.2-100.3-123.3z"}}]},name:"ie-circle",theme:"filled"},a=i(84089),c=r.forwardRef(function(t,e){return r.createElement(a.Z,(0,n.Z)({},t,{ref:e,icon:o}))})},64082:function(t,e,i){i.d(e,{Z:function(){return c}});var n=i(87462),r=i(67294),o={icon:{tag:"svg",attrs:{viewBox:"0 0 1024 1024",focusable:"false"},children:[{tag:"path",attrs:{d:"M885.2 446.3l-.2-.8-112.2-285.1c-5-16.1-19.9-27.2-36.8-27.2H281.2c-17 0-32.1 11.3-36.9 27.6L139.4 443l-.3.7-.2.8c-1.3 4.9-1.7 9.9-1 14.8-.1 1.6-.2 3.2-.2 4.8V830a60.9 60.9 0 0060.8 60.8h627.2c33.5 0 60.8-27.3 60.9-60.8V464.1c0-1.3 0-2.6-.1-3.7.4-4.9 0-9.6-1.3-14.1zm-295.8-43l-.3 15.7c-.8 44.9-31.8 75.1-77.1 75.1-22.1 0-41.1-7.1-54.8-20.6S436 441.2 435.6 419l-.3-15.7H229.5L309 210h399.2l81.7 193.3H589.4zm-375 76.8h157.3c24.3 57.1 76 90.8 140.4 90.8 33.7 0 65-9.4 90.3-27.2 22.2-15.6 39.5-37.4 50.7-63.6h156.5V814H214.4V480.1z"}}]},name:"inbox",theme:"outlined"},a=i(84089),c=r.forwardRef(function(t,e){return r.createElement(a.Z,(0,n.Z)({},t,{ref:e,icon:o}))})},88008:function(t,e,i){i.d(e,{Z:function(){return c}});var n=i(87462),r=i(67294),o={icon:{tag:"svg",attrs:{viewBox:"64 64 896 896",focusable:"false"},children:[{tag:"path",attrs:{d:"M880 112H144c-17.7 0-32 14.3-32 32v736c0 17.7 14.3 32 32 32h736c17.7 0 32-14.3 32-32V144c0-17.7-14.3-32-32-32zM726 585.7c0 55.3-44.7 100.1-99.7 100.1H420.6v53.4c0 5.7-6.5 8.8-10.9 5.3l-109.1-85.7c-3.5-2.7-3.5-8 0-10.7l109.1-85.7c4.4-3.5 10.9-.3 10.9 5.3v53.4h205.7c19.6 0 35.5-16 35.5-35.6v-78.9c0-3.7 3-6.8 6.8-6.8h50.7c3.7 0 6.8 3 6.8 6.8v79.1zm-2.6-209.9l-109.1 85.7c-4.4 3.5-10.9.3-10.9-5.3v-53.4H397.7c-19.6 0-35.5 16-35.5 35.6v78.9c0 3.7-3 6.8-6.8 6.8h-50.7c-3.7 0-6.8-3-6.8-6.8v-78.9c0-55.3 44.7-100.1 99.7-100.1h205.7v-53.4c0-5.7 6.5-8.8 10.9-5.3l109.1 85.7c3.6 2.5 3.6 7.8.1 10.5z"}}]},name:"interaction",theme:"filled"},a=i(84089),c=r.forwardRef(function(t,e){return r.createElement(a.Z,(0,n.Z)({},t,{ref:e,icon:o}))})},78346:function(t,e,i){i.d(e,{Z:function(){return c}});var n=i(87462),r=i(67294),o={icon:function(t,e){return{tag:"svg",attrs:{viewBox:"64 64 896 896",focusable:"false"},children:[{tag:"path",attrs:{d:"M775.3 248.9a369.62 369.62 0 00-119-80A370.2 370.2 0 00512.1 140h-1.7c-99.7.4-193 39.4-262.8 109.9-69.9 70.5-108 164.1-107.6 263.8.3 60.3 15.3 120.2 43.5 173.1l4.5 8.4V836h140.8l8.4 4.5c52.9 28.2 112.8 43.2 173.1 43.5h1.7c99 0 192-38.2 262.1-107.6 70.4-69.8 109.5-163.1 110.1-262.7.2-50.6-9.5-99.6-28.9-145.8a370.15 370.15 0 00-80-119zM312 560a48.01 48.01 0 010-96 48.01 48.01 0 010 96zm200 0a48.01 48.01 0 010-96 48.01 48.01 0 010 96zm200 0a48.01 48.01 0 010-96 48.01 48.01 0 010 96z",fill:e}},{tag:"path",attrs:{d:"M664 512a48 48 0 1096 0 48 48 0 10-96 0zm-400 0a48 48 0 1096 0 48 48 0 10-96 0z",fill:t}},{tag:"path",attrs:{d:"M925.2 338.4c-22.6-53.7-55-101.9-96.3-143.3a444.35 444.35 0 00-143.3-96.3C630.6 75.7 572.2 64 512 64h-2c-60.6.3-119.3 12.3-174.5 35.9a445.35 445.35 0 00-142 96.5c-40.9 41.3-73 89.3-95.2 142.8-23 55.4-34.6 114.3-34.3 174.9A449.4 449.4 0 00112 714v152a46 46 0 0046 46h152.1A449.4 449.4 0 00510 960h2.1c59.9 0 118-11.6 172.7-34.3a444.48 444.48 0 00142.8-95.2c41.3-40.9 73.8-88.7 96.5-142 23.6-55.2 35.6-113.9 35.9-174.5.3-60.9-11.5-120-34.8-175.6zm-151.1 438C704 845.8 611 884 512 884h-1.7c-60.3-.3-120.2-15.3-173.1-43.5l-8.4-4.5H188V695.2l-4.5-8.4C155.3 633.9 140.3 574 140 513.7c-.4-99.7 37.7-193.3 107.6-263.8 69.8-70.5 163.1-109.5 262.8-109.9h1.7c50 0 98.5 9.7 144.2 28.9 44.6 18.7 84.6 45.6 119 80 34.3 34.3 61.3 74.4 80 119 19.4 46.2 29.1 95.2 28.9 145.8-.6 99.6-39.7 192.9-110.1 262.7z",fill:t}},{tag:"path",attrs:{d:"M464 512a48 48 0 1096 0 48 48 0 10-96 0z",fill:t}}]}},name:"message",theme:"twotone"},a=i(84089),c=r.forwardRef(function(t,e){return r.createElement(a.Z,(0,n.Z)({},t,{ref:e,icon:o}))})},18754:function(t,e,i){i.d(e,{Z:function(){return c}});var n=i(87462),r=i(67294),o={icon:{tag:"svg",attrs:{viewBox:"64 64 896 896",focusable:"false"},children:[{tag:"path",attrs:{d:"M865.3 244.7c-.3-.3-61.1 59.8-182.1 180.6l-84.9-84.9 180.9-180.9c-95.2-57.3-217.5-42.6-296.8 36.7A244.42 244.42 0 00419 432l1.8 6.7-283.5 283.4c-6.2 6.2-6.2 16.4 0 22.6l141.4 141.4c6.2 6.2 16.4 6.2 22.6 0l283.3-283.3 6.7 1.8c83.7 22.3 173.6-.9 236-63.3 79.4-79.3 94.1-201.6 38-296.6z"}}]},name:"tool",theme:"filled"},a=i(84089),c=r.forwardRef(function(t,e){return r.createElement(a.Z,(0,n.Z)({},t,{ref:e,icon:o}))})},28058:function(t,e,i){i.d(e,{Z:function(){return c}});var n=i(87462),r=i(67294),o={icon:{tag:"svg",attrs:{viewBox:"64 64 896 896",focusable:"false"},children:[{tag:"path",attrs:{d:"M464 720a48 48 0 1096 0 48 48 0 10-96 0zm16-304v184c0 4.4 3.6 8 8 8h48c4.4 0 8-3.6 8-8V416c0-4.4-3.6-8-8-8h-48c-4.4 0-8 3.6-8 8zm475.7 440l-416-720c-6.2-10.7-16.9-16-27.7-16s-21.6 5.3-27.7 16l-416 720C56 877.4 71.4 904 96 904h832c24.6 0 40-26.6 27.7-48zm-783.5-27.9L512 239.9l339.8 588.2H172.2z"}}]},name:"warning",theme:"outlined"},a=i(84089),c=r.forwardRef(function(t,e){return r.createElement(a.Z,(0,n.Z)({},t,{ref:e,icon:o}))})},15746:function(t,e,i){var n=i(21584);e.Z=n.Z},96074:function(t,e,i){i.d(e,{Z:function(){return m}});var n=i(94184),r=i.n(n),o=i(67294),a=i(53124),c=i(14747),l=i(67968),s=i(45503);let d=t=>{let{componentCls:e,sizePaddingEdgeHorizontal:i,colorSplit:n,lineWidth:r}=t;return{[e]:Object.assign(Object.assign({},(0,c.Wf)(t)),{borderBlockStart:`${r}px solid ${n}`,"&-vertical":{position:"relative",top:"-0.06em",display:"inline-block",height:"0.9em",margin:`0 ${t.dividerVerticalGutterMargin}px`,verticalAlign:"middle",borderTop:0,borderInlineStart:`${r}px solid ${n}`},"&-horizontal":{display:"flex",clear:"both",width:"100%",minWidth:"100%",margin:`${t.dividerHorizontalGutterMargin}px 0`},[`&-horizontal${e}-with-text`]:{display:"flex",alignItems:"center",margin:`${t.dividerHorizontalWithTextGutterMargin}px 0`,color:t.colorTextHeading,fontWeight:500,fontSize:t.fontSizeLG,whiteSpace:"nowrap",textAlign:"center",borderBlockStart:`0 ${n}`,"&::before, &::after":{position:"relative",width:"50%",borderBlockStart:`${r}px solid transparent`,borderBlockStartColor:"inherit",borderBlockEnd:0,transform:"translateY(50%)",content:"''"}},[`&-horizontal${e}-with-text-left`]:{"&::before":{width:"5%"},"&::after":{width:"95%"}},[`&-horizontal${e}-with-text-right`]:{"&::before":{width:"95%"},"&::after":{width:"5%"}},[`${e}-inner-text`]:{display:"inline-block",padding:"0 1em"},"&-dashed":{background:"none",borderColor:n,borderStyle:"dashed",borderWidth:`${r}px 0 0`},[`&-horizontal${e}-with-text${e}-dashed`]:{"&::before, &::after":{borderStyle:"dashed none none"}},[`&-vertical${e}-dashed`]:{borderInlineStartWidth:r,borderInlineEnd:0,borderBlockStart:0,borderBlockEnd:0},[`&-plain${e}-with-text`]:{color:t.colorText,fontWeight:"normal",fontSize:t.fontSize},[`&-horizontal${e}-with-text-left${e}-no-default-orientation-margin-left`]:{"&::before":{width:0},"&::after":{width:"100%"},[`${e}-inner-text`]:{paddingInlineStart:i}},[`&-horizontal${e}-with-text-right${e}-no-default-orientation-margin-right`]:{"&::before":{width:"100%"},"&::after":{width:0},[`${e}-inner-text`]:{paddingInlineEnd:i}}})}};var h=(0,l.Z)("Divider",t=>{let e=(0,s.TS)(t,{dividerVerticalGutterMargin:t.marginXS,dividerHorizontalWithTextGutterMargin:t.margin,dividerHorizontalGutterMargin:t.marginLG});return[d(e)]},{sizePaddingEdgeHorizontal:0}),g=function(t,e){var i={};for(var n in t)Object.prototype.hasOwnProperty.call(t,n)&&0>e.indexOf(n)&&(i[n]=t[n]);if(null!=t&&"function"==typeof Object.getOwnPropertySymbols)for(var r=0,n=Object.getOwnPropertySymbols(t);re.indexOf(n[r])&&Object.prototype.propertyIsEnumerable.call(t,n[r])&&(i[n[r]]=t[n[r]]);return i},m=t=>{let{getPrefixCls:e,direction:i,divider:n}=o.useContext(a.E_),{prefixCls:c,type:l="horizontal",orientation:s="center",orientationMargin:d,className:m,rootClassName:p,children:u,dashed:$,plain:f,style:b}=t,v=g(t,["prefixCls","type","orientation","orientationMargin","className","rootClassName","children","dashed","plain","style"]),S=e("divider",c),[w,x]=h(S),I=s.length>0?`-${s}`:s,y=!!u,z="left"===s&&null!=d,C="right"===s&&null!=d,M=r()(S,null==n?void 0:n.className,x,`${S}-${l}`,{[`${S}-with-text`]:y,[`${S}-with-text${I}`]:y,[`${S}-dashed`]:!!$,[`${S}-plain`]:!!f,[`${S}-rtl`]:"rtl"===i,[`${S}-no-default-orientation-margin-left`]:z,[`${S}-no-default-orientation-margin-right`]:C},m,p),k=o.useMemo(()=>"number"==typeof d?d:/^\d+$/.test(d)?Number(d):d,[d]),E=Object.assign(Object.assign({},z&&{marginLeft:k}),C&&{marginRight:k});return w(o.createElement("div",Object.assign({className:M,style:Object.assign(Object.assign({},null==n?void 0:n.style),b)},v,{role:"separator"}),u&&"vertical"!==l&&o.createElement("span",{className:`${S}-inner-text`,style:E},u)))}},25378:function(t,e,i){var n=i(67294),r=i(8410),o=i(57838),a=i(74443);e.Z=function(){let t=!(arguments.length>0)||void 0===arguments[0]||arguments[0],e=(0,n.useRef)({}),i=(0,o.Z)(),c=(0,a.Z)();return(0,r.Z)(()=>{let n=c.subscribe(n=>{e.current=n,t&&i()});return()=>c.unsubscribe(n)},[]),e.current}},74627:function(t,e,i){i.d(e,{Z:function(){return M}});var n=i(94184),r=i.n(n),o=i(67294);let a=t=>t?"function"==typeof t?t():t:null;var c=i(33603),l=i(53124),s=i(83062),d=i(92419),h=i(14747),g=i(50438),m=i(77786),p=i(8796),u=i(67968),$=i(45503);let f=t=>{let{componentCls:e,popoverColor:i,minWidth:n,fontWeightStrong:r,popoverPadding:o,boxShadowSecondary:a,colorTextHeading:c,borderRadiusLG:l,zIndexPopup:s,marginXS:d,colorBgElevated:g,popoverBg:p}=t;return[{[e]:Object.assign(Object.assign({},(0,h.Wf)(t)),{position:"absolute",top:0,left:{_skip_check_:!0,value:0},zIndex:s,fontWeight:"normal",whiteSpace:"normal",textAlign:"start",cursor:"auto",userSelect:"text",transformOrigin:"var(--arrow-x, 50%) var(--arrow-y, 50%)","--antd-arrow-background-color":g,"&-rtl":{direction:"rtl"},"&-hidden":{display:"none"},[`${e}-content`]:{position:"relative"},[`${e}-inner`]:{backgroundColor:p,backgroundClip:"padding-box",borderRadius:l,boxShadow:a,padding:o},[`${e}-title`]:{minWidth:n,marginBottom:d,color:c,fontWeight:r},[`${e}-inner-content`]:{color:i}})},(0,m.ZP)(t,{colorBg:"var(--antd-arrow-background-color)"}),{[`${e}-pure`]:{position:"relative",maxWidth:"none",margin:t.sizePopupArrow,display:"inline-block",[`${e}-content`]:{display:"inline-block"}}}]},b=t=>{let{componentCls:e}=t;return{[e]:p.i.map(i=>{let n=t[`${i}6`];return{[`&${e}-${i}`]:{"--antd-arrow-background-color":n,[`${e}-inner`]:{backgroundColor:n},[`${e}-arrow`]:{background:"transparent"}}}})}},v=t=>{let{componentCls:e,lineWidth:i,lineType:n,colorSplit:r,paddingSM:o,controlHeight:a,fontSize:c,lineHeight:l,padding:s}=t,d=a-Math.round(c*l);return{[e]:{[`${e}-inner`]:{padding:0},[`${e}-title`]:{margin:0,padding:`${d/2}px ${s}px ${d/2-i}px`,borderBottom:`${i}px ${n} ${r}`},[`${e}-inner-content`]:{padding:`${o}px ${s}px`}}}};var S=(0,u.Z)("Popover",t=>{let{colorBgElevated:e,colorText:i,wireframe:n}=t,r=(0,$.TS)(t,{popoverPadding:12,popoverBg:e,popoverColor:i});return[f(r),b(r),n&&v(r),(0,g._y)(r,"zoom-big")]},t=>({width:177,minWidth:177,zIndexPopup:t.zIndexPopupBase+30}),{deprecatedTokens:[["width","minWidth"]]}),w=function(t,e){var i={};for(var n in t)Object.prototype.hasOwnProperty.call(t,n)&&0>e.indexOf(n)&&(i[n]=t[n]);if(null!=t&&"function"==typeof Object.getOwnPropertySymbols)for(var r=0,n=Object.getOwnPropertySymbols(t);re.indexOf(n[r])&&Object.prototype.propertyIsEnumerable.call(t,n[r])&&(i[n[r]]=t[n[r]]);return i};let x=(t,e,i)=>{if(e||i)return o.createElement(o.Fragment,null,e&&o.createElement("div",{className:`${t}-title`},a(e)),o.createElement("div",{className:`${t}-inner-content`},a(i)))},I=t=>{let{hashId:e,prefixCls:i,className:n,style:a,placement:c="top",title:l,content:s,children:h}=t;return o.createElement("div",{className:r()(e,i,`${i}-pure`,`${i}-placement-${c}`,n),style:a},o.createElement("div",{className:`${i}-arrow`}),o.createElement(d.G,Object.assign({},t,{className:e,prefixCls:i}),h||x(i,l,s)))};var y=function(t,e){var i={};for(var n in t)Object.prototype.hasOwnProperty.call(t,n)&&0>e.indexOf(n)&&(i[n]=t[n]);if(null!=t&&"function"==typeof Object.getOwnPropertySymbols)for(var r=0,n=Object.getOwnPropertySymbols(t);re.indexOf(n[r])&&Object.prototype.propertyIsEnumerable.call(t,n[r])&&(i[n[r]]=t[n[r]]);return i};let z=t=>{let{title:e,content:i,prefixCls:n}=t;return o.createElement(o.Fragment,null,e&&o.createElement("div",{className:`${n}-title`},a(e)),o.createElement("div",{className:`${n}-inner-content`},a(i)))},C=o.forwardRef((t,e)=>{let{prefixCls:i,title:n,content:a,overlayClassName:d,placement:h="top",trigger:g="hover",mouseEnterDelay:m=.1,mouseLeaveDelay:p=.1,overlayStyle:u={}}=t,$=y(t,["prefixCls","title","content","overlayClassName","placement","trigger","mouseEnterDelay","mouseLeaveDelay","overlayStyle"]),{getPrefixCls:f}=o.useContext(l.E_),b=f("popover",i),[v,w]=S(b),x=f(),I=r()(d,w);return v(o.createElement(s.Z,Object.assign({placement:h,trigger:g,mouseEnterDelay:m,mouseLeaveDelay:p,overlayStyle:u},$,{prefixCls:b,overlayClassName:I,ref:e,overlay:n||a?o.createElement(z,{prefixCls:b,title:n,content:a}):null,transitionName:(0,c.m)(x,"zoom-big",$.transitionName),"data-popover-inject":!0})))});C._InternalPanelDoNotUseOrYouWillBeFired=t=>{let{prefixCls:e}=t,i=w(t,["prefixCls"]),{getPrefixCls:n}=o.useContext(l.E_),r=n("popover",e),[a,c]=S(r);return a(o.createElement(I,Object.assign({},i,{prefixCls:r,hashId:c})))};var M=C},71230:function(t,e,i){var n=i(92820);e.Z=n.Z},3363:function(t,e,i){i.d(e,{Z:function(){return G}});var n,r,o=i(63606),a=i(97937),c=i(94184),l=i.n(c),s=i(87462),d=i(1413),h=i(4942),g=i(45987),m=i(67294),p=i(15105),u=["className","prefixCls","style","active","status","iconPrefix","icon","wrapperStyle","stepNumber","disabled","description","title","subTitle","progressDot","stepIcon","tailContent","icons","stepIndex","onStepClick","onClick","render"];function $(t){return"string"==typeof t}var f=function(t){var e,i,n,r,o,a=t.className,c=t.prefixCls,f=t.style,b=t.active,v=t.status,S=t.iconPrefix,w=t.icon,x=(t.wrapperStyle,t.stepNumber),I=t.disabled,y=t.description,z=t.title,C=t.subTitle,M=t.progressDot,k=t.stepIcon,E=t.tailContent,Z=t.icons,H=t.stepIndex,O=t.onStepClick,P=t.onClick,j=t.render,N=(0,g.Z)(t,u),W={};O&&!I&&(W.role="button",W.tabIndex=0,W.onClick=function(t){null==P||P(t),O(H)},W.onKeyDown=function(t){var e=t.which;(e===p.Z.ENTER||e===p.Z.SPACE)&&O(H)});var T=v||"wait",X=l()("".concat(c,"-item"),"".concat(c,"-item-").concat(T),a,(o={},(0,h.Z)(o,"".concat(c,"-item-custom"),w),(0,h.Z)(o,"".concat(c,"-item-active"),b),(0,h.Z)(o,"".concat(c,"-item-disabled"),!0===I),o)),B=(0,d.Z)({},f),D=m.createElement("div",(0,s.Z)({},N,{className:X,style:B}),m.createElement("div",(0,s.Z)({onClick:P},W,{className:"".concat(c,"-item-container")}),m.createElement("div",{className:"".concat(c,"-item-tail")},E),m.createElement("div",{className:"".concat(c,"-item-icon")},(n=l()("".concat(c,"-icon"),"".concat(S,"icon"),(e={},(0,h.Z)(e,"".concat(S,"icon-").concat(w),w&&$(w)),(0,h.Z)(e,"".concat(S,"icon-check"),!w&&"finish"===v&&(Z&&!Z.finish||!Z)),(0,h.Z)(e,"".concat(S,"icon-cross"),!w&&"error"===v&&(Z&&!Z.error||!Z)),e)),r=m.createElement("span",{className:"".concat(c,"-icon-dot")}),i=M?"function"==typeof M?m.createElement("span",{className:"".concat(c,"-icon")},M(r,{index:x-1,status:v,title:z,description:y})):m.createElement("span",{className:"".concat(c,"-icon")},r):w&&!$(w)?m.createElement("span",{className:"".concat(c,"-icon")},w):Z&&Z.finish&&"finish"===v?m.createElement("span",{className:"".concat(c,"-icon")},Z.finish):Z&&Z.error&&"error"===v?m.createElement("span",{className:"".concat(c,"-icon")},Z.error):w||"finish"===v||"error"===v?m.createElement("span",{className:n}):m.createElement("span",{className:"".concat(c,"-icon")},x),k&&(i=k({index:x-1,status:v,title:z,description:y,node:i})),i)),m.createElement("div",{className:"".concat(c,"-item-content")},m.createElement("div",{className:"".concat(c,"-item-title")},z,C&&m.createElement("div",{title:"string"==typeof C?C:void 0,className:"".concat(c,"-item-subtitle")},C)),y&&m.createElement("div",{className:"".concat(c,"-item-description")},y))));return j&&(D=j(D)||null),D},b=["prefixCls","style","className","children","direction","type","labelPlacement","iconPrefix","status","size","current","progressDot","stepIcon","initial","icons","onChange","itemRender","items"];function v(t){var e,i=t.prefixCls,n=void 0===i?"rc-steps":i,r=t.style,o=void 0===r?{}:r,a=t.className,c=(t.children,t.direction),p=t.type,u=void 0===p?"default":p,$=t.labelPlacement,v=t.iconPrefix,S=void 0===v?"rc":v,w=t.status,x=void 0===w?"process":w,I=t.size,y=t.current,z=void 0===y?0:y,C=t.progressDot,M=t.stepIcon,k=t.initial,E=void 0===k?0:k,Z=t.icons,H=t.onChange,O=t.itemRender,P=t.items,j=(0,g.Z)(t,b),N="inline"===u,W=N||void 0!==C&&C,T=N?"horizontal":void 0===c?"horizontal":c,X=N?void 0:I,B=W?"vertical":void 0===$?"horizontal":$,D=l()(n,"".concat(n,"-").concat(T),a,(e={},(0,h.Z)(e,"".concat(n,"-").concat(X),X),(0,h.Z)(e,"".concat(n,"-label-").concat(B),"horizontal"===T),(0,h.Z)(e,"".concat(n,"-dot"),!!W),(0,h.Z)(e,"".concat(n,"-navigation"),"navigation"===u),(0,h.Z)(e,"".concat(n,"-inline"),N),e)),R=function(t){H&&z!==t&&H(t)};return m.createElement("div",(0,s.Z)({className:D,style:o},j),(void 0===P?[]:P).filter(function(t){return t}).map(function(t,e){var i=(0,d.Z)({},t),r=E+e;return"error"===x&&e===z-1&&(i.className="".concat(n,"-next-error")),i.status||(r===z?i.status=x:r{let{componentCls:e,customIconTop:i,customIconSize:n,customIconFontSize:r}=t;return{[`${e}-item-custom`]:{[`> ${e}-item-container > ${e}-item-icon`]:{height:"auto",background:"none",border:0,[`> ${e}-icon`]:{top:i,width:n,height:n,fontSize:r,lineHeight:`${r}px`}}},[`&:not(${e}-vertical)`]:{[`${e}-item-custom`]:{[`${e}-item-icon`]:{width:"auto",background:"none"}}}}},E=t=>{let{componentCls:e,inlineDotSize:i,inlineTitleColor:n,inlineTailColor:r}=t,o=t.paddingXS+t.lineWidth,a={[`${e}-item-container ${e}-item-content ${e}-item-title`]:{color:n}};return{[`&${e}-inline`]:{width:"auto",display:"inline-flex",[`${e}-item`]:{flex:"none","&-container":{padding:`${o}px ${t.paddingXXS}px 0`,margin:`0 ${t.marginXXS/2}px`,borderRadius:t.borderRadiusSM,cursor:"pointer",transition:`background-color ${t.motionDurationMid}`,"&:hover":{background:t.controlItemBgHover},"&[role='button']:hover":{opacity:1}},"&-icon":{width:i,height:i,marginInlineStart:`calc(50% - ${i/2}px)`,[`> ${e}-icon`]:{top:0},[`${e}-icon-dot`]:{borderRadius:t.fontSizeSM/4}},"&-content":{width:"auto",marginTop:t.marginXS-t.lineWidth},"&-title":{color:n,fontSize:t.fontSizeSM,lineHeight:t.lineHeightSM,fontWeight:"normal",marginBottom:t.marginXXS/2},"&-description":{display:"none"},"&-tail":{marginInlineStart:0,top:o+i/2,transform:"translateY(-50%)","&:after":{width:"100%",height:t.lineWidth,borderRadius:0,marginInlineStart:0,background:r}},[`&:first-child ${e}-item-tail`]:{width:"50%",marginInlineStart:"50%"},[`&:last-child ${e}-item-tail`]:{display:"block",width:"50%"},"&-wait":Object.assign({[`${e}-item-icon ${e}-icon ${e}-icon-dot`]:{backgroundColor:t.colorBorderBg,border:`${t.lineWidth}px ${t.lineType} ${r}`}},a),"&-finish":Object.assign({[`${e}-item-tail::after`]:{backgroundColor:r},[`${e}-item-icon ${e}-icon ${e}-icon-dot`]:{backgroundColor:r,border:`${t.lineWidth}px ${t.lineType} ${r}`}},a),"&-error":a,"&-active, &-process":Object.assign({[`${e}-item-icon`]:{width:i,height:i,marginInlineStart:`calc(50% - ${i/2}px)`,top:0}},a),[`&:not(${e}-item-active) > ${e}-item-container[role='button']:hover`]:{[`${e}-item-title`]:{color:n}}}}}},Z=t=>{let{componentCls:e,iconSize:i,lineHeight:n,iconSizeSM:r}=t;return{[`&${e}-label-vertical`]:{[`${e}-item`]:{overflow:"visible","&-tail":{marginInlineStart:i/2+t.controlHeightLG,padding:`${t.paddingXXS}px ${t.paddingLG}px`},"&-content":{display:"block",width:(i/2+t.controlHeightLG)*2,marginTop:t.marginSM,textAlign:"center"},"&-icon":{display:"inline-block",marginInlineStart:t.controlHeightLG},"&-title":{paddingInlineEnd:0,paddingInlineStart:0,"&::after":{display:"none"}},"&-subtitle":{display:"block",marginBottom:t.marginXXS,marginInlineStart:0,lineHeight:n}},[`&${e}-small:not(${e}-dot)`]:{[`${e}-item`]:{"&-icon":{marginInlineStart:t.controlHeightLG+(i-r)/2}}}}}},H=t=>{let{componentCls:e,navContentMaxWidth:i,navArrowColor:n,stepsNavActiveColor:r,motionDurationSlow:o}=t;return{[`&${e}-navigation`]:{paddingTop:t.paddingSM,[`&${e}-small`]:{[`${e}-item`]:{"&-container":{marginInlineStart:-t.marginSM}}},[`${e}-item`]:{overflow:"visible",textAlign:"center","&-container":{display:"inline-block",height:"100%",marginInlineStart:-t.margin,paddingBottom:t.paddingSM,textAlign:"start",transition:`opacity ${o}`,[`${e}-item-content`]:{maxWidth:i},[`${e}-item-title`]:Object.assign(Object.assign({maxWidth:"100%",paddingInlineEnd:0},z.vS),{"&::after":{display:"none"}})},[`&:not(${e}-item-active)`]:{[`${e}-item-container[role='button']`]:{cursor:"pointer","&:hover":{opacity:.85}}},"&:last-child":{flex:1,"&::after":{display:"none"}},"&::after":{position:"absolute",top:`calc(50% - ${t.paddingSM/2}px)`,insetInlineStart:"100%",display:"inline-block",width:t.fontSizeIcon,height:t.fontSizeIcon,borderTop:`${t.lineWidth}px ${t.lineType} ${n}`,borderBottom:"none",borderInlineStart:"none",borderInlineEnd:`${t.lineWidth}px ${t.lineType} ${n}`,transform:"translateY(-50%) translateX(-50%) rotate(45deg)",content:'""'},"&::before":{position:"absolute",bottom:0,insetInlineStart:"50%",display:"inline-block",width:0,height:t.lineWidthBold,backgroundColor:r,transition:`width ${o}, inset-inline-start ${o}`,transitionTimingFunction:"ease-out",content:'""'}},[`${e}-item${e}-item-active::before`]:{insetInlineStart:0,width:"100%"}},[`&${e}-navigation${e}-vertical`]:{[`> ${e}-item`]:{marginInlineEnd:0,"&::before":{display:"none"},[`&${e}-item-active::before`]:{top:0,insetInlineEnd:0,insetInlineStart:"unset",display:"block",width:3*t.lineWidth,height:`calc(100% - ${t.marginLG}px)`},"&::after":{position:"relative",insetInlineStart:"50%",display:"block",width:.25*t.controlHeight,height:.25*t.controlHeight,marginBottom:t.marginXS,textAlign:"center",transform:"translateY(-50%) translateX(-50%) rotate(135deg)"},"&:last-child":{"&::after":{display:"none"}},[`> ${e}-item-container > ${e}-item-tail`]:{visibility:"hidden"}}},[`&${e}-navigation${e}-horizontal`]:{[`> ${e}-item > ${e}-item-container > ${e}-item-tail`]:{visibility:"hidden"}}}},O=t=>{let{antCls:e,componentCls:i}=t;return{[`&${i}-with-progress`]:{[`${i}-item`]:{paddingTop:t.paddingXXS,[`&-process ${i}-item-container ${i}-item-icon ${i}-icon`]:{color:t.processIconColor}},[`&${i}-vertical > ${i}-item `]:{paddingInlineStart:t.paddingXXS,[`> ${i}-item-container > ${i}-item-tail`]:{top:t.marginXXS,insetInlineStart:t.iconSize/2-t.lineWidth+t.paddingXXS}},[`&, &${i}-small`]:{[`&${i}-horizontal ${i}-item:first-child`]:{paddingBottom:t.paddingXXS,paddingInlineStart:t.paddingXXS}},[`&${i}-small${i}-vertical > ${i}-item > ${i}-item-container > ${i}-item-tail`]:{insetInlineStart:t.iconSizeSM/2-t.lineWidth+t.paddingXXS},[`&${i}-label-vertical`]:{[`${i}-item ${i}-item-tail`]:{top:t.margin-2*t.lineWidth}},[`${i}-item-icon`]:{position:"relative",[`${e}-progress`]:{position:"absolute",insetBlockStart:(t.iconSize-t.stepsProgressSize-2*t.lineWidth)/2,insetInlineStart:(t.iconSize-t.stepsProgressSize-2*t.lineWidth)/2}}}}},P=t=>{let{componentCls:e,descriptionMaxWidth:i,lineHeight:n,dotCurrentSize:r,dotSize:o,motionDurationSlow:a}=t;return{[`&${e}-dot, &${e}-dot${e}-small`]:{[`${e}-item`]:{"&-title":{lineHeight:n},"&-tail":{top:Math.floor((t.dotSize-3*t.lineWidth)/2),width:"100%",marginTop:0,marginBottom:0,marginInline:`${i/2}px 0`,padding:0,"&::after":{width:`calc(100% - ${2*t.marginSM}px)`,height:3*t.lineWidth,marginInlineStart:t.marginSM}},"&-icon":{width:o,height:o,marginInlineStart:(t.descriptionMaxWidth-o)/2,paddingInlineEnd:0,lineHeight:`${o}px`,background:"transparent",border:0,[`${e}-icon-dot`]:{position:"relative",float:"left",width:"100%",height:"100%",borderRadius:100,transition:`all ${a}`,"&::after":{position:"absolute",top:-t.marginSM,insetInlineStart:(o-1.5*t.controlHeightLG)/2,width:1.5*t.controlHeightLG,height:t.controlHeight,background:"transparent",content:'""'}}},"&-content":{width:i},[`&-process ${e}-item-icon`]:{position:"relative",top:(o-r)/2,width:r,height:r,lineHeight:`${r}px`,background:"none",marginInlineStart:(t.descriptionMaxWidth-r)/2},[`&-process ${e}-icon`]:{[`&:first-child ${e}-icon-dot`]:{insetInlineStart:0}}}},[`&${e}-vertical${e}-dot`]:{[`${e}-item-icon`]:{marginTop:(t.controlHeight-o)/2,marginInlineStart:0,background:"none"},[`${e}-item-process ${e}-item-icon`]:{marginTop:(t.controlHeight-r)/2,top:0,insetInlineStart:(o-r)/2,marginInlineStart:0},[`${e}-item > ${e}-item-container > ${e}-item-tail`]:{top:(t.controlHeight-o)/2,insetInlineStart:0,margin:0,padding:`${o+t.paddingXS}px 0 ${t.paddingXS}px`,"&::after":{marginInlineStart:(o-t.lineWidth)/2}},[`&${e}-small`]:{[`${e}-item-icon`]:{marginTop:(t.controlHeightSM-o)/2},[`${e}-item-process ${e}-item-icon`]:{marginTop:(t.controlHeightSM-r)/2},[`${e}-item > ${e}-item-container > ${e}-item-tail`]:{top:(t.controlHeightSM-o)/2}},[`${e}-item:first-child ${e}-icon-dot`]:{insetInlineStart:0},[`${e}-item-content`]:{width:"inherit"}}}},j=t=>{let{componentCls:e}=t;return{[`&${e}-rtl`]:{direction:"rtl",[`${e}-item`]:{"&-subtitle":{float:"left"}},[`&${e}-navigation`]:{[`${e}-item::after`]:{transform:"rotate(-45deg)"}},[`&${e}-vertical`]:{[`> ${e}-item`]:{"&::after":{transform:"rotate(225deg)"},[`${e}-item-icon`]:{float:"right"}}},[`&${e}-dot`]:{[`${e}-item-icon ${e}-icon-dot, &${e}-small ${e}-item-icon ${e}-icon-dot`]:{float:"right"}}}}},N=t=>{let{componentCls:e,iconSizeSM:i,fontSizeSM:n,fontSize:r,colorTextDescription:o}=t;return{[`&${e}-small`]:{[`&${e}-horizontal:not(${e}-label-vertical) ${e}-item`]:{paddingInlineStart:t.paddingSM,"&:first-child":{paddingInlineStart:0}},[`${e}-item-icon`]:{width:i,height:i,marginTop:0,marginBottom:0,marginInline:`0 ${t.marginXS}px`,fontSize:n,lineHeight:`${i}px`,textAlign:"center",borderRadius:i},[`${e}-item-title`]:{paddingInlineEnd:t.paddingSM,fontSize:r,lineHeight:`${i}px`,"&::after":{top:i/2}},[`${e}-item-description`]:{color:o,fontSize:r},[`${e}-item-tail`]:{top:i/2-t.paddingXXS},[`${e}-item-custom ${e}-item-icon`]:{width:"inherit",height:"inherit",lineHeight:"inherit",background:"none",border:0,borderRadius:0,[`> ${e}-icon`]:{fontSize:i,lineHeight:`${i}px`,transform:"none"}}}}},W=t=>{let{componentCls:e,iconSizeSM:i,iconSize:n}=t;return{[`&${e}-vertical`]:{display:"flex",flexDirection:"column",[`> ${e}-item`]:{display:"block",flex:"1 0 auto",paddingInlineStart:0,overflow:"visible",[`${e}-item-icon`]:{float:"left",marginInlineEnd:t.margin},[`${e}-item-content`]:{display:"block",minHeight:1.5*t.controlHeight,overflow:"hidden"},[`${e}-item-title`]:{lineHeight:`${n}px`},[`${e}-item-description`]:{paddingBottom:t.paddingSM}},[`> ${e}-item > ${e}-item-container > ${e}-item-tail`]:{position:"absolute",top:0,insetInlineStart:n/2-t.lineWidth,width:t.lineWidth,height:"100%",padding:`${n+1.5*t.marginXXS}px 0 ${1.5*t.marginXXS}px`,"&::after":{width:t.lineWidth,height:"100%"}},[`> ${e}-item:not(:last-child) > ${e}-item-container > ${e}-item-tail`]:{display:"block"},[` > ${e}-item > ${e}-item-container > ${e}-item-content > ${e}-item-title`]:{"&::after":{display:"none"}},[`&${e}-small ${e}-item-container`]:{[`${e}-item-tail`]:{position:"absolute",top:0,insetInlineStart:i/2-t.lineWidth,padding:`${i+1.5*t.marginXXS}px 0 ${1.5*t.marginXXS}px`},[`${e}-item-title`]:{lineHeight:`${i}px`}}}}};(n=r||(r={})).wait="wait",n.process="process",n.finish="finish",n.error="error";let T=(t,e)=>{let i=`${e.componentCls}-item`,n=`${t}IconColor`,r=`${t}TitleColor`,o=`${t}DescriptionColor`,a=`${t}TailColor`,c=`${t}IconBgColor`,l=`${t}IconBorderColor`,s=`${t}DotColor`;return{[`${i}-${t} ${i}-icon`]:{backgroundColor:e[c],borderColor:e[l],[`> ${e.componentCls}-icon`]:{color:e[n],[`${e.componentCls}-icon-dot`]:{background:e[s]}}},[`${i}-${t}${i}-custom ${i}-icon`]:{[`> ${e.componentCls}-icon`]:{color:e[s]}},[`${i}-${t} > ${i}-container > ${i}-content > ${i}-title`]:{color:e[r],"&::after":{backgroundColor:e[a]}},[`${i}-${t} > ${i}-container > ${i}-content > ${i}-description`]:{color:e[o]},[`${i}-${t} > ${i}-container > ${i}-tail::after`]:{backgroundColor:e[a]}}},X=t=>{let{componentCls:e,motionDurationSlow:i}=t,n=`${e}-item`,o=`${n}-icon`;return Object.assign(Object.assign(Object.assign(Object.assign(Object.assign(Object.assign({[n]:{position:"relative",display:"inline-block",flex:1,overflow:"hidden",verticalAlign:"top","&:last-child":{flex:"none",[`> ${n}-container > ${n}-tail, > ${n}-container > ${n}-content > ${n}-title::after`]:{display:"none"}}},[`${n}-container`]:{outline:"none","&:focus-visible":{[o]:Object.assign({},(0,z.oN)(t))}},[`${o}, ${n}-content`]:{display:"inline-block",verticalAlign:"top"},[o]:{width:t.iconSize,height:t.iconSize,marginTop:0,marginBottom:0,marginInlineStart:0,marginInlineEnd:t.marginXS,fontSize:t.iconFontSize,fontFamily:t.fontFamily,lineHeight:`${t.iconSize}px`,textAlign:"center",borderRadius:t.iconSize,border:`${t.lineWidth}px ${t.lineType} transparent`,transition:`background-color ${i}, border-color ${i}`,[`${e}-icon`]:{position:"relative",top:t.iconTop,color:t.colorPrimary,lineHeight:1}},[`${n}-tail`]:{position:"absolute",top:t.iconSize/2-t.paddingXXS,insetInlineStart:0,width:"100%","&::after":{display:"inline-block",width:"100%",height:t.lineWidth,background:t.colorSplit,borderRadius:t.lineWidth,transition:`background ${i}`,content:'""'}},[`${n}-title`]:{position:"relative",display:"inline-block",paddingInlineEnd:t.padding,color:t.colorText,fontSize:t.fontSizeLG,lineHeight:`${t.titleLineHeight}px`,"&::after":{position:"absolute",top:t.titleLineHeight/2,insetInlineStart:"100%",display:"block",width:9999,height:t.lineWidth,background:t.processTailColor,content:'""'}},[`${n}-subtitle`]:{display:"inline",marginInlineStart:t.marginXS,color:t.colorTextDescription,fontWeight:"normal",fontSize:t.fontSize},[`${n}-description`]:{color:t.colorTextDescription,fontSize:t.fontSize}},T(r.wait,t)),T(r.process,t)),{[`${n}-process > ${n}-container > ${n}-title`]:{fontWeight:t.fontWeightStrong}}),T(r.finish,t)),T(r.error,t)),{[`${n}${e}-next-error > ${e}-item-title::after`]:{background:t.colorError},[`${n}-disabled`]:{cursor:"not-allowed"}})},B=t=>{let{componentCls:e,motionDurationSlow:i}=t;return{[`& ${e}-item`]:{[`&:not(${e}-item-active)`]:{[`& > ${e}-item-container[role='button']`]:{cursor:"pointer",[`${e}-item`]:{[`&-title, &-subtitle, &-description, &-icon ${e}-icon`]:{transition:`color ${i}`}},"&:hover":{[`${e}-item`]:{"&-title, &-subtitle, &-description":{color:t.colorPrimary}}}},[`&:not(${e}-item-process)`]:{[`& > ${e}-item-container[role='button']:hover`]:{[`${e}-item`]:{"&-icon":{borderColor:t.colorPrimary,[`${e}-icon`]:{color:t.colorPrimary}}}}}}},[`&${e}-horizontal:not(${e}-label-vertical)`]:{[`${e}-item`]:{paddingInlineStart:t.padding,whiteSpace:"nowrap","&:first-child":{paddingInlineStart:0},[`&:last-child ${e}-item-title`]:{paddingInlineEnd:0},"&-tail":{display:"none"},"&-description":{maxWidth:t.descriptionMaxWidth,whiteSpace:"normal"}}}}},D=t=>{let{componentCls:e}=t;return{[e]:Object.assign(Object.assign(Object.assign(Object.assign(Object.assign(Object.assign(Object.assign(Object.assign(Object.assign(Object.assign(Object.assign(Object.assign(Object.assign({},(0,z.Wf)(t)),{display:"flex",width:"100%",fontSize:0,textAlign:"initial"}),X(t)),B(t)),k(t)),N(t)),W(t)),Z(t)),P(t)),H(t)),j(t)),O(t)),E(t))}};var R=(0,C.Z)("Steps",t=>{let{wireframe:e,colorTextDisabled:i,controlHeightLG:n,colorTextLightSolid:r,colorText:o,colorPrimary:a,colorTextLabel:c,colorTextDescription:l,colorTextQuaternary:s,colorFillContent:d,controlItemBgActive:h,colorError:g,colorBgContainer:m,colorBorderSecondary:p,colorSplit:u}=t,$=(0,M.TS)(t,{processIconColor:r,processTitleColor:o,processDescriptionColor:o,processIconBgColor:a,processIconBorderColor:a,processDotColor:a,processTailColor:u,waitIconColor:e?i:c,waitTitleColor:l,waitDescriptionColor:l,waitTailColor:u,waitIconBgColor:e?m:d,waitIconBorderColor:e?i:"transparent",waitDotColor:i,finishIconColor:a,finishTitleColor:o,finishDescriptionColor:l,finishTailColor:a,finishIconBgColor:e?m:h,finishIconBorderColor:e?a:h,finishDotColor:a,errorIconColor:r,errorTitleColor:g,errorDescriptionColor:g,errorTailColor:u,errorIconBgColor:g,errorIconBorderColor:g,errorDotColor:g,stepsNavActiveColor:a,stepsProgressSize:n,inlineDotSize:6,inlineTitleColor:s,inlineTailColor:p});return[D($)]},t=>{let{colorTextDisabled:e,fontSize:i,controlHeightSM:n,controlHeight:r,controlHeightLG:o,fontSizeHeading3:a}=t;return{titleLineHeight:r,customIconSize:r,customIconTop:0,customIconFontSize:n,iconSize:r,iconTop:-.5,iconFontSize:i,iconSizeSM:a,dotSize:r/4,dotCurrentSize:o/4,navArrowColor:e,navContentMaxWidth:"auto",descriptionMaxWidth:140}}),L=i(50344),V=function(t,e){var i={};for(var n in t)Object.prototype.hasOwnProperty.call(t,n)&&0>e.indexOf(n)&&(i[n]=t[n]);if(null!=t&&"function"==typeof Object.getOwnPropertySymbols)for(var r=0,n=Object.getOwnPropertySymbols(t);re.indexOf(n[r])&&Object.prototype.propertyIsEnumerable.call(t,n[r])&&(i[n[r]]=t[n[r]]);return i};let A=t=>{let{percent:e,size:i,className:n,rootClassName:r,direction:c,items:s,responsive:d=!0,current:h=0,children:g,style:p}=t,u=V(t,["percent","size","className","rootClassName","direction","items","responsive","current","children","style"]),{xs:$}=(0,x.Z)(d),{getPrefixCls:f,direction:b,steps:z}=m.useContext(S.E_),C=m.useMemo(()=>d&&$?"vertical":c,[$,c]),M=(0,w.Z)(i),k=f("steps",t.prefixCls),[E,Z]=R(k),H="inline"===t.type,O=f("",t.iconPrefix),P=function(t,e){if(t)return t;let i=(0,L.Z)(e).map(t=>{if(m.isValidElement(t)){let{props:e}=t,i=Object.assign({},e);return i}return null});return i.filter(t=>t)}(s,g),j=H?void 0:e,N=Object.assign(Object.assign({},null==z?void 0:z.style),p),W=l()(null==z?void 0:z.className,{[`${k}-rtl`]:"rtl"===b,[`${k}-with-progress`]:void 0!==j},n,r,Z),T={finish:m.createElement(o.Z,{className:`${k}-finish-icon`}),error:m.createElement(a.Z,{className:`${k}-error-icon`})};return E(m.createElement(v,Object.assign({icons:T},u,{style:N,current:h,size:M,items:P,itemRender:H?(t,e)=>t.description?m.createElement(y.Z,{title:t.description},e):e:void 0,stepIcon:t=>{let{node:e,status:i}=t;return"process"===i&&void 0!==j?m.createElement("div",{className:`${k}-progress-icon`},m.createElement(I.Z,{type:"circle",percent:j,size:"small"===M?32:40,strokeWidth:4,format:()=>null}),e):e},direction:C,prefixCls:k,iconPrefix:O,className:W})))};A.Step=v.Step;var G=A},72269:function(t,e,i){i.d(e,{Z:function(){return H}});var n=i(50888),r=i(94184),o=i.n(r),a=i(87462),c=i(4942),l=i(97685),s=i(45987),d=i(67294),h=i(21770),g=i(15105),m=["prefixCls","className","checked","defaultChecked","disabled","loadingIcon","checkedChildren","unCheckedChildren","onClick","onChange","onKeyDown"],p=d.forwardRef(function(t,e){var i,n=t.prefixCls,r=void 0===n?"rc-switch":n,p=t.className,u=t.checked,$=t.defaultChecked,f=t.disabled,b=t.loadingIcon,v=t.checkedChildren,S=t.unCheckedChildren,w=t.onClick,x=t.onChange,I=t.onKeyDown,y=(0,s.Z)(t,m),z=(0,h.Z)(!1,{value:u,defaultValue:$}),C=(0,l.Z)(z,2),M=C[0],k=C[1];function E(t,e){var i=M;return f||(k(i=t),null==x||x(i,e)),i}var Z=o()(r,p,(i={},(0,c.Z)(i,"".concat(r,"-checked"),M),(0,c.Z)(i,"".concat(r,"-disabled"),f),i));return d.createElement("button",(0,a.Z)({},y,{type:"button",role:"switch","aria-checked":M,disabled:f,className:Z,ref:e,onKeyDown:function(t){t.which===g.Z.LEFT?E(!1,t):t.which===g.Z.RIGHT&&E(!0,t),null==I||I(t)},onClick:function(t){var e=E(!M,t);null==w||w(e,t)}}),b,d.createElement("span",{className:"".concat(r,"-inner")},d.createElement("span",{className:"".concat(r,"-inner-checked")},v),d.createElement("span",{className:"".concat(r,"-inner-unchecked")},S)))});p.displayName="Switch";var u=i(45353),$=i(53124),f=i(98866),b=i(98675),v=i(10274),S=i(14747),w=i(67968),x=i(45503);let I=t=>{let{componentCls:e}=t,i=`${e}-inner`;return{[e]:{[`&${e}-small`]:{minWidth:t.switchMinWidthSM,height:t.switchHeightSM,lineHeight:`${t.switchHeightSM}px`,[`${e}-inner`]:{paddingInlineStart:t.switchInnerMarginMaxSM,paddingInlineEnd:t.switchInnerMarginMinSM,[`${i}-checked`]:{marginInlineStart:`calc(-100% + ${t.switchPinSizeSM+2*t.switchPadding}px - ${2*t.switchInnerMarginMaxSM}px)`,marginInlineEnd:`calc(100% - ${t.switchPinSizeSM+2*t.switchPadding}px + ${2*t.switchInnerMarginMaxSM}px)`},[`${i}-unchecked`]:{marginTop:-t.switchHeightSM,marginInlineStart:0,marginInlineEnd:0}},[`${e}-handle`]:{width:t.switchPinSizeSM,height:t.switchPinSizeSM},[`${e}-loading-icon`]:{top:(t.switchPinSizeSM-t.switchLoadingIconSize)/2,fontSize:t.switchLoadingIconSize},[`&${e}-checked`]:{[`${e}-inner`]:{paddingInlineStart:t.switchInnerMarginMinSM,paddingInlineEnd:t.switchInnerMarginMaxSM,[`${i}-checked`]:{marginInlineStart:0,marginInlineEnd:0},[`${i}-unchecked`]:{marginInlineStart:`calc(100% - ${t.switchPinSizeSM+2*t.switchPadding}px + ${2*t.switchInnerMarginMaxSM}px)`,marginInlineEnd:`calc(-100% + ${t.switchPinSizeSM+2*t.switchPadding}px - ${2*t.switchInnerMarginMaxSM}px)`}},[`${e}-handle`]:{insetInlineStart:`calc(100% - ${t.switchPinSizeSM+t.switchPadding}px)`}},[`&:not(${e}-disabled):active`]:{[`&:not(${e}-checked) ${i}`]:{[`${i}-unchecked`]:{marginInlineStart:t.marginXXS/2,marginInlineEnd:-t.marginXXS/2}},[`&${e}-checked ${i}`]:{[`${i}-checked`]:{marginInlineStart:-t.marginXXS/2,marginInlineEnd:t.marginXXS/2}}}}}}},y=t=>{let{componentCls:e}=t;return{[e]:{[`${e}-loading-icon${t.iconCls}`]:{position:"relative",top:(t.switchPinSize-t.fontSize)/2,color:t.switchLoadingIconColor,verticalAlign:"top"},[`&${e}-checked ${e}-loading-icon`]:{color:t.switchColor}}}},z=t=>{let{componentCls:e,motion:i}=t,n=`${e}-handle`;return{[e]:{[n]:{position:"absolute",top:t.switchPadding,insetInlineStart:t.switchPadding,width:t.switchPinSize,height:t.switchPinSize,transition:`all ${t.switchDuration} ease-in-out`,"&::before":{position:"absolute",top:0,insetInlineEnd:0,bottom:0,insetInlineStart:0,backgroundColor:t.colorWhite,borderRadius:t.switchPinSize/2,boxShadow:t.switchHandleShadow,transition:`all ${t.switchDuration} ease-in-out`,content:'""'}},[`&${e}-checked ${n}`]:{insetInlineStart:`calc(100% - ${t.switchPinSize+t.switchPadding}px)`},[`&:not(${e}-disabled):active`]:i?{[`${n}::before`]:{insetInlineEnd:t.switchHandleActiveInset,insetInlineStart:0},[`&${e}-checked ${n}::before`]:{insetInlineEnd:0,insetInlineStart:t.switchHandleActiveInset}}:{}}}},C=t=>{let{componentCls:e}=t,i=`${e}-inner`;return{[e]:{[i]:{display:"block",overflow:"hidden",borderRadius:100,height:"100%",paddingInlineStart:t.switchInnerMarginMax,paddingInlineEnd:t.switchInnerMarginMin,transition:`padding-inline-start ${t.switchDuration} ease-in-out, padding-inline-end ${t.switchDuration} ease-in-out`,[`${i}-checked, ${i}-unchecked`]:{display:"block",color:t.colorTextLightSolid,fontSize:t.fontSizeSM,transition:`margin-inline-start ${t.switchDuration} ease-in-out, margin-inline-end ${t.switchDuration} ease-in-out`,pointerEvents:"none"},[`${i}-checked`]:{marginInlineStart:`calc(-100% + ${t.switchPinSize+2*t.switchPadding}px - ${2*t.switchInnerMarginMax}px)`,marginInlineEnd:`calc(100% - ${t.switchPinSize+2*t.switchPadding}px + ${2*t.switchInnerMarginMax}px)`},[`${i}-unchecked`]:{marginTop:-t.switchHeight,marginInlineStart:0,marginInlineEnd:0}},[`&${e}-checked ${i}`]:{paddingInlineStart:t.switchInnerMarginMin,paddingInlineEnd:t.switchInnerMarginMax,[`${i}-checked`]:{marginInlineStart:0,marginInlineEnd:0},[`${i}-unchecked`]:{marginInlineStart:`calc(100% - ${t.switchPinSize+2*t.switchPadding}px + ${2*t.switchInnerMarginMax}px)`,marginInlineEnd:`calc(-100% + ${t.switchPinSize+2*t.switchPadding}px - ${2*t.switchInnerMarginMax}px)`}},[`&:not(${e}-disabled):active`]:{[`&:not(${e}-checked) ${i}`]:{[`${i}-unchecked`]:{marginInlineStart:2*t.switchPadding,marginInlineEnd:-(2*t.switchPadding)}},[`&${e}-checked ${i}`]:{[`${i}-checked`]:{marginInlineStart:-(2*t.switchPadding),marginInlineEnd:2*t.switchPadding}}}}}},M=t=>{let{componentCls:e}=t;return{[e]:Object.assign(Object.assign(Object.assign(Object.assign({},(0,S.Wf)(t)),{position:"relative",display:"inline-block",boxSizing:"border-box",minWidth:t.switchMinWidth,height:t.switchHeight,lineHeight:`${t.switchHeight}px`,verticalAlign:"middle",background:t.colorTextQuaternary,border:"0",borderRadius:100,cursor:"pointer",transition:`all ${t.motionDurationMid}`,userSelect:"none",[`&:hover:not(${e}-disabled)`]:{background:t.colorTextTertiary}}),(0,S.Qy)(t)),{[`&${e}-checked`]:{background:t.switchColor,[`&:hover:not(${e}-disabled)`]:{background:t.colorPrimaryHover}},[`&${e}-loading, &${e}-disabled`]:{cursor:"not-allowed",opacity:t.switchDisabledOpacity,"*":{boxShadow:"none",cursor:"not-allowed"}},[`&${e}-rtl`]:{direction:"rtl"}})}};var k=(0,w.Z)("Switch",t=>{let e=t.fontSize*t.lineHeight,i=t.controlHeight/2,n=e-4,r=i-4,o=(0,x.TS)(t,{switchMinWidth:2*n+8,switchHeight:e,switchDuration:t.motionDurationMid,switchColor:t.colorPrimary,switchDisabledOpacity:t.opacityLoading,switchInnerMarginMin:n/2,switchInnerMarginMax:n+2+4,switchPadding:2,switchPinSize:n,switchBg:t.colorBgContainer,switchMinWidthSM:2*r+4,switchHeightSM:i,switchInnerMarginMinSM:r/2,switchInnerMarginMaxSM:r+2+4,switchPinSizeSM:r,switchHandleShadow:`0 2px 4px 0 ${new v.C("#00230b").setAlpha(.2).toRgbString()}`,switchLoadingIconSize:.75*t.fontSizeIcon,switchLoadingIconColor:`rgba(0, 0, 0, ${t.opacityLoading})`,switchHandleActiveInset:"-30%"});return[M(o),C(o),z(o),y(o),I(o)]}),E=function(t,e){var i={};for(var n in t)Object.prototype.hasOwnProperty.call(t,n)&&0>e.indexOf(n)&&(i[n]=t[n]);if(null!=t&&"function"==typeof Object.getOwnPropertySymbols)for(var r=0,n=Object.getOwnPropertySymbols(t);re.indexOf(n[r])&&Object.prototype.propertyIsEnumerable.call(t,n[r])&&(i[n[r]]=t[n[r]]);return i};let Z=d.forwardRef((t,e)=>{let{prefixCls:i,size:r,disabled:a,loading:c,className:l,rootClassName:s,style:h}=t,g=E(t,["prefixCls","size","disabled","loading","className","rootClassName","style"]),{getPrefixCls:m,direction:v,switch:S}=d.useContext($.E_),w=d.useContext(f.Z),x=(null!=a?a:w)||c,I=m("switch",i),y=d.createElement("div",{className:`${I}-handle`},c&&d.createElement(n.Z,{className:`${I}-loading-icon`})),[z,C]=k(I),M=(0,b.Z)(r),Z=o()(null==S?void 0:S.className,{[`${I}-small`]:"small"===M,[`${I}-loading`]:c,[`${I}-rtl`]:"rtl"===v},l,s,C),H=Object.assign(Object.assign({},null==S?void 0:S.style),h);return z(d.createElement(u.Z,{component:"Switch"},d.createElement(p,Object.assign({},g,{prefixCls:I,className:Z,style:H,disabled:x,ref:e,loadingIcon:y}))))});Z.__ANT_SWITCH=!0;var H=Z}}]); \ No newline at end of file diff --git a/pilot/server/static/_next/static/chunks/553-df5701294eedae07.js b/pilot/server/static/_next/static/chunks/553-df5701294eedae07.js new file mode 100644 index 000000000..10e665ee7 --- /dev/null +++ b/pilot/server/static/_next/static/chunks/553-df5701294eedae07.js @@ -0,0 +1,14 @@ +"use strict";(self.webpackChunk_N_E=self.webpackChunk_N_E||[]).push([[553],{23430:function(e,t,r){r.d(t,{Z:function(){return l}});var n=r(87462),o=r(67294),i={icon:{tag:"svg",attrs:{viewBox:"64 64 896 896",focusable:"false"},children:[{tag:"path",attrs:{d:"M505.7 661a8 8 0 0012.6 0l112-141.7c4.1-5.2.4-12.9-6.3-12.9h-74.1V168c0-4.4-3.6-8-8-8h-60c-4.4 0-8 3.6-8 8v338.3H400c-6.7 0-10.4 7.7-6.3 12.9l112 141.8zM878 626h-60c-4.4 0-8 3.6-8 8v154H214V634c0-4.4-3.6-8-8-8h-60c-4.4 0-8 3.6-8 8v198c0 17.7 14.3 32 32 32h684c17.7 0 32-14.3 32-32V634c0-4.4-3.6-8-8-8z"}}]},name:"download",theme:"outlined"},a=r(84089),l=o.forwardRef(function(e,t){return o.createElement(a.Z,(0,n.Z)({},e,{ref:t,icon:i}))})},5392:function(e,t,r){r.d(t,{Z:function(){return l}});var n=r(87462),o=r(67294),i={icon:{tag:"svg",attrs:{viewBox:"64 64 896 896",focusable:"false"},children:[{tag:"path",attrs:{d:"M779.3 196.6c-94.2-94.2-247.6-94.2-341.7 0l-261 260.8c-1.7 1.7-2.6 4-2.6 6.4s.9 4.7 2.6 6.4l36.9 36.9a9 9 0 0012.7 0l261-260.8c32.4-32.4 75.5-50.2 121.3-50.2s88.9 17.8 121.2 50.2c32.4 32.4 50.2 75.5 50.2 121.2 0 45.8-17.8 88.8-50.2 121.2l-266 265.9-43.1 43.1c-40.3 40.3-105.8 40.3-146.1 0-19.5-19.5-30.2-45.4-30.2-73s10.7-53.5 30.2-73l263.9-263.8c6.7-6.6 15.5-10.3 24.9-10.3h.1c9.4 0 18.1 3.7 24.7 10.3 6.7 6.7 10.3 15.5 10.3 24.9 0 9.3-3.7 18.1-10.3 24.7L372.4 653c-1.7 1.7-2.6 4-2.6 6.4s.9 4.7 2.6 6.4l36.9 36.9a9 9 0 0012.7 0l215.6-215.6c19.9-19.9 30.8-46.3 30.8-74.4s-11-54.6-30.8-74.4c-41.1-41.1-107.9-41-149 0L463 364 224.8 602.1A172.22 172.22 0 00174 724.8c0 46.3 18.1 89.8 50.8 122.5 33.9 33.8 78.3 50.7 122.7 50.7 44.4 0 88.8-16.9 122.6-50.7l309.2-309C824.8 492.7 850 432 850 367.5c.1-64.6-25.1-125.3-70.7-170.9z"}}]},name:"paper-clip",theme:"outlined"},a=r(84089),l=o.forwardRef(function(e,t){return o.createElement(a.Z,(0,n.Z)({},e,{ref:t,icon:i}))})},57838:function(e,t,r){r.d(t,{Z:function(){return o}});var n=r(67294);function o(){let[,e]=n.useReducer(e=>e+1,0);return e}},69814:function(e,t,r){r.d(t,{Z:function(){return et}});var n=r(89739),o=r(63606),i=r(4340),a=r(97937),l=r(94184),s=r.n(l),c=r(98423),u=r(67294),d=r(53124),p=r(87462),f=r(1413),m=r(45987),g={percent:0,prefixCls:"rc-progress",strokeColor:"#2db7f5",strokeLinecap:"round",strokeWidth:1,trailColor:"#D9D9D9",trailWidth:1,gapPosition:"bottom"},h=function(){var e=(0,u.useRef)([]),t=(0,u.useRef)(null);return(0,u.useEffect)(function(){var r=Date.now(),n=!1;e.current.forEach(function(e){if(e){n=!0;var o=e.style;o.transitionDuration=".3s, .3s, .3s, .06s",t.current&&r-t.current<100&&(o.transitionDuration="0s, 0s")}}),n&&(t.current=Date.now())}),e.current},b=r(71002),v=r(97685),$=r(98924),y=0,w=(0,$.Z)(),k=function(e){var t=u.useState(),r=(0,v.Z)(t,2),n=r[0],o=r[1];return u.useEffect(function(){var e;o("rc_progress_".concat((w?(e=y,y+=1):e="TEST_OR_SSR",e)))},[]),e||n},E=["id","prefixCls","steps","strokeWidth","trailWidth","gapDegree","gapPosition","trailColor","strokeLinecap","style","className","strokeColor","percent"];function x(e){return+e.replace("%","")}function C(e){var t=null!=e?e:[];return Array.isArray(t)?t:[t]}var S=function(e,t,r,n,o,i,a,l,s,c){var u=arguments.length>10&&void 0!==arguments[10]?arguments[10]:0,d=(100-n)/100*t;return"round"===s&&100!==n&&(d+=c/2)>=t&&(d=t-.01),{stroke:"string"==typeof l?l:void 0,strokeDasharray:"".concat(t,"px ").concat(e),strokeDashoffset:d+u,transform:"rotate(".concat(o+r/100*360*((360-i)/360)+(0===i?0:({bottom:0,top:180,left:90,right:-90})[a]),"deg)"),transformOrigin:"0 0",transition:"stroke-dashoffset .3s ease 0s, stroke-dasharray .3s ease 0s, stroke .3s, stroke-width .06s ease .3s, opacity .3s ease 0s",fillOpacity:0}},O=function(e){var t,r,n,o,i=(0,f.Z)((0,f.Z)({},g),e),a=i.id,l=i.prefixCls,c=i.steps,d=i.strokeWidth,v=i.trailWidth,$=i.gapDegree,y=void 0===$?0:$,w=i.gapPosition,O=i.trailColor,j=i.strokeLinecap,Z=i.style,I=i.className,D=i.strokeColor,R=i.percent,N=(0,m.Z)(i,E),P=k(a),M="".concat(P,"-gradient"),F=50-d/2,A=2*Math.PI*F,L=y>0?90+y/2:-90,z=A*((360-y)/360),T="object"===(0,b.Z)(c)?c:{count:c,space:2},X=T.count,_=T.space,U=S(A,z,0,100,L,y,w,O,j,d),H=C(R),W=C(D),B=W.find(function(e){return e&&"object"===(0,b.Z)(e)}),q=h();return u.createElement("svg",(0,p.Z)({className:s()("".concat(l,"-circle"),I),viewBox:"".concat(-50," ").concat(-50," ").concat(100," ").concat(100),style:Z,id:a,role:"presentation"},N),B&&u.createElement("defs",null,u.createElement("linearGradient",{id:M,x1:"100%",y1:"0%",x2:"0%",y2:"0%"},Object.keys(B).sort(function(e,t){return x(e)-x(t)}).map(function(e,t){return u.createElement("stop",{key:t,offset:e,stopColor:B[e]})}))),!X&&u.createElement("circle",{className:"".concat(l,"-circle-trail"),r:F,cx:0,cy:0,stroke:O,strokeLinecap:j,strokeWidth:v||d,style:U}),X?(t=Math.round(X*(H[0]/100)),r=100/X,n=0,Array(X).fill(null).map(function(e,o){var i=o<=t-1?W[0]:O,a=i&&"object"===(0,b.Z)(i)?"url(#".concat(M,")"):void 0,s=S(A,z,n,r,L,y,w,i,"butt",d,_);return n+=(z-s.strokeDashoffset+_)*100/z,u.createElement("circle",{key:o,className:"".concat(l,"-circle-path"),r:F,cx:0,cy:0,stroke:a,strokeWidth:d,opacity:1,style:s,ref:function(e){q[o]=e}})})):(o=0,H.map(function(e,t){var r=W[t]||W[W.length-1],n=r&&"object"===(0,b.Z)(r)?"url(#".concat(M,")"):void 0,i=S(A,z,o,e,L,y,w,r,j,d);return o+=e,u.createElement("circle",{key:t,className:"".concat(l,"-circle-path"),r:F,cx:0,cy:0,stroke:n,strokeLinecap:j,strokeWidth:d,opacity:0===e?0:1,style:i,ref:function(e){q[t]=e}})}).reverse()))},j=r(83062),Z=r(16397);function I(e){return!e||e<0?0:e>100?100:e}function D(e){let{success:t,successPercent:r}=e,n=r;return t&&"progress"in t&&(n=t.progress),t&&"percent"in t&&(n=t.percent),n}let R=e=>{let{percent:t,success:r,successPercent:n}=e,o=I(D({success:r,successPercent:n}));return[o,I(I(t)-o)]},N=e=>{let{success:t={},strokeColor:r}=e,{strokeColor:n}=t;return[n||Z.presetPrimaryColors.green,r||null]},P=(e,t,r)=>{var n,o,i,a;let l=-1,s=-1;if("step"===t){let t=r.steps,n=r.strokeWidth;"string"==typeof e||void 0===e?(l="small"===e?2:14,s=null!=n?n:8):"number"==typeof e?[l,s]=[e,e]:[l=14,s=8]=e,l*=t}else if("line"===t){let t=null==r?void 0:r.strokeWidth;"string"==typeof e||void 0===e?s=t||("small"===e?6:8):"number"==typeof e?[l,s]=[e,e]:[l=-1,s=8]=e}else("circle"===t||"dashboard"===t)&&("string"==typeof e||void 0===e?[l,s]="small"===e?[60,60]:[120,120]:"number"==typeof e?[l,s]=[e,e]:(l=null!==(o=null!==(n=e[0])&&void 0!==n?n:e[1])&&void 0!==o?o:120,s=null!==(a=null!==(i=e[0])&&void 0!==i?i:e[1])&&void 0!==a?a:120));return[l,s]},M=e=>3/e*100;var F=e=>{let{prefixCls:t,trailColor:r=null,strokeLinecap:n="round",gapPosition:o,gapDegree:i,width:a=120,type:l,children:c,success:d,size:p=a}=e,[f,m]=P(p,"circle"),{strokeWidth:g}=e;void 0===g&&(g=Math.max(M(f),6));let h=u.useMemo(()=>i||0===i?i:"dashboard"===l?75:void 0,[i,l]),b=o||"dashboard"===l&&"bottom"||void 0,v="[object Object]"===Object.prototype.toString.call(e.strokeColor),$=N({success:d,strokeColor:e.strokeColor}),y=s()(`${t}-inner`,{[`${t}-circle-gradient`]:v}),w=u.createElement(O,{percent:R(e),strokeWidth:g,trailWidth:g,strokeColor:$,strokeLinecap:n,trailColor:r,prefixCls:t,gapDegree:h,gapPosition:b});return u.createElement("div",{className:y,style:{width:f,height:m,fontSize:.15*f+6}},f<=20?u.createElement(j.Z,{title:c},u.createElement("span",null,w)):u.createElement(u.Fragment,null,w,c))},A=function(e,t){var r={};for(var n in e)Object.prototype.hasOwnProperty.call(e,n)&&0>t.indexOf(n)&&(r[n]=e[n]);if(null!=e&&"function"==typeof Object.getOwnPropertySymbols)for(var o=0,n=Object.getOwnPropertySymbols(e);ot.indexOf(n[o])&&Object.prototype.propertyIsEnumerable.call(e,n[o])&&(r[n[o]]=e[n[o]]);return r};let L=e=>{let t=[];return Object.keys(e).forEach(r=>{let n=parseFloat(r.replace(/%/g,""));isNaN(n)||t.push({key:n,value:e[r]})}),(t=t.sort((e,t)=>e.key-t.key)).map(e=>{let{key:t,value:r}=e;return`${r} ${t}%`}).join(", ")},z=(e,t)=>{let{from:r=Z.presetPrimaryColors.blue,to:n=Z.presetPrimaryColors.blue,direction:o="rtl"===t?"to left":"to right"}=e,i=A(e,["from","to","direction"]);if(0!==Object.keys(i).length){let e=L(i);return{backgroundImage:`linear-gradient(${o}, ${e})`}}return{backgroundImage:`linear-gradient(${o}, ${r}, ${n})`}};var T=e=>{let{prefixCls:t,direction:r,percent:n,size:o,strokeWidth:i,strokeColor:a,strokeLinecap:l="round",children:s,trailColor:c=null,success:d}=e,p=a&&"string"!=typeof a?z(a,r):{backgroundColor:a},f="square"===l||"butt"===l?0:void 0,m=null!=o?o:[-1,i||("small"===o?6:8)],[g,h]=P(m,"line",{strokeWidth:i}),b=Object.assign({width:`${I(n)}%`,height:h,borderRadius:f},p),v=D(e),$={width:`${I(v)}%`,height:h,borderRadius:f,backgroundColor:null==d?void 0:d.strokeColor};return u.createElement(u.Fragment,null,u.createElement("div",{className:`${t}-outer`,style:{width:g<0?"100%":g,height:h}},u.createElement("div",{className:`${t}-inner`,style:{backgroundColor:c||void 0,borderRadius:f}},u.createElement("div",{className:`${t}-bg`,style:b}),void 0!==v?u.createElement("div",{className:`${t}-success-bg`,style:$}):null)),s)},X=e=>{let{size:t,steps:r,percent:n=0,strokeWidth:o=8,strokeColor:i,trailColor:a=null,prefixCls:l,children:c}=e,d=Math.round(r*(n/100)),p=null!=t?t:["small"===t?2:14,o],[f,m]=P(p,"step",{steps:r,strokeWidth:o}),g=f/r,h=Array(r);for(let e=0;e{let t=e?"100%":"-100%";return new _.E4(`antProgress${e?"RTL":"LTR"}Active`,{"0%":{transform:`translateX(${t}) scaleX(0)`,opacity:.1},"20%":{transform:`translateX(${t}) scaleX(0)`,opacity:.5},to:{transform:"translateX(0) scaleX(1)",opacity:0}})},q=e=>{let{componentCls:t,iconCls:r}=e;return{[t]:Object.assign(Object.assign({},(0,U.Wf)(e)),{display:"inline-block","&-rtl":{direction:"rtl"},"&-line":{position:"relative",width:"100%",fontSize:e.fontSize,marginInlineEnd:e.marginXS,marginBottom:e.marginXS},[`${t}-outer`]:{display:"inline-block",width:"100%"},[`&${t}-show-info`]:{[`${t}-outer`]:{marginInlineEnd:`calc(-2em - ${e.marginXS}px)`,paddingInlineEnd:`calc(2em + ${e.paddingXS}px)`}},[`${t}-inner`]:{position:"relative",display:"inline-block",width:"100%",overflow:"hidden",verticalAlign:"middle",backgroundColor:e.progressRemainingColor,borderRadius:e.progressLineRadius},[`${t}-inner:not(${t}-circle-gradient)`]:{[`${t}-circle-path`]:{stroke:e.colorInfo}},[`${t}-success-bg, ${t}-bg`]:{position:"relative",backgroundColor:e.colorInfo,borderRadius:e.progressLineRadius,transition:`all ${e.motionDurationSlow} ${e.motionEaseInOutCirc}`},[`${t}-success-bg`]:{position:"absolute",insetBlockStart:0,insetInlineStart:0,backgroundColor:e.colorSuccess},[`${t}-text`]:{display:"inline-block",width:"2em",marginInlineStart:e.marginXS,color:e.progressInfoTextColor,lineHeight:1,whiteSpace:"nowrap",textAlign:"start",verticalAlign:"middle",wordBreak:"normal",[r]:{fontSize:e.fontSize}},[`&${t}-status-active`]:{[`${t}-bg::before`]:{position:"absolute",inset:0,backgroundColor:e.colorBgContainer,borderRadius:e.progressLineRadius,opacity:0,animationName:B(),animationDuration:e.progressActiveMotionDuration,animationTimingFunction:e.motionEaseOutQuint,animationIterationCount:"infinite",content:'""'}},[`&${t}-rtl${t}-status-active`]:{[`${t}-bg::before`]:{animationName:B(!0)}},[`&${t}-status-exception`]:{[`${t}-bg`]:{backgroundColor:e.colorError},[`${t}-text`]:{color:e.colorError}},[`&${t}-status-exception ${t}-inner:not(${t}-circle-gradient)`]:{[`${t}-circle-path`]:{stroke:e.colorError}},[`&${t}-status-success`]:{[`${t}-bg`]:{backgroundColor:e.colorSuccess},[`${t}-text`]:{color:e.colorSuccess}},[`&${t}-status-success ${t}-inner:not(${t}-circle-gradient)`]:{[`${t}-circle-path`]:{stroke:e.colorSuccess}}})}},V=e=>{let{componentCls:t,iconCls:r}=e;return{[t]:{[`${t}-circle-trail`]:{stroke:e.progressRemainingColor},[`&${t}-circle ${t}-inner`]:{position:"relative",lineHeight:1,backgroundColor:"transparent"},[`&${t}-circle ${t}-text`]:{position:"absolute",insetBlockStart:"50%",insetInlineStart:0,width:"100%",margin:0,padding:0,color:e.colorText,lineHeight:1,whiteSpace:"normal",textAlign:"center",transform:"translateY(-50%)",[r]:{fontSize:`${e.fontSize/e.fontSizeSM}em`}},[`${t}-circle&-status-exception`]:{[`${t}-text`]:{color:e.colorError}},[`${t}-circle&-status-success`]:{[`${t}-text`]:{color:e.colorSuccess}}},[`${t}-inline-circle`]:{lineHeight:1,[`${t}-inner`]:{verticalAlign:"bottom"}}}},G=e=>{let{componentCls:t}=e;return{[t]:{[`${t}-steps`]:{display:"inline-block","&-outer":{display:"flex",flexDirection:"row",alignItems:"center"},"&-item":{flexShrink:0,minWidth:e.progressStepMinWidth,marginInlineEnd:e.progressStepMarginInlineEnd,backgroundColor:e.progressRemainingColor,transition:`all ${e.motionDurationSlow}`,"&-active":{backgroundColor:e.colorInfo}}}}}},J=e=>{let{componentCls:t,iconCls:r}=e;return{[t]:{[`${t}-small&-line, ${t}-small&-line ${t}-text ${r}`]:{fontSize:e.fontSizeSM}}}};var K=(0,H.Z)("Progress",e=>{let t=e.marginXXS/2,r=(0,W.TS)(e,{progressLineRadius:100,progressInfoTextColor:e.colorText,progressDefaultColor:e.colorInfo,progressRemainingColor:e.colorFillSecondary,progressStepMarginInlineEnd:t,progressStepMinWidth:t,progressActiveMotionDuration:"2.4s"});return[q(r),V(r),G(r),J(r)]}),Q=function(e,t){var r={};for(var n in e)Object.prototype.hasOwnProperty.call(e,n)&&0>t.indexOf(n)&&(r[n]=e[n]);if(null!=e&&"function"==typeof Object.getOwnPropertySymbols)for(var o=0,n=Object.getOwnPropertySymbols(e);ot.indexOf(n[o])&&Object.prototype.propertyIsEnumerable.call(e,n[o])&&(r[n[o]]=e[n[o]]);return r};let Y=["normal","exception","active","success"],ee=u.forwardRef((e,t)=>{let r;let{prefixCls:l,className:p,rootClassName:f,steps:m,strokeColor:g,percent:h=0,size:b="default",showInfo:v=!0,type:$="line",status:y,format:w,style:k}=e,E=Q(e,["prefixCls","className","rootClassName","steps","strokeColor","percent","size","showInfo","type","status","format","style"]),x=u.useMemo(()=>{var t,r;let n=D(e);return parseInt(void 0!==n?null===(t=null!=n?n:0)||void 0===t?void 0:t.toString():null===(r=null!=h?h:0)||void 0===r?void 0:r.toString(),10)},[h,e.success,e.successPercent]),C=u.useMemo(()=>!Y.includes(y)&&x>=100?"success":y||"normal",[y,x]),{getPrefixCls:S,direction:O,progress:j}=u.useContext(d.E_),Z=S("progress",l),[R,N]=K(Z),M=u.useMemo(()=>{let t;if(!v)return null;let r=D(e),l=w||(e=>`${e}%`),s="line"===$;return w||"exception"!==C&&"success"!==C?t=l(I(h),I(r)):"exception"===C?t=s?u.createElement(i.Z,null):u.createElement(a.Z,null):"success"===C&&(t=s?u.createElement(n.Z,null):u.createElement(o.Z,null)),u.createElement("span",{className:`${Z}-text`,title:"string"==typeof t?t:void 0},t)},[v,h,x,C,$,Z,w]),A=Array.isArray(g)?g[0]:g,L="string"==typeof g||Array.isArray(g)?g:void 0;"line"===$?r=m?u.createElement(X,Object.assign({},e,{strokeColor:L,prefixCls:Z,steps:m}),M):u.createElement(T,Object.assign({},e,{strokeColor:A,prefixCls:Z,direction:O}),M):("circle"===$||"dashboard"===$)&&(r=u.createElement(F,Object.assign({},e,{strokeColor:A,prefixCls:Z,progressStatus:C}),M));let z=s()(Z,`${Z}-status-${C}`,`${Z}-${"dashboard"===$&&"circle"||m&&"steps"||$}`,{[`${Z}-inline-circle`]:"circle"===$&&P(b,"circle")[0]<=20,[`${Z}-show-info`]:v,[`${Z}-${b}`]:"string"==typeof b,[`${Z}-rtl`]:"rtl"===O},null==j?void 0:j.className,p,f,N);return R(u.createElement("div",Object.assign({ref:t,style:Object.assign(Object.assign({},null==j?void 0:j.style),k),className:z,role:"progressbar","aria-valuenow":x},(0,c.Z)(E,["trailColor","strokeWidth","width","gapDegree","gapPosition","strokeLinecap","success","successPercent"])),r))});var et=ee},84553:function(e,t,r){r.d(t,{default:function(){return eI}});var n=r(67294),o=r(74902),i=r(94184),a=r.n(i),l=r(87462),s=r(15671),c=r(43144),u=r(32531),d=r(73568),p=r(4942),f=r(45987),m=r(74165),g=r(71002),h=r(15861),b=r(64217);function v(e){var t=e.responseText||e.response;if(!t)return t;try{return JSON.parse(t)}catch(e){return t}}function $(e){var t=new XMLHttpRequest;e.onProgress&&t.upload&&(t.upload.onprogress=function(t){t.total>0&&(t.percent=t.loaded/t.total*100),e.onProgress(t)});var r=new FormData;e.data&&Object.keys(e.data).forEach(function(t){var n=e.data[t];if(Array.isArray(n)){n.forEach(function(e){r.append("".concat(t,"[]"),e)});return}r.append(t,n)}),e.file instanceof Blob?r.append(e.filename,e.file,e.file.name):r.append(e.filename,e.file),t.onerror=function(t){e.onError(t)},t.onload=function(){if(t.status<200||t.status>=300){var r;return e.onError(((r=Error("cannot ".concat(e.method," ").concat(e.action," ").concat(t.status,"'"))).status=t.status,r.method=e.method,r.url=e.action,r),v(t))}return e.onSuccess(v(t),t)},t.open(e.method,e.action,!0),e.withCredentials&&"withCredentials"in t&&(t.withCredentials=!0);var n=e.headers||{};return null!==n["X-Requested-With"]&&t.setRequestHeader("X-Requested-With","XMLHttpRequest"),Object.keys(n).forEach(function(e){null!==n[e]&&t.setRequestHeader(e,n[e])}),t.send(r),{abort:function(){t.abort()}}}var y=+new Date,w=0;function k(){return"rc-upload-".concat(y,"-").concat(++w)}var E=r(80334),x=function(e,t){if(e&&t){var r=Array.isArray(t)?t:t.split(","),n=e.name||"",o=e.type||"",i=o.replace(/\/.*$/,"");return r.some(function(e){var t=e.trim();if(/^\*(\/\*)?$/.test(e))return!0;if("."===t.charAt(0)){var r=n.toLowerCase(),a=t.toLowerCase(),l=[a];return(".jpg"===a||".jpeg"===a)&&(l=[".jpg",".jpeg"]),l.some(function(e){return r.endsWith(e)})}return/\/\*$/.test(t)?i===t.replace(/\/.*$/,""):o===t||!!/^\w+$/.test(t)&&((0,E.ZP)(!1,"Upload takes an invalidate 'accept' type '".concat(t,"'.Skip for check.")),!0)})}return!0},C=function(e,t,r){var n=function e(n,o){if(n.path=o||"",n.isFile)n.file(function(e){r(e)&&(n.fullPath&&!e.webkitRelativePath&&(Object.defineProperties(e,{webkitRelativePath:{writable:!0}}),e.webkitRelativePath=n.fullPath.replace(/^\//,""),Object.defineProperties(e,{webkitRelativePath:{writable:!1}})),t([e]))});else if(n.isDirectory){var i,a,l;i=function(t){t.forEach(function(t){e(t,"".concat(o).concat(n.name,"/"))})},a=n.createReader(),l=[],function e(){a.readEntries(function(t){var r=Array.prototype.slice.apply(t);l=l.concat(r),r.length?e():i(l)})}()}};e.forEach(function(e){n(e.webkitGetAsEntry())})},S=["component","prefixCls","className","disabled","id","style","multiple","accept","capture","children","directory","openFileDialogOnClick","onMouseEnter","onMouseLeave"],O=function(e){(0,u.Z)(r,e);var t=(0,d.Z)(r);function r(){(0,s.Z)(this,r);for(var e,n,i=arguments.length,a=Array(i),l=0;l{let{uid:r}=t;return r===e.uid});return -1===n?r.push(e):r[n]=e,r}function J(e,t){let r=void 0!==e.uid?"uid":"name";return t.filter(t=>t[r]===e[r])[0]}let K=function(){let e=arguments.length>0&&void 0!==arguments[0]?arguments[0]:"",t=e.split("/"),r=t[t.length-1],n=r.split(/#|\?/)[0];return(/\.[^./\\]*$/.exec(n)||[""])[0]},Q=e=>0===e.indexOf("image/"),Y=e=>{if(e.type&&!e.thumbUrl)return Q(e.type);let t=e.thumbUrl||e.url||"",r=K(t);return!!(/^data:image\//.test(t)||/(webp|svg|png|gif|jpg|jpeg|jfif|bmp|dpg|ico|heic|heif)$/i.test(r))||!/^data:/.test(t)&&!r};function ee(e){return new Promise(t=>{if(!e.type||!Q(e.type)){t("");return}let r=document.createElement("canvas");r.width=200,r.height=200,r.style.cssText="position: fixed; left: 0; top: 0; width: 200px; height: 200px; z-index: 9999; display: none;",document.body.appendChild(r);let n=r.getContext("2d"),o=new Image;if(o.onload=()=>{let{width:e,height:i}=o,a=200,l=200,s=0,c=0;e>i?c=-((l=i*(200/e))-a)/2:s=-((a=e*(200/i))-l)/2,n.drawImage(o,s,c,a,l);let u=r.toDataURL();document.body.removeChild(r),window.URL.revokeObjectURL(o.src),t(u)},o.crossOrigin="anonymous",e.type.startsWith("image/svg+xml")){let t=new FileReader;t.onload=()=>{t.result&&(o.src=t.result)},t.readAsDataURL(e)}else if(e.type.startsWith("image/gif")){let r=new FileReader;r.onload=()=>{r.result&&t(r.result)},r.readAsDataURL(e)}else o.src=window.URL.createObjectURL(e)})}var et=r(48689),er=r(23430),en=r(99611),eo=r(69814),ei=r(83062);let ea=n.forwardRef((e,t)=>{var r,o;let{prefixCls:i,className:l,style:s,locale:c,listType:u,file:d,items:p,progress:f,iconRender:m,actionIconRender:g,itemRender:h,isImgUrl:b,showPreviewIcon:v,showRemoveIcon:$,showDownloadIcon:y,previewIcon:w,removeIcon:k,downloadIcon:E,onPreview:x,onDownload:C,onClose:S}=e,{status:O}=d,[j,Z]=n.useState(O);n.useEffect(()=>{"removed"!==O&&Z(O)},[O]);let[I,D]=n.useState(!1);n.useEffect(()=>{let e=setTimeout(()=>{D(!0)},300);return()=>{clearTimeout(e)}},[]);let N=m(d),P=n.createElement("div",{className:`${i}-icon`},N);if("picture"===u||"picture-card"===u||"picture-circle"===u){if("uploading"!==j&&(d.thumbUrl||d.url)){let e=(null==b?void 0:b(d))?n.createElement("img",{src:d.thumbUrl||d.url,alt:d.name,className:`${i}-list-item-image`,crossOrigin:d.crossOrigin}):N,t=a()(`${i}-list-item-thumbnail`,{[`${i}-list-item-file`]:b&&!b(d)});P=n.createElement("a",{className:t,onClick:e=>x(d,e),href:d.url||d.thumbUrl,target:"_blank",rel:"noopener noreferrer"},e)}else{let e=a()(`${i}-list-item-thumbnail`,{[`${i}-list-item-file`]:"uploading"!==j});P=n.createElement("div",{className:e},N)}}let M=a()(`${i}-list-item`,`${i}-list-item-${j}`),F="string"==typeof d.linkProps?JSON.parse(d.linkProps):d.linkProps,A=$?g(("function"==typeof k?k(d):k)||n.createElement(et.Z,null),()=>S(d),i,c.removeFile):null,L=y&&"done"===j?g(("function"==typeof E?E(d):E)||n.createElement(er.Z,null),()=>C(d),i,c.downloadFile):null,z="picture-card"!==u&&"picture-circle"!==u&&n.createElement("span",{key:"download-delete",className:a()(`${i}-list-item-actions`,{picture:"picture"===u})},L,A),T=a()(`${i}-list-item-name`),X=d.url?[n.createElement("a",Object.assign({key:"view",target:"_blank",rel:"noopener noreferrer",className:T,title:d.name},F,{href:d.url,onClick:e=>x(d,e)}),d.name),z]:[n.createElement("span",{key:"view",className:T,onClick:e=>x(d,e),title:d.name},d.name),z],_=v?n.createElement("a",{href:d.url||d.thumbUrl,target:"_blank",rel:"noopener noreferrer",style:d.url||d.thumbUrl?void 0:{pointerEvents:"none",opacity:.5},onClick:e=>x(d,e),title:c.previewFile},"function"==typeof w?w(d):w||n.createElement(en.Z,null)):null,H=("picture-card"===u||"picture-circle"===u)&&"uploading"!==j&&n.createElement("span",{className:`${i}-list-item-actions`},_,"done"===j&&L,A),{getPrefixCls:W}=n.useContext(R.E_),B=W(),q=n.createElement("div",{className:M},P,X,H,I&&n.createElement(U.ZP,{motionName:`${B}-fade`,visible:"uploading"===j,motionDeadline:2e3},e=>{let{className:t}=e,r="percent"in d?n.createElement(eo.Z,Object.assign({},f,{type:"line",percent:d.percent,"aria-label":d["aria-label"],"aria-labelledby":d["aria-labelledby"]})):null;return n.createElement("div",{className:a()(`${i}-list-item-progress`,t)},r)})),V=d.response&&"string"==typeof d.response?d.response:(null===(r=d.error)||void 0===r?void 0:r.statusText)||(null===(o=d.error)||void 0===o?void 0:o.message)||c.uploadError,G="error"===j?n.createElement(ei.Z,{title:V,getPopupContainer:e=>e.parentNode},q):q;return n.createElement("div",{className:a()(`${i}-list-item-container`,l),style:s,ref:t},h?h(G,d,p,{download:C.bind(null,d),preview:x.bind(null,d),remove:S.bind(null,d)}):G)}),el=n.forwardRef((e,t)=>{let{listType:r="text",previewFile:i=ee,onPreview:l,onDownload:s,onRemove:c,locale:u,iconRender:d,isImageUrl:p=Y,prefixCls:f,items:m=[],showPreviewIcon:g=!0,showRemoveIcon:h=!0,showDownloadIcon:b=!1,removeIcon:v,previewIcon:$,downloadIcon:y,progress:w={size:[-1,2],showInfo:!1},appendAction:k,appendActionVisible:E=!0,itemRender:x,disabled:C}=e,S=(0,H.Z)(),[O,j]=n.useState(!1);n.useEffect(()=>{("picture"===r||"picture-card"===r||"picture-circle"===r)&&(m||[]).forEach(e=>{"undefined"!=typeof document&&"undefined"!=typeof window&&window.FileReader&&window.File&&(e.originFileObj instanceof File||e.originFileObj instanceof Blob)&&void 0===e.thumbUrl&&(e.thumbUrl="",i&&i(e.originFileObj).then(t=>{e.thumbUrl=t||"",S()}))})},[r,m,i]),n.useEffect(()=>{j(!0)},[]);let Z=(e,t)=>{if(l)return null==t||t.preventDefault(),l(e)},I=e=>{"function"==typeof s?s(e):e.url&&window.open(e.url)},D=e=>{null==c||c(e)},N=e=>{if(d)return d(e,r);let t="uploading"===e.status,o=p&&p(e)?n.createElement(_,null):n.createElement(L,null),i=t?n.createElement(z.Z,null):n.createElement(T.Z,null);return"picture"===r?i=t?n.createElement(z.Z,null):o:("picture-card"===r||"picture-circle"===r)&&(i=t?u.uploading:o),i},P=(e,t,r,o)=>{let i={type:"text",size:"small",title:o,onClick:r=>{t(),(0,B.l$)(e)&&e.props.onClick&&e.props.onClick(r)},className:`${r}-list-item-action`,disabled:C};if((0,B.l$)(e)){let t=(0,B.Tm)(e,Object.assign(Object.assign({},e.props),{onClick:()=>{}}));return n.createElement(q.ZP,Object.assign({},i,{icon:t}))}return n.createElement(q.ZP,Object.assign({},i),n.createElement("span",null,e))};n.useImperativeHandle(t,()=>({handlePreview:Z,handleDownload:I}));let{getPrefixCls:M}=n.useContext(R.E_),F=M("upload",f),A=M(),X=a()(`${F}-list`,`${F}-list-${r}`),V=(0,o.Z)(m.map(e=>({key:e.uid,file:e}))),G="picture-card"===r||"picture-circle"===r?"animate-inline":"animate",J={motionDeadline:2e3,motionName:`${F}-${G}`,keys:V,motionAppear:O},K=n.useMemo(()=>{let e=Object.assign({},(0,W.Z)(A));return delete e.onAppearEnd,delete e.onEnterEnd,delete e.onLeaveEnd,e},[A]);return"picture-card"!==r&&"picture-circle"!==r&&(J=Object.assign(Object.assign({},K),J)),n.createElement("div",{className:X},n.createElement(U.V4,Object.assign({},J,{component:!1}),e=>{let{key:t,file:o,className:i,style:a}=e;return n.createElement(ea,{key:t,locale:u,prefixCls:F,className:i,style:a,file:o,items:m,progress:w,listType:r,isImgUrl:p,showPreviewIcon:g,showRemoveIcon:h,showDownloadIcon:b,removeIcon:v,previewIcon:$,downloadIcon:y,iconRender:N,actionIconRender:P,itemRender:x,onPreview:Z,onDownload:I,onClose:D})}),k&&n.createElement(U.ZP,Object.assign({},J,{visible:E,forceRender:!0}),e=>{let{className:t,style:r}=e;return(0,B.Tm)(k,e=>({className:a()(e.className,t),style:Object.assign(Object.assign(Object.assign({},r),{pointerEvents:t?"none":void 0}),e.style)}))}))});var es=r(14747),ec=r(33507),eu=r(67968),ed=r(45503),ep=e=>{let{componentCls:t,iconCls:r}=e;return{[`${t}-wrapper`]:{[`${t}-drag`]:{position:"relative",width:"100%",height:"100%",textAlign:"center",background:e.colorFillAlter,border:`${e.lineWidth}px dashed ${e.colorBorder}`,borderRadius:e.borderRadiusLG,cursor:"pointer",transition:`border-color ${e.motionDurationSlow}`,[t]:{padding:`${e.padding}px 0`},[`${t}-btn`]:{display:"table",width:"100%",height:"100%",outline:"none"},[`${t}-drag-container`]:{display:"table-cell",verticalAlign:"middle"},[`&:not(${t}-disabled):hover`]:{borderColor:e.colorPrimaryHover},[`p${t}-drag-icon`]:{marginBottom:e.margin,[r]:{color:e.colorPrimary,fontSize:e.uploadThumbnailSize}},[`p${t}-text`]:{margin:`0 0 ${e.marginXXS}px`,color:e.colorTextHeading,fontSize:e.fontSizeLG},[`p${t}-hint`]:{color:e.colorTextDescription,fontSize:e.fontSize},[`&${t}-disabled`]:{cursor:"not-allowed",[`p${t}-drag-icon ${r}, + p${t}-text, + p${t}-hint + `]:{color:e.colorTextDisabled}}}}}},ef=e=>{let{componentCls:t,antCls:r,iconCls:n,fontSize:o,lineHeight:i}=e,a=`${t}-list-item`,l=`${a}-actions`,s=`${a}-action`,c=Math.round(o*i);return{[`${t}-wrapper`]:{[`${t}-list`]:Object.assign(Object.assign({},(0,es.dF)()),{lineHeight:e.lineHeight,[a]:{position:"relative",height:e.lineHeight*o,marginTop:e.marginXS,fontSize:o,display:"flex",alignItems:"center",transition:`background-color ${e.motionDurationSlow}`,"&:hover":{backgroundColor:e.controlItemBgHover},[`${a}-name`]:Object.assign(Object.assign({},es.vS),{padding:`0 ${e.paddingXS}px`,lineHeight:i,flex:"auto",transition:`all ${e.motionDurationSlow}`}),[l]:{[s]:{opacity:0},[`${s}${r}-btn-sm`]:{height:c,border:0,lineHeight:1,"> span":{transform:"scale(1)"}},[` + ${s}:focus, + &.picture ${s} + `]:{opacity:1},[n]:{color:e.actionsColor,transition:`all ${e.motionDurationSlow}`},[`&:hover ${n}`]:{color:e.colorText}},[`${t}-icon ${n}`]:{color:e.colorTextDescription,fontSize:o},[`${a}-progress`]:{position:"absolute",bottom:-e.uploadProgressOffset,width:"100%",paddingInlineStart:o+e.paddingXS,fontSize:o,lineHeight:0,pointerEvents:"none","> div":{margin:0}}},[`${a}:hover ${s}`]:{opacity:1,color:e.colorText},[`${a}-error`]:{color:e.colorError,[`${a}-name, ${t}-icon ${n}`]:{color:e.colorError},[l]:{[`${n}, ${n}:hover`]:{color:e.colorError},[s]:{opacity:1}}},[`${t}-list-item-container`]:{transition:`opacity ${e.motionDurationSlow}, height ${e.motionDurationSlow}`,"&::before":{display:"table",width:0,height:0,content:'""'}}})}}},em=r(23183),eg=r(16932);let eh=new em.E4("uploadAnimateInlineIn",{from:{width:0,height:0,margin:0,padding:0,opacity:0}}),eb=new em.E4("uploadAnimateInlineOut",{to:{width:0,height:0,margin:0,padding:0,opacity:0}});var ev=e=>{let{componentCls:t}=e,r=`${t}-animate-inline`;return[{[`${t}-wrapper`]:{[`${r}-appear, ${r}-enter, ${r}-leave`]:{animationDuration:e.motionDurationSlow,animationTimingFunction:e.motionEaseInOutCirc,animationFillMode:"forwards"},[`${r}-appear, ${r}-enter`]:{animationName:eh},[`${r}-leave`]:{animationName:eb}}},{[`${t}-wrapper`]:(0,eg.J$)(e)},eh,eb]},e$=r(16397),ey=r(10274);let ew=e=>{let{componentCls:t,iconCls:r,uploadThumbnailSize:n,uploadProgressOffset:o}=e,i=`${t}-list`,a=`${i}-item`;return{[`${t}-wrapper`]:{[` + ${i}${i}-picture, + ${i}${i}-picture-card, + ${i}${i}-picture-circle + `]:{[a]:{position:"relative",height:n+2*e.lineWidth+2*e.paddingXS,padding:e.paddingXS,border:`${e.lineWidth}px ${e.lineType} ${e.colorBorder}`,borderRadius:e.borderRadiusLG,"&:hover":{background:"transparent"},[`${a}-thumbnail`]:Object.assign(Object.assign({},es.vS),{width:n,height:n,lineHeight:`${n+e.paddingSM}px`,textAlign:"center",flex:"none",[r]:{fontSize:e.fontSizeHeading2,color:e.colorPrimary},img:{display:"block",width:"100%",height:"100%",overflow:"hidden"}}),[`${a}-progress`]:{bottom:o,width:`calc(100% - ${2*e.paddingSM}px)`,marginTop:0,paddingInlineStart:n+e.paddingXS}},[`${a}-error`]:{borderColor:e.colorError,[`${a}-thumbnail ${r}`]:{[`svg path[fill='${e$.blue[0]}']`]:{fill:e.colorErrorBg},[`svg path[fill='${e$.blue.primary}']`]:{fill:e.colorError}}},[`${a}-uploading`]:{borderStyle:"dashed",[`${a}-name`]:{marginBottom:o}}},[`${i}${i}-picture-circle ${a}`]:{[`&, &::before, ${a}-thumbnail`]:{borderRadius:"50%"}}}}},ek=e=>{let{componentCls:t,iconCls:r,fontSizeLG:n,colorTextLightSolid:o}=e,i=`${t}-list`,a=`${i}-item`,l=e.uploadPicCardSize;return{[` + ${t}-wrapper${t}-picture-card-wrapper, + ${t}-wrapper${t}-picture-circle-wrapper + `]:Object.assign(Object.assign({},(0,es.dF)()),{display:"inline-block",width:"100%",[`${t}${t}-select`]:{width:l,height:l,marginInlineEnd:e.marginXS,marginBottom:e.marginXS,textAlign:"center",verticalAlign:"top",backgroundColor:e.colorFillAlter,border:`${e.lineWidth}px dashed ${e.colorBorder}`,borderRadius:e.borderRadiusLG,cursor:"pointer",transition:`border-color ${e.motionDurationSlow}`,[`> ${t}`]:{display:"flex",alignItems:"center",justifyContent:"center",height:"100%",textAlign:"center"},[`&:not(${t}-disabled):hover`]:{borderColor:e.colorPrimary}},[`${i}${i}-picture-card, ${i}${i}-picture-circle`]:{[`${i}-item-container`]:{display:"inline-block",width:l,height:l,marginBlock:`0 ${e.marginXS}px`,marginInline:`0 ${e.marginXS}px`,verticalAlign:"top"},"&::after":{display:"none"},[a]:{height:"100%",margin:0,"&::before":{position:"absolute",zIndex:1,width:`calc(100% - ${2*e.paddingXS}px)`,height:`calc(100% - ${2*e.paddingXS}px)`,backgroundColor:e.colorBgMask,opacity:0,transition:`all ${e.motionDurationSlow}`,content:'" "'}},[`${a}:hover`]:{[`&::before, ${a}-actions`]:{opacity:1}},[`${a}-actions`]:{position:"absolute",insetInlineStart:0,zIndex:10,width:"100%",whiteSpace:"nowrap",textAlign:"center",opacity:0,transition:`all ${e.motionDurationSlow}`,[`${r}-eye, ${r}-download, ${r}-delete`]:{zIndex:10,width:n,margin:`0 ${e.marginXXS}px`,fontSize:n,cursor:"pointer",transition:`all ${e.motionDurationSlow}`,svg:{verticalAlign:"baseline"}}},[`${a}-actions, ${a}-actions:hover`]:{[`${r}-eye, ${r}-download, ${r}-delete`]:{color:new ey.C(o).setAlpha(.65).toRgbString(),"&:hover":{color:o}}},[`${a}-thumbnail, ${a}-thumbnail img`]:{position:"static",display:"block",width:"100%",height:"100%",objectFit:"contain"},[`${a}-name`]:{display:"none",textAlign:"center"},[`${a}-file + ${a}-name`]:{position:"absolute",bottom:e.margin,display:"block",width:`calc(100% - ${2*e.paddingXS}px)`},[`${a}-uploading`]:{[`&${a}`]:{backgroundColor:e.colorFillAlter},[`&::before, ${r}-eye, ${r}-download, ${r}-delete`]:{display:"none"}},[`${a}-progress`]:{bottom:e.marginXL,width:`calc(100% - ${2*e.paddingXS}px)`,paddingInlineStart:0}}}),[`${t}-wrapper${t}-picture-circle-wrapper`]:{[`${t}${t}-select`]:{borderRadius:"50%"}}}};var eE=e=>{let{componentCls:t}=e;return{[`${t}-rtl`]:{direction:"rtl"}}};let ex=e=>{let{componentCls:t,colorTextDisabled:r}=e;return{[`${t}-wrapper`]:Object.assign(Object.assign({},(0,es.Wf)(e)),{[t]:{outline:0,"input[type='file']":{cursor:"pointer"}},[`${t}-select`]:{display:"inline-block"},[`${t}-disabled`]:{color:r,cursor:"not-allowed"}})}};var eC=(0,eu.Z)("Upload",e=>{let{fontSizeHeading3:t,fontSize:r,lineHeight:n,lineWidth:o,controlHeightLG:i}=e,a=(0,ed.TS)(e,{uploadThumbnailSize:2*t,uploadProgressOffset:Math.round(r*n)/2+o,uploadPicCardSize:2.55*i});return[ex(a),ep(a),ew(a),ek(a),ef(a),ev(a),eE(a),(0,ec.Z)(a)]},e=>({actionsColor:e.colorTextDescription}));let eS=`__LIST_IGNORE_${Date.now()}__`,eO=n.forwardRef((e,t)=>{var r;let{fileList:i,defaultFileList:l,onRemove:s,showUploadList:c=!0,listType:u="text",onPreview:d,onDownload:p,onChange:f,onDrop:m,previewFile:g,disabled:h,locale:b,iconRender:v,isImageUrl:$,progress:y,prefixCls:w,className:k,type:E="select",children:x,style:C,itemRender:S,maxCount:O,data:j={},multiple:F=!1,action:A="",accept:L="",supportServerRender:z=!0}=e,T=n.useContext(N.Z),X=null!=h?h:T,[_,U]=(0,I.Z)(l||[],{value:i,postState:e=>null!=e?e:[]}),[H,W]=n.useState("drop"),B=n.useRef(null);n.useMemo(()=>{let e=Date.now();(i||[]).forEach((t,r)=>{t.uid||Object.isFrozen(t)||(t.uid=`__AUTO__${e}_${r}__`)})},[i]);let q=(e,t,r)=>{let n=(0,o.Z)(t),i=!1;1===O?n=n.slice(-1):O&&(i=n.length>O,n=n.slice(0,O)),(0,D.flushSync)(()=>{U(n)});let a={file:e,fileList:n};r&&(a.event=r),(!i||n.some(t=>t.uid===e.uid))&&(0,D.flushSync)(()=>{null==f||f(a)})},K=e=>{let t=e.filter(e=>!e.file[eS]);if(!t.length)return;let r=t.map(e=>V(e.file)),n=(0,o.Z)(_);r.forEach(e=>{n=G(e,n)}),r.forEach((e,r)=>{let o=e;if(t[r].parsedFile)e.status="uploading";else{let t;let{originFileObj:r}=e;try{t=new File([r],r.name,{type:r.type})}catch(e){(t=new Blob([r],{type:r.type})).name=r.name,t.lastModifiedDate=new Date,t.lastModified=new Date().getTime()}t.uid=e.uid,o=t}q(o,n)})},Q=(e,t,r)=>{try{"string"==typeof e&&(e=JSON.parse(e))}catch(e){}if(!J(t,_))return;let n=V(t);n.status="done",n.percent=100,n.response=e,n.xhr=r;let o=G(n,_);q(n,o)},Y=(e,t)=>{if(!J(t,_))return;let r=V(t);r.status="uploading",r.percent=e.percent;let n=G(r,_);q(r,n,e)},ee=(e,t,r)=>{if(!J(r,_))return;let n=V(r);n.error=e,n.response=t,n.status="error";let o=G(n,_);q(n,o)},et=e=>{let t;Promise.resolve("function"==typeof s?s(e):s).then(r=>{var n;if(!1===r)return;let o=function(e,t){let r=void 0!==e.uid?"uid":"name",n=t.filter(t=>t[r]!==e[r]);return n.length===t.length?null:n}(e,_);o&&(t=Object.assign(Object.assign({},e),{status:"removed"}),null==_||_.forEach(e=>{let r=void 0!==t.uid?"uid":"name";e[r]!==t[r]||Object.isFrozen(e)||(e.status="removed")}),null===(n=B.current)||void 0===n||n.abort(t),q(t,o))})},er=e=>{W(e.type),"drop"===e.type&&(null==m||m(e))};n.useImperativeHandle(t,()=>({onBatchStart:K,onSuccess:Q,onProgress:Y,onError:ee,fileList:_,upload:B.current}));let{getPrefixCls:en,direction:eo,upload:ei}=n.useContext(R.E_),ea=en("upload",w),es=Object.assign(Object.assign({onBatchStart:K,onError:ee,onProgress:Y,onSuccess:Q},e),{data:j,multiple:F,action:A,accept:L,supportServerRender:z,prefixCls:ea,disabled:X,beforeUpload:(t,r)=>{var n,o,i,a;return n=void 0,o=void 0,i=void 0,a=function*(){let{beforeUpload:n,transformFile:o}=e,i=t;if(n){let e=yield n(t,r);if(!1===e)return!1;if(delete t[eS],e===eS)return Object.defineProperty(t,eS,{value:!0,configurable:!0}),!1;"object"==typeof e&&e&&(i=e)}return o&&(i=yield o(i)),i},new(i||(i=Promise))(function(e,t){function r(e){try{s(a.next(e))}catch(e){t(e)}}function l(e){try{s(a.throw(e))}catch(e){t(e)}}function s(t){var n;t.done?e(t.value):((n=t.value)instanceof i?n:new i(function(e){e(n)})).then(r,l)}s((a=a.apply(n,o||[])).next())})},onChange:void 0});delete es.className,delete es.style,(!x||X)&&delete es.id;let[ec,eu]=eC(ea),[ed]=(0,P.Z)("Upload",M.Z.Upload),{showRemoveIcon:ep,showPreviewIcon:ef,showDownloadIcon:em,removeIcon:eg,previewIcon:eh,downloadIcon:eb}="boolean"==typeof c?{}:c,ev=(e,t)=>c?n.createElement(el,{prefixCls:ea,listType:u,items:_,previewFile:g,onPreview:d,onDownload:p,onRemove:et,showRemoveIcon:!X&&ep,showPreviewIcon:ef,showDownloadIcon:em,removeIcon:eg,previewIcon:eh,downloadIcon:eb,iconRender:v,locale:Object.assign(Object.assign({},ed),b),isImageUrl:$,progress:y,appendAction:e,appendActionVisible:t,itemRender:S,disabled:X}):e,e$=a()(`${ea}-wrapper`,k,eu,null==ei?void 0:ei.className,{[`${ea}-rtl`]:"rtl"===eo,[`${ea}-picture-card-wrapper`]:"picture-card"===u,[`${ea}-picture-circle-wrapper`]:"picture-circle"===u}),ey=Object.assign(Object.assign({},null==ei?void 0:ei.style),C);if("drag"===E){let e=a()(eu,ea,`${ea}-drag`,{[`${ea}-drag-uploading`]:_.some(e=>"uploading"===e.status),[`${ea}-drag-hover`]:"dragover"===H,[`${ea}-disabled`]:X,[`${ea}-rtl`]:"rtl"===eo});return ec(n.createElement("span",{className:e$},n.createElement("div",{className:e,style:ey,onDrop:er,onDragOver:er,onDragLeave:er},n.createElement(Z,Object.assign({},es,{ref:B,className:`${ea}-btn`}),n.createElement("div",{className:`${ea}-drag-container`},x))),ev()))}let ew=a()(ea,`${ea}-select`,{[`${ea}-disabled`]:X}),ek=(r=x?void 0:{display:"none"},n.createElement("div",{className:ew,style:r},n.createElement(Z,Object.assign({},es,{ref:B}))));return ec("picture-card"===u||"picture-circle"===u?n.createElement("span",{className:e$},ev(ek,!!x)):n.createElement("span",{className:e$},ek,ev()))});var ej=function(e,t){var r={};for(var n in e)Object.prototype.hasOwnProperty.call(e,n)&&0>t.indexOf(n)&&(r[n]=e[n]);if(null!=e&&"function"==typeof Object.getOwnPropertySymbols)for(var o=0,n=Object.getOwnPropertySymbols(e);ot.indexOf(n[o])&&Object.prototype.propertyIsEnumerable.call(e,n[o])&&(r[n[o]]=e[n[o]]);return r};let eZ=n.forwardRef((e,t)=>{var{style:r,height:o}=e,i=ej(e,["style","height"]);return n.createElement(eO,Object.assign({ref:t},i,{type:"drag",style:Object.assign(Object.assign({},r),{height:o})}))});eO.Dragger=eZ,eO.LIST_IGNORE=eS;var eI=eO}}]); \ No newline at end of file diff --git a/pilot/server/static/_next/static/chunks/604.8b28a3b59fbde616.js b/pilot/server/static/_next/static/chunks/604.8b28a3b59fbde616.js deleted file mode 100644 index eeee04cbc..000000000 --- a/pilot/server/static/_next/static/chunks/604.8b28a3b59fbde616.js +++ /dev/null @@ -1 +0,0 @@ -"use strict";(self.webpackChunk_N_E=self.webpackChunk_N_E||[]).push([[604],{24093:function(e,l,t){t.r(l),t.d(l,{default:function(){return ev}});var r=t(85893),a=t(67294),s=t(2093),n=t(1375),o=t(2453),i=t(58989),c=t(83454),d=e=>{let{queryAgentURL:l="/api/v1/chat/completions"}=e,t=(0,a.useMemo)(()=>new AbortController,[]),r=(0,a.useCallback)(async e=>{let{context:r,data:a,chatId:s,onMessage:d,onClose:u,onDone:x,onError:m}=e;if(!r){o.ZP.warning(i.Z.t("NoContextTip"));return}let h={...a,conv_uid:s,user_input:r};if(!h.conv_uid){o.ZP.error("conv_uid 不存在,请刷新后重试");return}try{var p;await (0,n.L)("".concat(null!==(p=c.env.API_BASE_URL)&&void 0!==p?p:"").concat(l),{method:"POST",headers:{"Content-Type":"application/json"},body:JSON.stringify(h),signal:t.signal,openWhenHidden:!0,async onopen(e){if(e.ok&&e.headers.get("content-type")===n.a)return},onclose(){t.abort(),null==u||u()},onerror(e){throw Error(e)},onmessage:e=>{var l;let t=null===(l=e.data)||void 0===l?void 0:l.replaceAll("\\n","\n");"[DONE]"===t?null==x||x():(null==t?void 0:t.startsWith("[ERROR]"))?null==m||m(null==t?void 0:t.replace("[ERROR]","")):null==d||d(t)}})}catch(e){t.abort(),null==m||m("Sorry, We meet some error, please try agin later.",e)}},[l]);return(0,a.useEffect)(()=>()=>{t.abort()},[]),r},u=t(39332),x=t(99513),m=t(24019),h=t(50888),p=t(97937),g=t(63606),v=t(50228),f=t(87547),j=t(89035),b=t(33035),y=t(12767),w=t(94184),Z=t.n(w),_=t(66309),N=t(81799),k=t(41468),C=t(57132),S=t(29158),P=t(98165),R=t(79166),E=t(93179),O=t(71577),D=t(38426),M=t(20640),I=t.n(M);let L={code(e){var l;let{inline:t,node:a,className:s,children:n,style:i,...c}=e,d=/language-(\w+)/.exec(s||"");return!t&&d?(0,r.jsxs)("div",{className:"relative",children:[(0,r.jsx)(O.ZP,{className:"absolute right-3 top-2 text-gray-300 hover:!text-gray-200 bg-gray-700",type:"text",icon:(0,r.jsx)(C.Z,{}),onClick:()=>{let e=I()(n);o.ZP[e?"success":"error"](e?"Copy success":"Copy failed")}}),(0,r.jsx)(E.Z,{language:null!==(l=null==d?void 0:d[1])&&void 0!==l?l:"javascript",style:R.Z,children:n})]}):(0,r.jsx)("code",{...c,style:i,className:"px-[6px] py-[2px] rounded bg-gray-700 text-gray-100 dark:bg-gray-100 dark:text-gray-800 text-sm",children:n})},ul(e){let{children:l}=e;return(0,r.jsx)("ul",{className:"py-1",children:l})},ol(e){let{children:l}=e;return(0,r.jsx)("ol",{className:"py-1",children:l})},li(e){let{children:l,ordered:t}=e;return(0,r.jsx)("li",{className:"text-sm leading-7 ml-5 pl-2 text-gray-600 dark:text-gray-300 ".concat(t?"list-decimal":"list-disc"),children:l})},table(e){let{children:l}=e;return(0,r.jsx)("table",{className:"my-2 rounded-tl-md rounded-tr-md max-w-full bg-white dark:bg-gray-900 text-sm rounded-lg overflow-hidden",children:l})},thead(e){let{children:l}=e;return(0,r.jsx)("thead",{className:"bg-[#fafafa] dark:bg-black font-semibold",children:l})},th(e){let{children:l}=e;return(0,r.jsx)("th",{className:"!text-left p-4",children:l})},td(e){let{children:l}=e;return(0,r.jsx)("td",{className:"p-4 border-t border-[#f0f0f0] dark:border-gray-700",children:l})},h1(e){let{children:l}=e;return(0,r.jsx)("h3",{className:"text-2xl font-bold my-4 border-b border-slate-300 pb-4",children:l})},h2(e){let{children:l}=e;return(0,r.jsx)("h3",{className:"text-xl font-bold my-3",children:l})},h3(e){let{children:l}=e;return(0,r.jsx)("h3",{className:"text-lg font-semibold my-2",children:l})},h4(e){let{children:l}=e;return(0,r.jsx)("h3",{className:"text-base font-semibold my-1",children:l})},a(e){let{children:l,href:t}=e;return(0,r.jsxs)("div",{className:"inline-block text-blue-600 dark:text-blue-400",children:[(0,r.jsx)(S.Z,{className:"mr-1"}),(0,r.jsx)("a",{href:t,target:"_blank",children:l})]})},img(e){let{src:l,alt:t}=e;return(0,r.jsx)("div",{children:(0,r.jsx)(D.Z,{className:"min-h-[1rem] max-w-full max-h-full border rounded",src:l,alt:t,placeholder:(0,r.jsx)(_.Z,{icon:(0,r.jsx)(P.Z,{spin:!0}),color:"processing",children:"Image Loading..."}),fallback:"/images/fallback.png"})})},blockquote(e){let{children:l}=e;return(0,r.jsx)("blockquote",{className:"py-4 px-6 border-l-4 border-blue-600 rounded bg-white my-2 text-gray-500 dark:bg-slate-800 dark:text-gray-200 dark:border-white shadow-sm",children:l})},references(e){let l,{children:t}=e;try{l=JSON.parse(t)}catch(e){return console.log(e),(0,r.jsx)("p",{className:"text-sm",children:"Render Reference Error!"})}let a=null==l?void 0:l.references;return!a||(null==a?void 0:a.length)<1?null:(0,r.jsxs)("div",{className:"border-t-[1px] border-gray-300 mt-3 py-2",children:[(0,r.jsxs)("p",{className:"text-sm text-gray-500 dark:text-gray-400 mb-2",children:[(0,r.jsx)(S.Z,{className:"mr-2"}),(0,r.jsx)("span",{className:"font-semibold",children:l.title})]}),a.map((e,l)=>{var t;return(0,r.jsxs)("p",{className:"text-sm font-normal block ml-2 h-6 leading-6 overflow-hidden",children:[(0,r.jsxs)("span",{className:"inline-block w-6",children:["[",l+1,"]"]}),(0,r.jsx)("span",{className:"mr-4 text-blue-400",children:e.name}),null==e?void 0:null===(t=e.pages)||void 0===t?void 0:t.map((l,t)=>(0,r.jsxs)(r.Fragment,{children:[(0,r.jsx)("span",{children:l},"file_page_".concat(t)),t<(null==e?void 0:e.pages.length)-1&&(0,r.jsx)("span",{children:","},"file_page__".concat(t))]}))]},"file_".concat(l))})]})}},A={todo:{bgClass:"bg-gray-500",icon:(0,r.jsx)(m.Z,{className:"ml-2"})},runing:{bgClass:"bg-blue-500",icon:(0,r.jsx)(h.Z,{className:"ml-2"})},failed:{bgClass:"bg-red-500",icon:(0,r.jsx)(p.Z,{className:"ml-2"})},completed:{bgClass:"bg-green-500",icon:(0,r.jsx)(g.Z,{className:"ml-2"})}};function F(e){return e.replaceAll("\\n","\n").replace(/]+)>/gi,"
").replace(/]+)>/gi,"")}var T=(0,a.memo)(function(e){let{children:l,content:t,isChartChat:s,onLinkClick:n}=e,{scene:o}=(0,a.useContext)(k.p),{context:i,model_name:c,role:d}=t,u="view"===d,{relations:x,value:m,cachePlguinContext:h}=(0,a.useMemo)(()=>{if("string"!=typeof i)return{relations:[],value:"",cachePlguinContext:[]};let[e,l]=i.split(" relations:"),t=l?l.split(","):[],r=[],a=0,s=e.replace(/]*>[^<]*<\/dbgpt-view>/gi,e=>{try{var l;console.log(e);let t=e.replaceAll("\n","\\n").replace(/<[^>]*>|<\/[^>]*>/gm,""),s=JSON.parse(t),n="".concat(a,"");return r.push({...s,result:F(null!==(l=s.result)&&void 0!==l?l:"")}),a++,n}catch(l){return console.log(l.message,l),e}});return{relations:t,cachePlguinContext:r,value:s}},[i]),p=(0,a.useMemo)(()=>({"custom-view"(e){var l;let{children:t}=e,a=+t.toString();if(!h[a])return t;let{name:s,status:n,err_msg:o,result:i}=h[a],{bgClass:c,icon:d}=null!==(l=A[n])&&void 0!==l?l:{};return(0,r.jsxs)("div",{className:"bg-white dark:bg-[#212121] rounded-lg overflow-hidden my-2 flex flex-col lg:max-w-[80%]",children:[(0,r.jsxs)("div",{className:Z()("flex px-4 md:px-6 py-2 items-center text-white text-sm",c),children:[s,d]}),i?(0,r.jsx)("div",{className:"px-4 md:px-6 py-4 text-sm",children:(0,r.jsx)(b.D,{components:L,rehypePlugins:[y.Z],children:null!=i?i:""})}):(0,r.jsx)("div",{className:"px-4 md:px-6 py-4 text-sm",children:o})]})}}),[i,h]);return(0,r.jsxs)("div",{className:Z()("relative flex flex-wrap w-full px-2 sm:px-4 py-2 sm:py-4 rounded-xl break-words",{"bg-slate-100 dark:bg-[#353539]":u,"lg:w-full xl:w-full pl-0":["chat_with_db_execute","chat_dashboard"].includes(o)}),children:[(0,r.jsx)("div",{className:"mr-2 flex flex-shrink-0 items-center justify-center h-7 w-7 rounded-full text-lg sm:mr-4",children:u?(0,N.A)(c)||(0,r.jsx)(v.Z,{}):(0,r.jsx)(f.Z,{})}),(0,r.jsxs)("div",{className:"flex-1 overflow-hidden items-center text-md leading-8",children:[!u&&"string"==typeof i&&i,u&&s&&"object"==typeof i&&(0,r.jsxs)("div",{children:["[".concat(i.template_name,"]: "),(0,r.jsxs)("span",{className:"text-[#1677ff] cursor-pointer",onClick:n,children:[(0,r.jsx)(j.Z,{className:"mr-1"}),i.template_introduce||"More Details"]})]}),u&&"string"==typeof i&&(0,r.jsx)(b.D,{components:{...L,...p},rehypePlugins:[y.Z],children:F(m)}),!!(null==x?void 0:x.length)&&(0,r.jsx)("div",{className:"flex flex-wrap mt-2",children:null==x?void 0:x.map((e,l)=>(0,r.jsx)(_.Z,{color:"#108ee9",children:e},e+l))})]}),l]})}),H=t(59301),J=t(41132),V=t(74312),$=t(3414),q=t(72868),z=t(59562),W=t(14553),G=t(25359),B=t(7203),K=t(48665),Q=t(26047),U=t(99056),X=t(57814),Y=t(63955),ee=t(33028),el=t(40911),et=t(66478),er=t(83062),ea=t(50489),es=t(67421),en=e=>{var l;let{conv_index:t,question:s,knowledge_space:n}=e,{t:i}=(0,es.$G)(),{chatId:c}=(0,a.useContext)(k.p),[d,u]=(0,a.useState)(""),[x,m]=(0,a.useState)(4),[h,p]=(0,a.useState)(""),g=(0,a.useRef)(null),[v,f]=o.ZP.useMessage(),[j,b]=(0,a.useState)({});(0,a.useEffect)(()=>{(0,ea.Vx)((0,ea.Lu)()).then(e=>{var l;console.log(e),b(null!==(l=e[1])&&void 0!==l?l:{})}).catch(e=>{console.log(e)})},[]);let y=(0,a.useCallback)((e,l)=>{l?(0,ea.Vx)((0,ea.Eb)(c,t)).then(e=>{var l,t,r,a;let s=null!==(l=e[1])&&void 0!==l?l:{};u(null!==(t=s.ques_type)&&void 0!==t?t:""),m(parseInt(null!==(r=s.score)&&void 0!==r?r:"4")),p(null!==(a=s.messages)&&void 0!==a?a:"")}).catch(e=>{console.log(e)}):(u(""),m(4),p(""))},[c,t]),w=(0,V.Z)($.Z)(e=>{let{theme:l}=e;return{backgroundColor:"dark"===l.palette.mode?"#FBFCFD":"#0E0E10",...l.typography["body-sm"],padding:l.spacing(1),display:"flex",alignItems:"center",justifyContent:"center",borderRadius:4,width:"100%",height:"100%"}});return(0,r.jsxs)(q.L,{onOpenChange:y,children:[f,(0,r.jsx)(er.Z,{title:i("Rating"),children:(0,r.jsx)(z.Z,{slots:{root:W.ZP},slotProps:{root:{variant:"plain",color:"primary"}},sx:{borderRadius:40},children:(0,r.jsx)(H.Z,{})})}),(0,r.jsxs)(G.Z,{children:[(0,r.jsx)(B.Z,{disabled:!0,sx:{minHeight:0}}),(0,r.jsx)(K.Z,{sx:{width:"100%",maxWidth:350,display:"grid",gap:3,padding:1},children:(0,r.jsx)("form",{onSubmit:e=>{e.preventDefault();let l={conv_uid:c,conv_index:t,question:s,knowledge_space:n,score:x,ques_type:d,messages:h};console.log(l),(0,ea.Vx)((0,ea.VC)({data:l})).then(e=>{v.open({type:"success",content:"save success"})}).catch(e=>{v.open({type:"error",content:"save error"})})},children:(0,r.jsxs)(Q.Z,{container:!0,spacing:.5,columns:13,sx:{flexGrow:1},children:[(0,r.jsx)(Q.Z,{xs:3,children:(0,r.jsx)(w,{children:i("Q_A_Category")})}),(0,r.jsx)(Q.Z,{xs:10,children:(0,r.jsx)(U.Z,{action:g,value:d,placeholder:"Choose one…",onChange:(e,l)=>u(null!=l?l:""),...d&&{endDecorator:(0,r.jsx)(W.ZP,{size:"sm",variant:"plain",color:"neutral",onMouseDown:e=>{e.stopPropagation()},onClick:()=>{var e;u(""),null===(e=g.current)||void 0===e||e.focusVisible()},children:(0,r.jsx)(J.Z,{})}),indicator:null},sx:{width:"100%"},children:null===(l=Object.keys(j))||void 0===l?void 0:l.map(e=>(0,r.jsx)(X.Z,{value:e,children:j[e]},e))})}),(0,r.jsx)(Q.Z,{xs:3,children:(0,r.jsx)(w,{children:(0,r.jsx)(er.Z,{title:(0,r.jsx)(K.Z,{children:(0,r.jsx)("div",{children:i("feed_back_desc")})}),variant:"solid",placement:"left",children:i("Q_A_Rating")})})}),(0,r.jsx)(Q.Z,{xs:10,sx:{pl:0,ml:0},children:(0,r.jsx)(Y.Z,{"aria-label":"Custom",step:1,min:0,max:5,valueLabelFormat:function(e){return({0:i("Lowest"),1:i("Missed"),2:i("Lost"),3:i("Incorrect"),4:i("Verbose"),5:i("Best")})[e]},valueLabelDisplay:"on",marks:[{value:0,label:"0"},{value:1,label:"1"},{value:2,label:"2"},{value:3,label:"3"},{value:4,label:"4"},{value:5,label:"5"}],sx:{width:"90%",pt:3,m:2,ml:1},onChange:e=>{var l;return m(null===(l=e.target)||void 0===l?void 0:l.value)},value:x})}),(0,r.jsx)(Q.Z,{xs:13,children:(0,r.jsx)(ee.Z,{placeholder:i("Please_input_the_text"),value:h,onChange:e=>p(e.target.value),minRows:2,maxRows:4,endDecorator:(0,r.jsx)(el.ZP,{level:"body-xs",sx:{ml:"auto"},children:i("input_count")+h.length+i("input_unit")}),sx:{width:"100%",fontSize:14}})}),(0,r.jsx)(Q.Z,{xs:13,children:(0,r.jsx)(et.Z,{type:"submit",variant:"outlined",sx:{width:"100%",height:"100%"},children:i("submit")})})]})})})]})]})},eo=t(32983),ei=t(12069),ec=t(96486),ed=t.n(ec),eu=t(38954),ex=t(98399),em=e=>{var l;let{messages:t,onSubmit:n}=e,{dbParam:i,currentDialogue:c,scene:d,model:m,refreshDialogList:h,chatId:p,agentList:g}=(0,a.useContext)(k.p),{t:v}=(0,es.$G)(),f=(0,u.useSearchParams)(),j=null!==(l=f&&f.get("spaceNameOriginal"))&&void 0!==l?l:"",[b,y]=(0,a.useState)(!1),[w,_]=(0,a.useState)(!1),[S,P]=(0,a.useState)(t),[R,E]=(0,a.useState)(""),O=(0,a.useRef)(null),D=(0,a.useMemo)(()=>"chat_dashboard"===d,[d]),M=(0,a.useMemo)(()=>{switch(d){case"chat_agent":return g.join(",");case"chat_excel":return null==c?void 0:c.select_param;default:return j||i}},[d,g,c,i,j]),L=async e=>{if(!b&&e.trim())try{y(!0),await n(e,{select_param:null!=M?M:""})}finally{y(!1)}},A=e=>{try{return JSON.parse(e)}catch(l){return e}},[F,H]=o.ZP.useMessage(),J=async e=>{let l=null==e?void 0:e.replace(/\trelations:.*/g,""),t=I()(l);t?l?F.open({type:"success",content:v("Copy_success")}):F.open({type:"warning",content:v("Copy_nothing")}):F.open({type:"error",content:v("Copry_error")})};return(0,s.Z)(async()=>{let e=(0,ex.a_)();e&&e.id===p&&(await L(e.message),h(),localStorage.removeItem(ex.rU))},[p]),(0,a.useEffect)(()=>{let e=t;D&&(e=ed().cloneDeep(t).map(e=>((null==e?void 0:e.role)==="view"&&"string"==typeof(null==e?void 0:e.context)&&(e.context=A(null==e?void 0:e.context)),e))),P(e.filter(e=>["view","human"].includes(e.role)))},[D,t]),(0,a.useEffect)(()=>{setTimeout(()=>{var e;null===(e=O.current)||void 0===e||e.scrollTo(0,O.current.scrollHeight)},50)},[t]),(0,r.jsxs)(r.Fragment,{children:[H,(0,r.jsx)("div",{ref:O,className:"flex flex-1 overflow-y-auto pb-8 w-full flex-col",children:(0,r.jsx)("div",{className:"flex items-center flex-1 flex-col text-sm leading-6 text-slate-900 dark:text-slate-300 sm:text-base sm:leading-7",children:S.length?S.map((e,l)=>{var t;return(0,r.jsx)(T,{content:e,isChartChat:D,onLinkClick:()=>{_(!0),E(JSON.stringify(null==e?void 0:e.context,null,2))},children:"view"===e.role&&(0,r.jsxs)("div",{className:"flex w-full flex-row-reverse pt-2 border-t border-gray-200",children:[(0,r.jsx)(en,{conv_index:Math.ceil((l+1)/2),question:null===(t=null==S?void 0:S.filter(l=>(null==l?void 0:l.role)==="human"&&(null==l?void 0:l.order)===e.order)[0])||void 0===t?void 0:t.context,knowledge_space:j||i||""}),(0,r.jsx)(er.Z,{title:v("Copy"),children:(0,r.jsx)(et.Z,{onClick:()=>J(null==e?void 0:e.context),slots:{root:W.ZP},slotProps:{root:{variant:"plain",color:"primary"}},sx:{borderRadius:40},children:(0,r.jsx)(C.Z,{})})})]})},l)}):(0,r.jsx)(eo.Z,{image:"/empty.png",imageStyle:{width:320,height:320,margin:"0 auto",maxWidth:"100%",maxHeight:"100%"},className:"flex items-center justify-center flex-col h-full w-full",description:"Start a conversation"})})}),(0,r.jsx)("div",{className:Z()("relative after:absolute after:-top-8 after:h-8 after:w-full after:bg-gradient-to-t after:from-white after:to-transparent dark:after:from-[#212121]",{"cursor-not-allowed":"chat_excel"===d&&!(null==c?void 0:c.select_param)}),children:(0,r.jsxs)("div",{className:"flex flex-wrap w-full py-2 sm:pt-6 sm:pb-10",children:[m&&(0,r.jsx)("div",{className:"mr-2 flex items-center h-10",children:(0,N.A)(m)}),(0,r.jsx)(eu.Z,{loading:b,onSubmit:L})]})}),(0,r.jsx)(ei.default,{title:"JSON Editor",open:w,width:"60%",cancelButtonProps:{hidden:!0},onOk:()=>{_(!1)},onCancel:()=>{_(!1)},children:(0,r.jsx)(x.Z,{className:"w-full h-[500px]",language:"json",value:R})})]})},eh=t(70803),ep=t(39156),eg=t(45247),ev=()=>{var e;let l=(0,u.useSearchParams)(),{scene:t,chatId:n,model:o,setModel:i}=(0,a.useContext)(k.p),c=d({}),x=null!==(e=l&&l.get("initMessage"))&&void 0!==e?e:"",[m,h]=(0,a.useState)(!1),[p,g]=(0,a.useState)(),[v,f]=(0,a.useState)([]),j=async()=>{h(!0);let[,e]=await (0,ea.Vx)((0,ea.$i)(n));f(null!=e?e:[]),h(!1)},b=e=>{var l;let t=null===(l=e[e.length-1])||void 0===l?void 0:l.context;if(t)try{let e=JSON.parse(t);g((null==e?void 0:e.template_name)==="report"?null==e?void 0:e.charts:void 0)}catch(e){g(void 0)}};(0,s.Z)(async()=>{let e=(0,ex.a_)();e&&e.id===n||await j()},[x,n]),(0,a.useEffect)(()=>{var e,l;if(!v.length)return;let t=null===(e=null===(l=v.filter(e=>"view"===e.role))||void 0===l?void 0:l.slice(-1))||void 0===e?void 0:e[0];(null==t?void 0:t.model_name)&&i(t.model_name),b(v)},[v.length]);let y=(0,a.useCallback)((e,l)=>new Promise(r=>{let a=[...v,{role:"human",context:e,model_name:o,order:0,time_stamp:0},{role:"view",context:"",model_name:o,order:0,time_stamp:0}],s=a.length-1;f([...a]),c({context:e,data:{...l,chat_mode:t||"chat_normal",model_name:o},chatId:n,onMessage:e=>{a[s].context=e,f([...a])},onDone:()=>{b(a),r()},onClose:()=>{b(a),r()},onError:e=>{a[s].context=e,f([...a]),r()}})}),[v,c,o]);return(0,r.jsxs)(r.Fragment,{children:[(0,r.jsx)(eg.Z,{visible:m}),(0,r.jsx)(eh.Z,{refreshHistory:j,modelChange:e=>{i(e)}}),(0,r.jsxs)("div",{className:"px-4 flex flex-1 flex-wrap overflow-hidden relative",children:[!!(null==p?void 0:p.length)&&(0,r.jsx)("div",{className:"w-full xl:w-3/4 h-3/5 xl:pr-4 xl:h-full overflow-y-auto",children:(0,r.jsx)(ep.Z,{chartsData:p})}),!(null==p?void 0:p.length)&&"chat_dashboard"===t&&(0,r.jsx)(eo.Z,{image:"/empty.png",imageStyle:{width:320,height:320,margin:"0 auto",maxWidth:"100%",maxHeight:"100%"},className:"w-full xl:w-3/4 h-3/5 xl:h-full pt-0 md:pt-10"}),(0,r.jsx)("div",{className:Z()("flex flex-1 flex-col overflow-hidden",{"px-0 xl:pl-4 h-2/5 xl:h-full border-t xl:border-t-0 xl:border-l":"chat_dashboard"===t,"h-full lg:px-8":"chat_dashboard"!==t}),children:(0,r.jsx)(em,{messages:v,onSubmit:y})})]})]})}},38954:function(e,l,t){t.d(l,{Z:function(){return b}});var r=t(85893),a=t(27496),s=t(59566),n=t(71577),o=t(67294),i=t(2487),c=t(83062),d=t(2453),u=t(74627),x=t(39479),m=t(51009),h=t(58299),p=t(577),g=t(30119),v=t(67421);let f=e=>{let{data:l,loading:t,submit:a,close:s}=e,{t:n}=(0,v.$G)(),o=e=>()=>{a(e),s()};return(0,r.jsx)("div",{style:{maxHeight:400,overflow:"auto"},children:(0,r.jsx)(i.Z,{dataSource:null==l?void 0:l.data,loading:t,rowKey:e=>e.prompt_name,renderItem:e=>(0,r.jsx)(i.Z.Item,{onClick:o(e.content),children:(0,r.jsx)(c.Z,{title:e.content,children:(0,r.jsx)(i.Z.Item.Meta,{style:{cursor:"copy"},title:e.prompt_name,description:n("Prompt_Info_Scene")+":".concat(e.chat_scene,",")+n("Prompt_Info_Sub_Scene")+":".concat(e.sub_chat_scene)})})},e.prompt_name)})})};var j=e=>{let{submit:l}=e,{t}=(0,v.$G)(),[a,s]=(0,o.useState)(!1),[n,i]=(0,o.useState)("common"),{data:j,loading:b}=(0,p.Z)(()=>(0,g.PR)("/prompt/list",{prompt_type:n}),{refreshDeps:[n],onError:e=>{d.ZP.error(null==e?void 0:e.message)}});return(0,r.jsx)(u.Z,{title:(0,r.jsx)(x.Z.Item,{label:"Prompt "+t("Type"),children:(0,r.jsx)(m.default,{style:{width:130},value:n,onChange:e=>{i(e)},options:[{label:t("Public")+" Prompts",value:"common"},{label:t("Private")+" Prompts",value:"private"}]})}),content:(0,r.jsx)(f,{data:j,loading:b,submit:l,close:()=>{s(!1)}}),placement:"topRight",trigger:"click",open:a,onOpenChange:e=>{s(e)},children:(0,r.jsx)(c.Z,{title:t("Click_Select")+" Prompt",children:(0,r.jsx)(h.Z,{className:"bottom-32"})})})},b=function(e){let{children:l,loading:t,onSubmit:i,...c}=e,[d,u]=(0,o.useState)("");return(0,r.jsxs)(r.Fragment,{children:[(0,r.jsx)(s.default.TextArea,{className:"flex-1",size:"large",value:d,autoSize:{minRows:1,maxRows:4},...c,onPressEnter:e=>{if(d.trim()&&13===e.keyCode){if(e.shiftKey){u(e=>e+"\n");return}i(d),setTimeout(()=>{u("")},0)}},onChange:e=>{if("number"==typeof c.maxLength){u(e.target.value.substring(0,c.maxLength));return}u(e.target.value)}}),(0,r.jsx)(n.ZP,{className:"ml-2 flex items-center justify-center",size:"large",type:"text",loading:t,icon:(0,r.jsx)(a.Z,{}),onClick:()=>{i(d)}}),(0,r.jsx)(j,{submit:e=>{u(d+e)}}),l]})}},45247:function(e,l,t){var r=t(85893),a=t(50888);l.Z=function(e){let{visible:l}=e;return l?(0,r.jsx)("div",{className:"absolute w-full h-full top-0 left-0 flex justify-center items-center z-10 bg-white dark:bg-black bg-opacity-50 dark:bg-opacity-50 backdrop-blur-sm text-3xl animate-fade animate-duration-200",children:(0,r.jsx)(a.Z,{})}):null}}}]); \ No newline at end of file diff --git a/pilot/server/static/_next/static/chunks/607-b224c640f6907e4b.js b/pilot/server/static/_next/static/chunks/607-b224c640f6907e4b.js new file mode 100644 index 000000000..4a5c42434 --- /dev/null +++ b/pilot/server/static/_next/static/chunks/607-b224c640f6907e4b.js @@ -0,0 +1,78 @@ +"use strict";(self.webpackChunk_N_E=self.webpackChunk_N_E||[]).push([[607],{84567:function(e,t,n){n.d(t,{Z:function(){return w}});var r=n(94184),l=n.n(r),o=n(50132),a=n(67294),i=n(53124),c=n(98866),s=n(65223);let u=a.createContext(null);var d=n(63185),f=n(45353),p=n(17415),m=function(e,t){var n={};for(var r in e)Object.prototype.hasOwnProperty.call(e,r)&&0>t.indexOf(r)&&(n[r]=e[r]);if(null!=e&&"function"==typeof Object.getOwnPropertySymbols)for(var l=0,r=Object.getOwnPropertySymbols(e);lt.indexOf(r[l])&&Object.prototype.propertyIsEnumerable.call(e,r[l])&&(n[r[l]]=e[r[l]]);return n};let h=a.forwardRef((e,t)=>{var n;let{prefixCls:r,className:h,rootClassName:g,children:x,indeterminate:b=!1,style:v,onMouseEnter:y,onMouseLeave:w,skipGroup:C=!1,disabled:$}=e,E=m(e,["prefixCls","className","rootClassName","children","indeterminate","style","onMouseEnter","onMouseLeave","skipGroup","disabled"]),{getPrefixCls:S,direction:k,checkbox:Z}=a.useContext(i.E_),N=a.useContext(u),{isFormItemInput:O}=a.useContext(s.aM),R=a.useContext(c.Z),I=null!==(n=(null==N?void 0:N.disabled)||$)&&void 0!==n?n:R,j=a.useRef(E.value);a.useEffect(()=>{null==N||N.registerValue(E.value)},[]),a.useEffect(()=>{if(!C)return E.value!==j.current&&(null==N||N.cancelValue(j.current),null==N||N.registerValue(E.value),j.current=E.value),()=>null==N?void 0:N.cancelValue(E.value)},[E.value]);let P=S("checkbox",r),[T,z]=(0,d.ZP)(P),M=Object.assign({},E);N&&!C&&(M.onChange=function(){E.onChange&&E.onChange.apply(E,arguments),N.toggleOption&&N.toggleOption({label:x,value:E.value})},M.name=N.name,M.checked=N.value.includes(E.value));let H=l()(`${P}-wrapper`,{[`${P}-rtl`]:"rtl"===k,[`${P}-wrapper-checked`]:M.checked,[`${P}-wrapper-disabled`]:I,[`${P}-wrapper-in-form-item`]:O},null==Z?void 0:Z.className,h,g,z),L=l()({[`${P}-indeterminate`]:b},p.A,z);return T(a.createElement(f.Z,{component:"Checkbox",disabled:I},a.createElement("label",{className:H,style:Object.assign(Object.assign({},null==Z?void 0:Z.style),v),onMouseEnter:y,onMouseLeave:w},a.createElement(o.Z,Object.assign({"aria-checked":b?"mixed":void 0},M,{prefixCls:P,className:L,disabled:I,ref:t})),void 0!==x&&a.createElement("span",null,x))))});var g=n(74902),x=n(98423),b=function(e,t){var n={};for(var r in e)Object.prototype.hasOwnProperty.call(e,r)&&0>t.indexOf(r)&&(n[r]=e[r]);if(null!=e&&"function"==typeof Object.getOwnPropertySymbols)for(var l=0,r=Object.getOwnPropertySymbols(e);lt.indexOf(r[l])&&Object.prototype.propertyIsEnumerable.call(e,r[l])&&(n[r[l]]=e[r[l]]);return n};let v=a.forwardRef((e,t)=>{let{defaultValue:n,children:r,options:o=[],prefixCls:c,className:s,rootClassName:f,style:p,onChange:m}=e,v=b(e,["defaultValue","children","options","prefixCls","className","rootClassName","style","onChange"]),{getPrefixCls:y,direction:w}=a.useContext(i.E_),[C,$]=a.useState(v.value||n||[]),[E,S]=a.useState([]);a.useEffect(()=>{"value"in v&&$(v.value||[])},[v.value]);let k=a.useMemo(()=>o.map(e=>"string"==typeof e||"number"==typeof e?{label:e,value:e}:e),[o]),Z=y("checkbox",c),N=`${Z}-group`,[O,R]=(0,d.ZP)(Z),I=(0,x.Z)(v,["value","disabled"]),j=o.length?k.map(e=>a.createElement(h,{prefixCls:Z,key:e.value.toString(),disabled:"disabled"in e?e.disabled:v.disabled,value:e.value,checked:C.includes(e.value),onChange:e.onChange,className:`${N}-item`,style:e.style,title:e.title},e.label)):r,P={toggleOption:e=>{let t=C.indexOf(e.value),n=(0,g.Z)(C);-1===t?n.push(e.value):n.splice(t,1),"value"in v||$(n),null==m||m(n.filter(e=>E.includes(e)).sort((e,t)=>{let n=k.findIndex(t=>t.value===e),r=k.findIndex(e=>e.value===t);return n-r}))},value:C,disabled:v.disabled,name:v.name,registerValue:e=>{S(t=>[].concat((0,g.Z)(t),[e]))},cancelValue:e=>{S(t=>t.filter(t=>t!==e))}},T=l()(N,{[`${N}-rtl`]:"rtl"===w},s,f,R);return O(a.createElement("div",Object.assign({className:T,style:p},I,{ref:t}),a.createElement(u.Provider,{value:P},j)))});var y=a.memo(v);h.Group=y,h.__ANT_CHECKBOX=!0;var w=h},61607:function(e,t,n){n.d(t,{Z:function(){return tq}});var r,l={},o="rc-table-internal-hook",a=n(97685),i=n(66680),c=n(8410),s=n(91881),u=n(67294),d=n(73935);function f(e,t){var n=(0,i.Z)("function"==typeof t?t:function(e){if(void 0===t)return e;if(!Array.isArray(t))return e[t];var n={};return t.forEach(function(t){n[t]=e[t]}),n}),r=u.useContext(null==e?void 0:e.Context),l=r||{},o=l.listeners,d=l.getValue,f=u.useRef();f.current=n(r?d():null==e?void 0:e.defaultValue);var p=u.useState({}),m=(0,a.Z)(p,2)[1];return(0,c.Z)(function(){if(r)return o.add(e),function(){o.delete(e)};function e(e){var t=n(e);(0,s.Z)(f.current,t,!0)||m({})}},[r]),f.current}var p=n(87462),m=n(42550),h=function(){var e=u.createContext(null);function t(){return u.useContext(e)}return{makeImmutable:function(n,r){var l=(0,m.Yr)(n),o=function(o,a){var i=l?{ref:a}:{},c=u.useRef(0),s=u.useRef(o);return null!==t()?u.createElement(n,(0,p.Z)({},o,i)):((!r||r(s.current,o))&&(c.current+=1),s.current=o,u.createElement(e.Provider,{value:c.current},u.createElement(n,(0,p.Z)({},o,i))))};return l?u.forwardRef(o):o},responseImmutable:function(e,n){var r=(0,m.Yr)(e),l=function(n,l){var o=r?{ref:l}:{};return t(),u.createElement(e,(0,p.Z)({},n,o))};return r?u.memo(u.forwardRef(l),n):u.memo(l,n)},useImmutableMark:t}}(),g=h.makeImmutable,x=h.responseImmutable,b=h.useImmutableMark,v={Context:r=u.createContext(void 0),Provider:function(e){var t=e.value,n=e.children,l=u.useRef(t);l.current=t;var o=u.useState(function(){return{getValue:function(){return l.current},listeners:new Set}}),i=(0,a.Z)(o,1)[0];return(0,c.Z)(function(){(0,d.unstable_batchedUpdates)(function(){i.listeners.forEach(function(e){e(t)})})},[t]),u.createElement(r.Provider,{value:i},n)},defaultValue:void 0};u.memo(function(){var e,t,n,r,l,o,a=(n=u.useRef(0),n.current+=1,r=u.useRef(e),l=[],Object.keys(e||{}).map(function(t){var n;(null==e?void 0:e[t])!==(null===(n=r.current)||void 0===n?void 0:n[t])&&l.push(t)}),r.current=e,o=u.useRef([]),l.length&&(o.current=l),u.useDebugValue(n.current),u.useDebugValue(o.current.join(", ")),t&&console.log("".concat(t,":"),n.current,o.current),n.current);return u.createElement("h1",null,"Render Times: ",a)}).displayName="RenderBlock";var y=n(71002),w=n(1413),C=n(4942),$=n(94184),E=n.n($),S=n(56982),k=n(88306);n(80334);var Z=u.createContext({renderWithProps:!1});function N(e){var t=[],n={};return e.forEach(function(e){for(var r=e||{},l=r.key,o=r.dataIndex,a=l||(null==o?[]:Array.isArray(o)?o:[o]).join("-")||"RC_TABLE_KEY";n[a];)a="".concat(a,"_next");n[a]=!0,t.push(a)}),t}var O=function(e){var t,n=e.ellipsis,r=e.rowType,l=e.children,o=!0===n?{showTitle:!0}:n;return o&&(o.showTitle||"header"===r)&&("string"==typeof l||"number"==typeof l?t=l.toString():u.isValidElement(l)&&"string"==typeof l.props.children&&(t=l.props.children)),t},R=u.memo(function(e){var t,n,r,l,o,i,c,d,m,h,g=e.component,x=e.children,$=e.ellipsis,N=e.scope,R=e.prefixCls,I=e.className,j=e.align,P=e.record,T=e.render,z=e.dataIndex,M=e.renderIndex,H=e.shouldCellUpdate,L=e.index,B=e.rowType,A=e.colSpan,_=e.rowSpan,F=e.fixLeft,W=e.fixRight,D=e.firstFixLeft,K=e.lastFixLeft,V=e.firstFixRight,X=e.lastFixRight,U=e.appendNode,G=e.additionalProps,Y=void 0===G?{}:G,J=e.isSticky,q="".concat(R,"-cell"),Q=f(v,["supportSticky","allColumnsFixedLeft"]),ee=Q.supportSticky,et=Q.allColumnsFixedLeft,en=(t=u.useContext(Z),n=b(),(0,S.Z)(function(){if(null!=x)return[x];var e=null==z||""===z?[]:Array.isArray(z)?z:[z],n=(0,k.Z)(P,e),r=n,l=void 0;if(T){var o=T(n,P,M);!o||"object"!==(0,y.Z)(o)||Array.isArray(o)||u.isValidElement(o)?r=o:(r=o.children,l=o.props,t.renderWithProps=!0)}return[r,l]},[n,P,x,z,T,M],function(e,n){if(H){var r=(0,a.Z)(e,2)[1];return H((0,a.Z)(n,2)[1],r)}return!!t.renderWithProps||!(0,s.Z)(e,n,!0)})),er=(0,a.Z)(en,2),el=er[0],eo=er[1],ea={},ei="number"==typeof F&&ee,ec="number"==typeof W&ⅇei&&(ea.position="sticky",ea.left=F),ec&&(ea.position="sticky",ea.right=W);var es=null!==(r=null!==(l=null!==(o=null==eo?void 0:eo.colSpan)&&void 0!==o?o:Y.colSpan)&&void 0!==l?l:A)&&void 0!==r?r:1,eu=null!==(i=null!==(c=null!==(d=null==eo?void 0:eo.rowSpan)&&void 0!==d?d:Y.rowSpan)&&void 0!==c?c:_)&&void 0!==i?i:1,ed=f(v,function(e){var t,n;return[(t=eu||1,n=e.hoverStartRow,L<=e.hoverEndRow&&L+t-1>=n),e.onHover]}),ef=(0,a.Z)(ed,2),ep=ef[0],em=ef[1];if(0===es||0===eu)return null;var eh=null!==(m=Y.title)&&void 0!==m?m:O({rowType:B,ellipsis:$,children:el}),eg=E()(q,I,(h={},(0,C.Z)(h,"".concat(q,"-fix-left"),ei&&ee),(0,C.Z)(h,"".concat(q,"-fix-left-first"),D&&ee),(0,C.Z)(h,"".concat(q,"-fix-left-last"),K&&ee),(0,C.Z)(h,"".concat(q,"-fix-left-all"),K&&et&&ee),(0,C.Z)(h,"".concat(q,"-fix-right"),ec&&ee),(0,C.Z)(h,"".concat(q,"-fix-right-first"),V&&ee),(0,C.Z)(h,"".concat(q,"-fix-right-last"),X&&ee),(0,C.Z)(h,"".concat(q,"-ellipsis"),$),(0,C.Z)(h,"".concat(q,"-with-append"),U),(0,C.Z)(h,"".concat(q,"-fix-sticky"),(ei||ec)&&J&&ee),(0,C.Z)(h,"".concat(q,"-row-hover"),!eo&&ep),h),Y.className,null==eo?void 0:eo.className),ex={};j&&(ex.textAlign=j);var eb=(0,w.Z)((0,w.Z)((0,w.Z)((0,w.Z)({},Y.style),ex),ea),null==eo?void 0:eo.style),ev=el;return"object"!==(0,y.Z)(ev)||Array.isArray(ev)||u.isValidElement(ev)||(ev=null),$&&(K||V)&&(ev=u.createElement("span",{className:"".concat(q,"-content")},ev)),u.createElement(g,(0,p.Z)({},eo,Y,{className:eg,style:eb,title:eh,scope:N,onMouseEnter:function(e){var t;P&&em(L,L+eu-1),null==Y||null===(t=Y.onMouseEnter)||void 0===t||t.call(Y,e)},onMouseLeave:function(e){var t;P&&em(-1,-1),null==Y||null===(t=Y.onMouseLeave)||void 0===t||t.call(Y,e)},colSpan:1!==es?es:null,rowSpan:1!==eu?eu:null}),U,ev)});function I(e,t,n,r,l,o){var a,i,c=n[e]||{},s=n[t]||{};"left"===c.fixed?a=r.left["rtl"===l?t:e]:"right"===s.fixed&&(i=r.right["rtl"===l?e:t]);var u=!1,d=!1,f=!1,p=!1,m=n[t+1],h=n[e-1],g=!(null!=o&&o.children);return"rtl"===l?void 0!==a?p=!(h&&"left"===h.fixed)&&g:void 0!==i&&(f=!(m&&"right"===m.fixed)&&g):void 0!==a?u=!(m&&"left"===m.fixed)&&g:void 0!==i&&(d=!(h&&"right"===h.fixed)&&g),{fixLeft:a,fixRight:i,lastFixLeft:u,firstFixRight:d,lastFixRight:f,firstFixLeft:p,isSticky:r.isSticky}}var j=u.createContext({}),P=n(45987),T=["children"];function z(e){return e.children}z.Row=function(e){var t=e.children,n=(0,P.Z)(e,T);return u.createElement("tr",n,t)},z.Cell=function(e){var t=e.className,n=e.index,r=e.children,l=e.colSpan,o=void 0===l?1:l,a=e.rowSpan,i=e.align,c=f(v,["prefixCls","direction"]),s=c.prefixCls,d=c.direction,m=u.useContext(j),h=m.scrollColumnIndex,g=m.stickyOffsets,x=m.flattenColumns,b=m.columns,y=n+o-1+1===h?o+1:o,w=I(n,n+y-1,x,g,d,null==b?void 0:b[n]);return u.createElement(R,(0,p.Z)({className:t,index:n,component:"td",prefixCls:s,record:null,dataIndex:null,align:i,colSpan:y,rowSpan:a,render:function(){return r}},w))};var M=x(function(e){var t=e.children,n=e.stickyOffsets,r=e.flattenColumns,l=e.columns,o=f(v,"prefixCls"),a=r.length-1,i=r[a],c=u.useMemo(function(){return{stickyOffsets:n,flattenColumns:r,scrollColumnIndex:null!=i&&i.scrollbar?a:null,columns:l}},[i,r,a,n,l]);return u.createElement(j.Provider,{value:c},u.createElement("tfoot",{className:"".concat(o,"-summary")},t))}),H=n(9220),L=n(5110),B=n(98924),A=function(e){if((0,B.Z)()&&window.document.documentElement){var t=Array.isArray(e)?e:[e],n=window.document.documentElement;return t.some(function(e){return e in n.style})}return!1},_=function(e,t){if(!A(e))return!1;var n=document.createElement("div"),r=n.style[e];return n.style[e]=t,n.style[e]!==r},F=n(74204),W=n(64217),D=n(74902),K=function(e){var t=e.prefixCls,n=e.children,r=e.component,l=e.cellComponent,o=e.className,a=e.expanded,i=e.colSpan,c=e.isEmpty,s=f(v,["scrollbarSize","fixHeader","fixColumn","componentWidth","horizonScroll"]),d=s.scrollbarSize,p=s.fixHeader,m=s.fixColumn,h=s.componentWidth,g=s.horizonScroll,x=n;return(c?g:m)&&(x=u.createElement("div",{style:{width:h-(p?d:0),position:"sticky",left:0,overflow:"hidden"},className:"".concat(t,"-expanded-row-fixed")},0!==h&&x)),u.createElement(r,{className:o,style:{display:a?null:"none"}},u.createElement(R,{component:l,prefixCls:t,colSpan:i},x))};function V(e){var t,n,r=e.className,l=e.style,o=e.record,i=e.index,c=e.renderIndex,s=e.rowKey,d=e.rowExpandable,m=e.expandedKeys,h=e.onRow,g=e.indent,x=void 0===g?0:g,b=e.rowComponent,y=e.cellComponent,C=e.scopeCellComponent,$=e.childrenColumnName,S=f(v,["prefixCls","fixedInfoList","flattenColumns","expandableType","expandRowByClick","onTriggerExpand","rowClassName","expandedRowClassName","indentSize","expandIcon","expandedRowRender","expandIconColumnIndex"]),k=S.prefixCls,Z=S.fixedInfoList,O=S.flattenColumns,I=S.expandableType,j=S.expandRowByClick,P=S.onTriggerExpand,T=S.rowClassName,z=S.expandedRowClassName,M=S.indentSize,H=S.expandIcon,L=S.expandedRowRender,B=S.expandIconColumnIndex,A=u.useState(!1),_=(0,a.Z)(A,2),F=_[0],W=_[1],D=m&&m.has(s);u.useEffect(function(){D&&W(!0)},[D]);var V="row"===I&&(!d||d(o)),X="nest"===I,U=$&&o&&o[$],G=V||X,Y=u.useRef(P);Y.current=P;var J=function(){Y.current.apply(Y,arguments)},q=null==h?void 0:h(o,i);"string"==typeof T?t=T:"function"==typeof T&&(t=T(o,i,x));var Q=N(O),ee=u.createElement(b,(0,p.Z)({},q,{"data-row-key":s,className:E()(r,"".concat(k,"-row"),"".concat(k,"-row-level-").concat(x),t,q&&q.className),style:(0,w.Z)((0,w.Z)({},l),q?q.style:null),onClick:function(e){var t;j&&G&&J(o,e);for(var n=arguments.length,r=Array(n>1?n-1:0),l=1;l=0;i-=1){var c=t[i],s=n&&n[i],d=s&&s[Q];if(c||d||a){var f=d||{},m=(f.columnType,(0,P.Z)(f,ee));l.unshift(u.createElement("col",(0,p.Z)({key:i,style:{width:c}},m))),a=!0}}return u.createElement("colgroup",null,l)},en=["className","noData","columns","flattenColumns","colWidths","columCount","stickyOffsets","direction","fixHeader","stickyTopOffset","stickyBottomOffset","stickyClassName","onScroll","maxContentScroll","children"],er=u.forwardRef(function(e,t){var n=e.className,r=e.noData,l=e.columns,o=e.flattenColumns,a=e.colWidths,i=e.columCount,c=e.stickyOffsets,s=e.direction,d=e.fixHeader,p=e.stickyTopOffset,h=e.stickyBottomOffset,g=e.stickyClassName,x=e.onScroll,b=e.maxContentScroll,y=e.children,$=(0,P.Z)(e,en),S=f(v,["prefixCls","scrollbarSize","isSticky"]),k=S.prefixCls,Z=S.scrollbarSize,N=S.isSticky,O=N&&!d?0:Z,R=u.useRef(null),I=u.useCallback(function(e){(0,m.mH)(t,e),(0,m.mH)(R,e)},[]);u.useEffect(function(){var e;function t(e){var t=e.currentTarget,n=e.deltaX;n&&(x({currentTarget:t,scrollLeft:t.scrollLeft+n}),e.preventDefault())}return null===(e=R.current)||void 0===e||e.addEventListener("wheel",t),function(){var e;null===(e=R.current)||void 0===e||e.removeEventListener("wheel",t)}},[]);var j=u.useMemo(function(){return o.every(function(e){return e.width>=0})},[o]),T=o[o.length-1],z={fixed:T?T.fixed:null,scrollbar:!0,onHeaderCell:function(){return{className:"".concat(k,"-cell-scrollbar")}}},M=(0,u.useMemo)(function(){return O?[].concat((0,D.Z)(l),[z]):l},[O,l]),H=(0,u.useMemo)(function(){return O?[].concat((0,D.Z)(o),[z]):o},[O,o]),L=(0,u.useMemo)(function(){var e=c.right,t=c.left;return(0,w.Z)((0,w.Z)({},c),{},{left:"rtl"===s?[].concat((0,D.Z)(t.map(function(e){return e+O})),[0]):t,right:"rtl"===s?e:[].concat((0,D.Z)(e.map(function(e){return e+O})),[0]),isSticky:N})},[O,c,N]),B=(0,u.useMemo)(function(){for(var e=[],t=0;t1?"colgroup":"col":null,ellipsis:o.ellipsis,align:o.align,component:o.title?a:i,prefixCls:m,key:g[t]},c,{additionalProps:n,rowType:"header"}))}))}eo.displayName="HeaderRow";var ea=x(function(e){var t=e.stickyOffsets,n=e.columns,r=e.flattenColumns,l=e.onHeaderRow,o=f(v,["prefixCls","getComponent"]),a=o.prefixCls,i=o.getComponent,c=u.useMemo(function(){return function(e){var t=[];!function e(n,r){var l=arguments.length>2&&void 0!==arguments[2]?arguments[2]:0;t[l]=t[l]||[];var o=r;return n.filter(Boolean).map(function(n){var r={key:n.key,className:n.className||"",children:n.title,column:n,colStart:o},a=1,i=n.children;return i&&i.length>0&&(a=e(i,o,l+1).reduce(function(e,t){return e+t},0),r.hasSubColumns=!0),"colSpan"in n&&(a=n.colSpan),"rowSpan"in n&&(r.rowSpan=n.rowSpan),r.colSpan=a,r.colEnd=r.colStart+a-1,t[l].push(r),o+=a,a})}(e,0);for(var n=t.length,r=function(e){t[e].forEach(function(t){("rowSpan"in t)||t.hasSubColumns||(t.rowSpan=n-e)})},l=0;l0?[].concat((0,D.Z)(e),(0,D.Z)(ed(l).map(function(e){return(0,w.Z)({fixed:r},e)}))):[].concat((0,D.Z)(e),[(0,w.Z)((0,w.Z)({},t),{},{fixed:r})])},[])}var ef=function(e,t){var n=e.prefixCls,r=e.columns,o=e.children,a=e.expandable,i=e.expandedKeys,c=e.columnTitle,s=e.getRowKey,d=e.onTriggerExpand,f=e.expandIcon,p=e.rowExpandable,m=e.expandIconColumnIndex,h=e.direction,g=e.expandRowByClick,x=e.columnWidth,b=e.fixed,v=u.useMemo(function(){return r||eu(o)},[r,o]),y=u.useMemo(function(){if(a){var e,t,r=v.slice();if(!r.includes(l)){var o=m||0;o>=0&&r.splice(o,0,l)}var h=r.indexOf(l);r=r.filter(function(e,t){return e!==l||t===h});var y=v[h];t=("left"===b||b)&&!m?"left":("right"===b||b)&&m===v.length?"right":y?y.fixed:null;var w=(e={},(0,C.Z)(e,Q,{className:"".concat(n,"-expand-icon-col"),columnType:"EXPAND_COLUMN"}),(0,C.Z)(e,"title",c),(0,C.Z)(e,"fixed",t),(0,C.Z)(e,"className","".concat(n,"-row-expand-icon-cell")),(0,C.Z)(e,"width",x),(0,C.Z)(e,"render",function(e,t,r){var l=s(t,r),o=f({prefixCls:n,expanded:i.has(l),expandable:!p||p(t),record:t,onExpand:d});return g?u.createElement("span",{onClick:function(e){return e.stopPropagation()}},o):o}),e);return r.map(function(e){return e===l?w:e})}return v.filter(function(e){return e!==l})},[a,v,s,i,f,h]),$=u.useMemo(function(){var e=y;return t&&(e=t(e)),e.length||(e=[{render:function(){return null}}]),e},[t,y,h]),E=u.useMemo(function(){return"rtl"===h?ed($).map(function(e){var t=e.fixed,n=(0,P.Z)(e,es),r=t;return"left"===t?r="right":"right"===t&&(r="left"),(0,w.Z)({fixed:r},n)}):ed($)},[$,h]);return[$,E]};function ep(e){var t,n=e.prefixCls,r=e.record,l=e.onExpand,o=e.expanded,a=e.expandable,i="".concat(n,"-row-expand-icon");return a?u.createElement("span",{className:E()(i,(t={},(0,C.Z)(t,"".concat(n,"-row-expanded"),o),(0,C.Z)(t,"".concat(n,"-row-collapsed"),!o),t)),onClick:function(e){l(r,e),e.stopPropagation()}}):u.createElement("span",{className:E()(i,"".concat(n,"-row-spaced"))})}function em(e){var t=(0,u.useRef)(e),n=(0,u.useState)({}),r=(0,a.Z)(n,2)[1],l=(0,u.useRef)(null),o=(0,u.useRef)([]);return(0,u.useEffect)(function(){return function(){l.current=null}},[]),[t.current,function(e){o.current.push(e);var n=Promise.resolve();l.current=n,n.then(function(){if(l.current===n){var e=o.current,a=t.current;o.current=[],e.forEach(function(e){t.current=e(t.current)}),l.current=null,a!==t.current&&r({})}})}]}var eh=(0,B.Z)()?window:null,eg=function(e){var t=e.className,n=e.children;return u.createElement("div",{className:t},n)},ex=n(64019),eb=n(27678),ev=u.forwardRef(function(e,t){var n,r,l=e.scrollBodyRef,o=e.onScroll,i=e.offsetScroll,c=e.container,s=f(v,"prefixCls"),d=(null===(n=l.current)||void 0===n?void 0:n.scrollWidth)||0,p=(null===(r=l.current)||void 0===r?void 0:r.clientWidth)||0,m=d&&p*(p/d),h=u.useRef(),g=em({scrollLeft:0,isHiddenScrollBar:!1}),x=(0,a.Z)(g,2),b=x[0],y=x[1],$=u.useRef({delta:0,x:0}),S=u.useState(!1),k=(0,a.Z)(S,2),Z=k[0],N=k[1],O=function(){N(!1)},R=function(e){var t,n=(e||(null===(t=window)||void 0===t?void 0:t.event)).buttons;if(!Z||0===n){Z&&N(!1);return}var r=$.current.x+e.pageX-$.current.x-$.current.delta;r<=0&&(r=0),r+m>=p&&(r=p-m),o({scrollLeft:r/p*(d+2)}),$.current.x=e.pageX},I=function(){if(l.current){var e=(0,eb.os)(l.current).top,t=e+l.current.offsetHeight,n=c===window?document.documentElement.scrollTop+window.innerHeight:(0,eb.os)(c).top+c.clientHeight;t-(0,F.Z)()<=n||e>=n-i?y(function(e){return(0,w.Z)((0,w.Z)({},e),{},{isHiddenScrollBar:!0})}):y(function(e){return(0,w.Z)((0,w.Z)({},e),{},{isHiddenScrollBar:!1})})}},j=function(e){y(function(t){return(0,w.Z)((0,w.Z)({},t),{},{scrollLeft:e/d*p||0})})};return(u.useImperativeHandle(t,function(){return{setScrollLeft:j}}),u.useEffect(function(){var e=(0,ex.Z)(document.body,"mouseup",O,!1),t=(0,ex.Z)(document.body,"mousemove",R,!1);return I(),function(){e.remove(),t.remove()}},[m,Z]),u.useEffect(function(){var e=(0,ex.Z)(c,"scroll",I,!1),t=(0,ex.Z)(window,"resize",I,!1);return function(){e.remove(),t.remove()}},[c]),u.useEffect(function(){b.isHiddenScrollBar||y(function(e){var t=l.current;return t?(0,w.Z)((0,w.Z)({},e),{},{scrollLeft:t.scrollLeft/t.scrollWidth*t.clientWidth}):e})},[b.isHiddenScrollBar]),d<=p||!m||b.isHiddenScrollBar)?null:u.createElement("div",{style:{height:(0,F.Z)(),width:p,bottom:i},className:"".concat(s,"-sticky-scroll")},u.createElement("div",{onMouseDown:function(e){e.persist(),$.current.delta=e.pageX-b.scrollLeft,$.current.x=0,N(!0),e.preventDefault()},ref:h,className:E()("".concat(s,"-sticky-scroll-bar"),(0,C.Z)({},"".concat(s,"-sticky-scroll-bar-active"),Z)),style:{width:"".concat(m,"px"),transform:"translate3d(".concat(b.scrollLeft,"px, 0, 0)")}}))}),ey=[],ew={};function eC(){return"No Data"}function e$(e){var t,n=(0,w.Z)({rowKey:"key",prefixCls:"rc-table",emptyText:eC},e),r=n.prefixCls,l=n.className,c=n.rowClassName,d=n.style,f=n.data,m=n.rowKey,h=n.scroll,g=n.tableLayout,x=n.direction,b=n.title,$=n.footer,Z=n.summary,O=n.caption,R=n.id,j=n.showHeader,T=n.components,B=n.emptyText,K=n.onRow,V=n.onHeaderRow,X=n.internalHooks,U=n.transformColumns,G=n.internalRefs,Y=n.sticky,Q=f||ey,ee=!!Q.length,en=u.useCallback(function(e,t){return(0,k.Z)(T,e)||t},[T]),er=u.useMemo(function(){return"function"==typeof m?m:function(e){return e&&e[m]}},[m]),eo=(tz=u.useState(-1),tH=(tM=(0,a.Z)(tz,2))[0],tL=tM[1],tB=u.useState(-1),t_=(tA=(0,a.Z)(tB,2))[0],tF=tA[1],[tH,t_,u.useCallback(function(e,t){tL(e),tF(t)},[])]),ei=(0,a.Z)(eo,3),ec=ei[0],es=ei[1],eu=ei[2],ed=(tD=n.expandable,tK=(0,P.Z)(n,q),!1===(tW="expandable"in n?(0,w.Z)((0,w.Z)({},tK),tD):tK).showExpandColumn&&(tW.expandIconColumnIndex=-1),tV=tW.expandIcon,tX=tW.expandedRowKeys,tU=tW.defaultExpandedRowKeys,tG=tW.defaultExpandAllRows,tY=tW.expandedRowRender,tJ=tW.onExpand,tq=tW.onExpandedRowsChange,tQ=tW.childrenColumnName||"children",t0=u.useMemo(function(){return tY?"row":!!(n.expandable&&n.internalHooks===o&&n.expandable.__PARENT_RENDER_ICON__||Q.some(function(e){return e&&"object"===(0,y.Z)(e)&&e[tQ]}))&&"nest"},[!!tY,Q]),t1=u.useState(function(){if(tU)return tU;if(tG){var e;return e=[],function t(n){(n||[]).forEach(function(n,r){e.push(er(n,r)),t(n[tQ])})}(Q),e}return[]}),t8=(t2=(0,a.Z)(t1,2))[0],t3=t2[1],t4=u.useMemo(function(){return new Set(tX||t8||[])},[tX,t8]),t5=u.useCallback(function(e){var t,n=er(e,Q.indexOf(e)),r=t4.has(n);r?(t4.delete(n),t=(0,D.Z)(t4)):t=[].concat((0,D.Z)(t4),[n]),t3(t),tJ&&tJ(!r,e),tq&&tq(t)},[er,t4,Q,tJ,tq]),[tW,t0,t4,tV||ep,tQ,t5]),ex=(0,a.Z)(ed,6),eb=ex[0],e$=ex[1],eE=ex[2],eS=ex[3],ek=ex[4],eZ=ex[5],eN=u.useState(0),eO=(0,a.Z)(eN,2),eR=eO[0],eI=eO[1],ej=ef((0,w.Z)((0,w.Z)((0,w.Z)({},n),eb),{},{expandable:!!eb.expandedRowRender,columnTitle:eb.columnTitle,expandedKeys:eE,getRowKey:er,onTriggerExpand:eZ,expandIcon:eS,expandIconColumnIndex:eb.expandIconColumnIndex,direction:x}),X===o?U:null),eP=(0,a.Z)(ej,2),eT=eP[0],ez=eP[1],eM=u.useMemo(function(){return{columns:eT,flattenColumns:ez}},[eT,ez]),eH=u.useRef(),eL=u.useRef(),eB=u.useRef(),eA=u.useRef(),e_=u.useRef(),eF=u.useState(!1),eW=(0,a.Z)(eF,2),eD=eW[0],eK=eW[1],eV=u.useState(!1),eX=(0,a.Z)(eV,2),eU=eX[0],eG=eX[1],eY=em(new Map),eJ=(0,a.Z)(eY,2),eq=eJ[0],eQ=eJ[1],e0=N(ez).map(function(e){return eq.get(e)}),e1=u.useMemo(function(){return e0},[e0.join("_")]),e2=(t7=ez.length,(0,u.useMemo)(function(){for(var e=[],t=[],n=0,r=0,l=0;l0)):(eK(o>0),eG(o{let{_renderTimes:n}=e,{_renderTimes:r}=t;return n!==r});function ez(e,t){return"key"in e&&void 0!==e.key&&null!==e.key?e.key:e.dataIndex?Array.isArray(e.dataIndex)?e.dataIndex.join("."):e.dataIndex:t}function eM(e,t){return t?`${t}-${e}`:`${e}`}function eH(e,t){return"function"==typeof e?e(t):e}var eL={icon:{tag:"svg",attrs:{viewBox:"64 64 896 896",focusable:"false"},children:[{tag:"path",attrs:{d:"M349 838c0 17.7 14.2 32 31.8 32h262.4c17.6 0 31.8-14.3 31.8-32V642H349v196zm531.1-684H143.9c-24.5 0-39.8 26.7-27.5 48l221.3 376h348.8l221.3-376c12.1-21.3-3.2-48-27.7-48z"}}]},name:"filter",theme:"filled"},eB=n(84089),eA=u.forwardRef(function(e,t){return u.createElement(eB.Z,(0,p.Z)({},e,{ref:t,icon:eL}))}),e_=n(57838),eF=n(71577),eW=n(84567),eD=n(85418),eK=n(32983),eV=n(82610),eX=n(76529),eU=n(78045),eG=n(57346),eY=n(68795),eJ=n(59566),eq=function(e){let{value:t,onChange:n,filterSearch:r,tablePrefixCls:l,locale:o}=e;return r?u.createElement("div",{className:`${l}-filter-dropdown-search`},u.createElement(eJ.default,{prefix:u.createElement(eY.Z,null),placeholder:o.filterSearchPlaceholder,onChange:n,value:t,htmlSize:1,className:`${l}-filter-dropdown-search-input`})):null},eQ=n(15105);let e0=e=>{let{keyCode:t}=e;t===eQ.Z.ENTER&&e.stopPropagation()},e1=u.forwardRef((e,t)=>u.createElement("div",{className:e.className,onClick:e=>e.stopPropagation(),onKeyDown:e0,ref:t},e.children));function e2(e){let t=[];return(e||[]).forEach(e=>{let{value:n,children:r}=e;t.push(n),r&&(t=[].concat((0,D.Z)(t),(0,D.Z)(e2(r))))}),t}function e8(e,t){return("string"==typeof t||"number"==typeof t)&&(null==t?void 0:t.toString().toLowerCase().includes(e.trim().toLowerCase()))}var e3=function(e){var t,n;let r,l;let{tablePrefixCls:o,prefixCls:a,column:i,dropdownPrefixCls:c,columnKey:d,filterMultiple:f,filterMode:p="menu",filterSearch:m=!1,filterState:h,triggerFilter:g,locale:x,children:b,getPopupContainer:v}=e,{filterDropdownOpen:y,onFilterDropdownOpenChange:w,filterResetToDefaultFilteredValue:C,defaultFilteredValue:$,filterDropdownVisible:S,onFilterDropdownVisibleChange:k}=i,[Z,N]=u.useState(!1),O=!!(h&&((null===(t=h.filteredKeys)||void 0===t?void 0:t.length)||h.forceFiltered)),R=e=>{N(e),null==w||w(e),null==k||k(e)},I=null!==(n=null!=y?y:S)&&void 0!==n?n:Z,j=null==h?void 0:h.filteredKeys,[P,T]=function(e){let t=u.useRef(e),n=(0,e_.Z)();return[()=>t.current,e=>{t.current=e,n()}]}(j||[]),z=e=>{let{selectedKeys:t}=e;T(t)};u.useEffect(()=>{Z&&z({selectedKeys:j||[]})},[j]);let[M,H]=u.useState([]),[L,B]=u.useState(""),A=e=>{let{value:t}=e.target;B(t)};u.useEffect(()=>{Z||B("")},[Z]);let _=e=>{let t=e&&e.length?e:null;if(null===t&&(!h||!h.filteredKeys)||(0,s.Z)(t,null==h?void 0:h.filteredKeys,!0))return null;g({column:i,key:d,filteredKeys:t})},F=()=>{R(!1),_(P())},W=function(){let{confirm:e,closeDropdown:t}=arguments.length>0&&void 0!==arguments[0]?arguments[0]:{confirm:!1,closeDropdown:!1};e&&_([]),t&&R(!1),B(""),C?T(($||[]).map(e=>String(e))):T([])},D=E()({[`${c}-menu-without-submenu`]:!(i.filters||[]).some(e=>{let{children:t}=e;return t})}),K=e=>{let{filters:t}=e;return(t||[]).map((e,t)=>{let n=String(e.value),r={title:e.text,key:void 0!==e.value?n:t};return e.children&&(r.children=K({filters:e.children})),r})},V=e=>{var t;return Object.assign(Object.assign({},e),{text:e.title,value:e.key,children:(null===(t=e.children)||void 0===t?void 0:t.map(e=>V(e)))||[]})};if("function"==typeof i.filterDropdown)r=i.filterDropdown({prefixCls:`${c}-custom`,setSelectedKeys:e=>z({selectedKeys:e}),selectedKeys:P(),confirm:function(){let{closeDropdown:e}=arguments.length>0&&void 0!==arguments[0]?arguments[0]:{closeDropdown:!0};e&&R(!1),_(P())},clearFilters:W,filters:i.filters,visible:I,close:()=>{R(!1)}});else if(i.filterDropdown)r=i.filterDropdown;else{let e=P()||[];r=u.createElement(u.Fragment,null,0===(i.filters||[]).length?u.createElement(eK.Z,{image:eK.Z.PRESENTED_IMAGE_SIMPLE,description:x.filterEmptyText,imageStyle:{height:24},style:{margin:0,padding:"16px 0"}}):"tree"===p?u.createElement(u.Fragment,null,u.createElement(eq,{filterSearch:m,value:L,onChange:A,tablePrefixCls:o,locale:x}),u.createElement("div",{className:`${o}-filter-dropdown-tree`},f?u.createElement(eW.Z,{checked:e.length===e2(i.filters).length,indeterminate:e.length>0&&e.length{if(e.target.checked){let e=e2(null==i?void 0:i.filters).map(e=>String(e));T(e)}else T([])}},x.filterCheckall):null,u.createElement(eG.Z,{checkable:!0,selectable:!1,blockNode:!0,multiple:f,checkStrictly:!f,className:`${c}-menu`,onCheck:(e,t)=>{let{node:n,checked:r}=t;f?z({selectedKeys:e}):z({selectedKeys:r&&n.key?[n.key]:[]})},checkedKeys:e,selectedKeys:e,showIcon:!1,treeData:K({filters:i.filters}),autoExpandParent:!0,defaultExpandAll:!0,filterTreeNode:L.trim()?e=>"function"==typeof m?m(L,V(e)):e8(L,e.title):void 0}))):u.createElement(u.Fragment,null,u.createElement(eq,{filterSearch:m,value:L,onChange:A,tablePrefixCls:o,locale:x}),u.createElement(eV.Z,{selectable:!0,multiple:f,prefixCls:`${c}-menu`,className:D,onSelect:z,onDeselect:z,selectedKeys:e,getPopupContainer:v,openKeys:M,onOpenChange:e=>{H(e)},items:function e(t){let{filters:n,prefixCls:r,filteredKeys:l,filterMultiple:o,searchValue:a,filterSearch:i}=t;return n.map((t,n)=>{let c=String(t.value);if(t.children)return{key:c||n,label:t.text,popupClassName:`${r}-dropdown-submenu`,children:e({filters:t.children,prefixCls:r,filteredKeys:l,filterMultiple:o,searchValue:a,filterSearch:i})};let s=o?eW.Z:eU.ZP,d={key:void 0!==t.value?c:n,label:u.createElement(u.Fragment,null,u.createElement(s,{checked:l.includes(c)}),u.createElement("span",null,t.text))};return a.trim()?"function"==typeof i?i(a,t)?d:null:e8(a,t.text)?d:null:d})}({filters:i.filters||[],filterSearch:m,prefixCls:a,filteredKeys:P(),filterMultiple:f,searchValue:L})})),u.createElement("div",{className:`${a}-dropdown-btns`},u.createElement(eF.ZP,{type:"link",size:"small",disabled:C?(0,s.Z)(($||[]).map(e=>String(e)),e,!0):0===e.length,onClick:()=>W()},x.filterReset),u.createElement(eF.ZP,{type:"primary",size:"small",onClick:F},x.filterConfirm)))}i.filterDropdown&&(r=u.createElement(eX.J,{selectable:void 0},r)),l="function"==typeof i.filterIcon?i.filterIcon(O):i.filterIcon?i.filterIcon:u.createElement(eA,null);let{direction:X}=u.useContext(eZ.E_);return u.createElement("div",{className:`${a}-column`},u.createElement("span",{className:`${o}-column-title`},b),u.createElement(eD.Z,{dropdownRender:()=>u.createElement(e1,{className:`${a}-dropdown`},r),trigger:["click"],open:I,onOpenChange:e=>{e&&void 0!==j&&T(j||[]),R(e),e||i.filterDropdown||F()},getPopupContainer:v,placement:"rtl"===X?"bottomLeft":"bottomRight"},u.createElement("span",{role:"button",tabIndex:-1,className:E()(`${a}-trigger`,{active:O}),onClick:e=>{e.stopPropagation()}},l)))};function e4(e,t,n){let r=[];return(e||[]).forEach((e,l)=>{var o;let a=eM(l,n);if(e.filters||"filterDropdown"in e||"onFilter"in e){if("filteredValue"in e){let t=e.filteredValue;"filterDropdown"in e||(t=null!==(o=null==t?void 0:t.map(String))&&void 0!==o?o:t),r.push({column:e,key:ez(e,a),filteredKeys:t,forceFiltered:e.filtered})}else r.push({column:e,key:ez(e,a),filteredKeys:t&&e.defaultFilteredValue?e.defaultFilteredValue:void 0,forceFiltered:e.filtered})}"children"in e&&(r=[].concat((0,D.Z)(r),(0,D.Z)(e4(e.children,t,a))))}),r}function e5(e){let t={};return e.forEach(e=>{let{key:n,filteredKeys:r,column:l}=e,{filters:o,filterDropdown:a}=l;if(a)t[n]=r||null;else if(Array.isArray(r)){let e=e2(o);t[n]=e.filter(e=>r.includes(String(e)))}else t[n]=null}),t}function e7(e,t){return t.reduce((e,t)=>{let{column:{onFilter:n,filters:r},filteredKeys:l}=t;return n&&l&&l.length?e.filter(e=>l.some(t=>{let l=e2(r),o=l.findIndex(e=>String(e)===String(t)),a=-1!==o?l[o]:t;return n(a,e)})):e},e)}let e6=e=>e.flatMap(e=>"children"in e?[e].concat((0,D.Z)(e6(e.children||[]))):[e]);var e9=function(e){let{prefixCls:t,dropdownPrefixCls:n,mergedColumns:r,onFilterChange:l,getPopupContainer:o,locale:a}=e,i=u.useMemo(()=>e6(r||[]),[r]),[c,s]=u.useState(()=>e4(i,!0)),d=u.useMemo(()=>{let e=e4(i,!1);if(0===e.length)return e;let t=!0;if(e.forEach(e=>{let{filteredKeys:n}=e;void 0!==n&&(t=!1)}),t){let e=(i||[]).map((e,t)=>ez(e,eM(t)));return c.filter(t=>{let{key:n}=t;return e.includes(n)}).map(t=>{let n=i[e.findIndex(e=>e===t.key)];return Object.assign(Object.assign({},t),{column:Object.assign(Object.assign({},t.column),n),forceFiltered:n.filtered})})}return e},[i,c]),f=u.useMemo(()=>e5(d),[d]),p=e=>{let t=d.filter(t=>{let{key:n}=t;return n!==e.key});t.push(e),s(t),l(e5(t),t)};return[e=>(function e(t,n,r,l,o,a,i,c){return r.map((r,s)=>{let d=eM(s,c),{filterMultiple:f=!0,filterMode:p,filterSearch:m}=r,h=r;if(h.filters||h.filterDropdown){let e=ez(h,d),c=l.find(t=>{let{key:n}=t;return e===n});h=Object.assign(Object.assign({},h),{title:l=>u.createElement(e3,{tablePrefixCls:t,prefixCls:`${t}-filter`,dropdownPrefixCls:n,column:h,columnKey:e,filterState:c,filterMultiple:f,filterMode:p,filterSearch:m,triggerFilter:a,locale:o,getPopupContainer:i},eH(r.title,l))})}return"children"in h&&(h=Object.assign(Object.assign({},h),{children:e(t,n,h.children,l,o,a,i,d)})),h})})(t,n,e,d,a,p,o),d,f]},te=n(38780),tt=function(e,t){var n={};for(var r in e)Object.prototype.hasOwnProperty.call(e,r)&&0>t.indexOf(r)&&(n[r]=e[r]);if(null!=e&&"function"==typeof Object.getOwnPropertySymbols)for(var l=0,r=Object.getOwnPropertySymbols(e);lt.indexOf(r[l])&&Object.prototype.propertyIsEnumerable.call(e,r[l])&&(n[r[l]]=e[r[l]]);return n},tn=function(e,t,n){let r=n&&"object"==typeof n?n:{},{total:l=0}=r,o=tt(r,["total"]),[a,i]=(0,u.useState)(()=>({current:"defaultCurrent"in o?o.defaultCurrent:1,pageSize:"defaultPageSize"in o?o.defaultPageSize:10})),c=(0,te.Z)(a,o,{total:l>0?l:e}),s=Math.ceil((l||e)/c.pageSize);c.current>s&&(c.current=s||1);let d=(e,t)=>{i({current:null!=e?e:1,pageSize:t||c.pageSize})};return!1===n?[{},()=>{}]:[Object.assign(Object.assign({},c),{onChange:(e,r)=>{var l;n&&(null===(l=n.onChange)||void 0===l||l.call(n,e,r)),d(e,r),t(e,r||(null==c?void 0:c.pageSize))}}),d]},tr=n(80882),tl=n(10225),to=n(17341),ta=n(1089),ti=n(21770);let tc={},ts="SELECT_ALL",tu="SELECT_INVERT",td="SELECT_NONE",tf=[],tp=(e,t)=>{let n=[];return(t||[]).forEach(t=>{n.push(t),t&&"object"==typeof t&&e in t&&(n=[].concat((0,D.Z)(n),(0,D.Z)(tp(e,t[e]))))}),n};var tm=(e,t)=>{let{preserveSelectedRowKeys:n,selectedRowKeys:r,defaultSelectedRowKeys:l,getCheckboxProps:o,onChange:a,onSelect:i,onSelectAll:c,onSelectInvert:s,onSelectNone:d,onSelectMultiple:f,columnWidth:p,type:m,selections:h,fixed:g,renderCell:x,hideSelectAll:b,checkStrictly:v=!0}=t||{},{prefixCls:y,data:w,pageData:C,getRecordByKey:$,getRowKey:S,expandType:k,childrenColumnName:Z,locale:N,getPopupContainer:O}=e,[R,I]=(0,ti.Z)(r||l||tf,{value:r}),j=u.useRef(new Map),P=(0,u.useCallback)(e=>{if(n){let t=new Map;e.forEach(e=>{let n=$(e);!n&&j.current.has(e)&&(n=j.current.get(e)),t.set(e,n)}),j.current=t}},[$,n]);u.useEffect(()=>{P(R)},[R]);let{keyEntities:T}=(0,u.useMemo)(()=>{if(v)return{keyEntities:null};let e=w;if(n){let t=new Set(w.map((e,t)=>S(e,t))),n=Array.from(j.current).reduce((e,n)=>{let[r,l]=n;return t.has(r)?e:e.concat(l)},[]);e=[].concat((0,D.Z)(e),(0,D.Z)(n))}return(0,ta.I8)(e,{externalGetKey:S,childrenPropName:Z})},[w,S,v,Z,n]),z=(0,u.useMemo)(()=>tp(Z,C),[Z,C]),M=(0,u.useMemo)(()=>{let e=new Map;return z.forEach((t,n)=>{let r=S(t,n),l=(o?o(t):null)||{};e.set(r,l)}),e},[z,S,o]),H=(0,u.useCallback)(e=>{var t;return!!(null===(t=M.get(S(e)))||void 0===t?void 0:t.disabled)},[M,S]),[L,B]=(0,u.useMemo)(()=>{if(v)return[R||[],[]];let{checkedKeys:e,halfCheckedKeys:t}=(0,to.S)(R,!0,T,H);return[e||[],t]},[R,v,T,H]),A=(0,u.useMemo)(()=>{let e="radio"===m?L.slice(0,1):L;return new Set(e)},[L,m]),_=(0,u.useMemo)(()=>"radio"===m?new Set:new Set(B),[B,m]),[F,W]=(0,u.useState)(null);u.useEffect(()=>{t||I(tf)},[!!t]);let K=(0,u.useCallback)((e,t)=>{let r,l;P(e),n?(r=e,l=e.map(e=>j.current.get(e))):(r=[],l=[],e.forEach(e=>{let t=$(e);void 0!==t&&(r.push(e),l.push(t))})),I(r),null==a||a(r,l,{type:t})},[I,$,a,n]),V=(0,u.useCallback)((e,t,n,r)=>{if(i){let l=n.map(e=>$(e));i($(e),t,l,r)}K(n,"single")},[i,$,K]),X=(0,u.useMemo)(()=>{if(!h||b)return null;let e=!0===h?[ts,tu,td]:h;return e.map(e=>e===ts?{key:"all",text:N.selectionAll,onSelect(){K(w.map((e,t)=>S(e,t)).filter(e=>{let t=M.get(e);return!(null==t?void 0:t.disabled)||A.has(e)}),"all")}}:e===tu?{key:"invert",text:N.selectInvert,onSelect(){let e=new Set(A);C.forEach((t,n)=>{let r=S(t,n),l=M.get(r);(null==l?void 0:l.disabled)||(e.has(r)?e.delete(r):e.add(r))});let t=Array.from(e);s&&s(t),K(t,"invert")}}:e===td?{key:"none",text:N.selectNone,onSelect(){null==d||d(),K(Array.from(A).filter(e=>{let t=M.get(e);return null==t?void 0:t.disabled}),"none")}}:e).map(e=>Object.assign(Object.assign({},e),{onSelect:function(){for(var t,n=arguments.length,r=Array(n),l=0;l{var n;let r,l;if(!t)return e.filter(e=>e!==tc);let o=(0,D.Z)(e),a=new Set(A),i=z.map(S).filter(e=>!M.get(e).disabled),s=i.every(e=>a.has(e)),d=i.some(e=>a.has(e));if("radio"!==m){let e;if(X){let t={getPopupContainer:O,items:X.map((e,t)=>{let{key:n,text:r,onSelect:l}=e;return{key:null!=n?n:t,onClick:()=>{null==l||l(i)},label:r}})};e=u.createElement("div",{className:`${y}-selection-extra`},u.createElement(eD.Z,{menu:t,getPopupContainer:O},u.createElement("span",null,u.createElement(tr.Z,null))))}let t=z.map((e,t)=>{let n=S(e,t),r=M.get(n)||{};return Object.assign({checked:a.has(n)},r)}).filter(e=>{let{disabled:t}=e;return t}),n=!!t.length&&t.length===z.length,l=n&&t.every(e=>{let{checked:t}=e;return t}),o=n&&t.some(e=>{let{checked:t}=e;return t});r=!b&&u.createElement("div",{className:`${y}-selection`},u.createElement(eW.Z,{checked:n?l:!!z.length&&s,indeterminate:n?!l&&o:!s&&d,onChange:()=>{let e=[];s?i.forEach(t=>{a.delete(t),e.push(t)}):i.forEach(t=>{a.has(t)||(a.add(t),e.push(t))});let t=Array.from(a);null==c||c(!s,t.map(e=>$(e)),e.map(e=>$(e))),K(t,"all"),W(null)},disabled:0===z.length||n,"aria-label":e?"Custom selection":"Select all",skipGroup:!0}),e)}if(l="radio"===m?(e,t,n)=>{let r=S(t,n),l=a.has(r);return{node:u.createElement(eU.ZP,Object.assign({},M.get(r),{checked:l,onClick:e=>e.stopPropagation(),onChange:e=>{a.has(r)||V(r,!0,[r],e.nativeEvent)}})),checked:l}}:(e,t,n)=>{var r;let l;let o=S(t,n),c=a.has(o),s=_.has(o),d=M.get(o);return l="nest"===k?s:null!==(r=null==d?void 0:d.indeterminate)&&void 0!==r?r:s,{node:u.createElement(eW.Z,Object.assign({},d,{indeterminate:l,checked:c,skipGroup:!0,onClick:e=>e.stopPropagation(),onChange:e=>{let{nativeEvent:t}=e,{shiftKey:n}=t,r=-1,l=-1;if(n&&v){let e=new Set([F,o]);i.some((t,n)=>{if(e.has(t)){if(-1!==r)return l=n,!0;r=n}return!1})}if(-1!==l&&r!==l&&v){let e=i.slice(r,l+1),t=[];c?e.forEach(e=>{a.has(e)&&(t.push(e),a.delete(e))}):e.forEach(e=>{a.has(e)||(t.push(e),a.add(e))});let n=Array.from(a);null==f||f(!c,n.map(e=>$(e)),t.map(e=>$(e))),K(n,"multiple")}else if(v){let e=c?(0,tl._5)(L,o):(0,tl.L0)(L,o);V(o,!c,e,t)}else{let e=(0,to.S)([].concat((0,D.Z)(L),[o]),!0,T,H),{checkedKeys:n,halfCheckedKeys:r}=e,l=n;if(c){let e=new Set(n);e.delete(o),l=(0,to.S)(Array.from(e),{checked:!1,halfCheckedKeys:r},T,H).checkedKeys}V(o,!c,l,t)}c?W(null):W(o)}})),checked:c}},!o.includes(tc)){if(0===o.findIndex(e=>{var t;return(null===(t=e[Q])||void 0===t?void 0:t.columnType)==="EXPAND_COLUMN"})){let[e,...t]=o;o=[e,tc].concat((0,D.Z)(t))}else o=[tc].concat((0,D.Z)(o))}let w=o.indexOf(tc);o=o.filter((e,t)=>e!==tc||t===w);let C=o[w-1],Z=o[w+1],N=g;void 0===N&&((null==Z?void 0:Z.fixed)!==void 0?N=Z.fixed:(null==C?void 0:C.fixed)!==void 0&&(N=C.fixed)),N&&C&&(null===(n=C[Q])||void 0===n?void 0:n.columnType)==="EXPAND_COLUMN"&&void 0===C.fixed&&(C.fixed=N);let R=E()(`${y}-selection-col`,{[`${y}-selection-col-with-dropdown`]:h&&"checkbox"===m}),I={fixed:N,width:p,className:`${y}-selection-column`,title:t.columnTitle||r,render:(e,t,n)=>{let{node:r,checked:o}=l(e,t,n);return x?x(o,t,n,r):r},onCell:t.onCell,[Q]:{className:R}};return o.map(e=>e===tc?I:e)},[S,z,t,L,A,_,p,X,k,F,M,f,V,H]);return[U,A]},th={icon:{tag:"svg",attrs:{viewBox:"0 0 1024 1024",focusable:"false"},children:[{tag:"path",attrs:{d:"M840.4 300H183.6c-19.7 0-30.7 20.8-18.5 35l328.4 380.8c9.4 10.9 27.5 10.9 37 0L858.9 335c12.2-14.2 1.2-35-18.5-35z"}}]},name:"caret-down",theme:"outlined"},tg=u.forwardRef(function(e,t){return u.createElement(eB.Z,(0,p.Z)({},e,{ref:t,icon:th}))}),tx={icon:{tag:"svg",attrs:{viewBox:"0 0 1024 1024",focusable:"false"},children:[{tag:"path",attrs:{d:"M858.9 689L530.5 308.2c-9.4-10.9-27.5-10.9-37 0L165.1 689c-12.2 14.2-1.2 35 18.5 35h656.8c19.7 0 30.7-20.8 18.5-35z"}}]},name:"caret-up",theme:"outlined"},tb=u.forwardRef(function(e,t){return u.createElement(eB.Z,(0,p.Z)({},e,{ref:t,icon:tx}))}),tv=n(83062);let ty="ascend",tw="descend";function tC(e){return"object"==typeof e.sorter&&"number"==typeof e.sorter.multiple&&e.sorter.multiple}function t$(e){return"function"==typeof e?e:!!e&&"object"==typeof e&&!!e.compare&&e.compare}function tE(e,t,n){let r=[];function l(e,t){r.push({column:e,key:ez(e,t),multiplePriority:tC(e),sortOrder:e.sortOrder})}return(e||[]).forEach((e,o)=>{let a=eM(o,n);e.children?("sortOrder"in e&&l(e,a),r=[].concat((0,D.Z)(r),(0,D.Z)(tE(e.children,t,a)))):e.sorter&&("sortOrder"in e?l(e,a):t&&e.defaultSortOrder&&r.push({column:e,key:ez(e,a),multiplePriority:tC(e),sortOrder:e.defaultSortOrder}))}),r}function tS(e){let{column:t,sortOrder:n}=e;return{column:t,order:n,field:t.dataIndex,columnKey:t.key}}function tk(e){let t=e.filter(e=>{let{sortOrder:t}=e;return t}).map(tS);return 0===t.length&&e.length?Object.assign(Object.assign({},tS(e[e.length-1])),{column:void 0}):t.length<=1?t[0]||{}:t}function tZ(e,t,n){let r=t.slice().sort((e,t)=>t.multiplePriority-e.multiplePriority),l=e.slice(),o=r.filter(e=>{let{column:{sorter:t},sortOrder:n}=e;return t$(t)&&n});return o.length?l.sort((e,t)=>{for(let n=0;n{let r=e[n];return r?Object.assign(Object.assign({},e),{[n]:tZ(r,t,n)}):e}):l}var tN=n(10274),tO=n(14747),tR=n(67968),tI=n(45503),tj=e=>{let{componentCls:t}=e,n=`${e.lineWidth}px ${e.lineType} ${e.tableBorderColor}`,r=(n,r,l)=>({[`&${t}-${n}`]:{[`> ${t}-container`]:{[`> ${t}-content, > ${t}-body`]:{[` + > table > tbody > tr > th, + > table > tbody > tr > td + `]:{[`> ${t}-expanded-row-fixed`]:{margin:`-${r}px -${l+e.lineWidth}px`}}}}}});return{[`${t}-wrapper`]:{[`${t}${t}-bordered`]:Object.assign(Object.assign(Object.assign({[`> ${t}-title`]:{border:n,borderBottom:0},[`> ${t}-container`]:{borderInlineStart:n,borderTop:n,[` + > ${t}-content, + > ${t}-header, + > ${t}-body, + > ${t}-summary + `]:{"> table":{[` + > thead > tr > th, + > thead > tr > td, + > tbody > tr > th, + > tbody > tr > td, + > tfoot > tr > th, + > tfoot > tr > td + `]:{borderInlineEnd:n},"> thead":{"> tr:not(:last-child) > th":{borderBottom:n},"> tr > th::before":{backgroundColor:"transparent !important"}},[` + > thead > tr, + > tbody > tr, + > tfoot > tr + `]:{[`> ${t}-cell-fix-right-first::after`]:{borderInlineEnd:n}},[` + > tbody > tr > th, + > tbody > tr > td + `]:{[`> ${t}-expanded-row-fixed`]:{margin:`-${e.tablePaddingVertical}px -${e.tablePaddingHorizontal+e.lineWidth}px`,"&::after":{position:"absolute",top:0,insetInlineEnd:e.lineWidth,bottom:0,borderInlineEnd:n,content:'""'}}}}}},[`&${t}-scroll-horizontal`]:{[`> ${t}-container > ${t}-body`]:{"> table > tbody":{[` + > tr${t}-expanded-row, + > tr${t}-placeholder + `]:{"> th, > td":{borderInlineEnd:0}}}}}},r("middle",e.tablePaddingVerticalMiddle,e.tablePaddingHorizontalMiddle)),r("small",e.tablePaddingVerticalSmall,e.tablePaddingHorizontalSmall)),{[`> ${t}-footer`]:{border:n,borderTop:0}}),[`${t}-cell`]:{[`${t}-container:first-child`]:{borderTop:0},"&-scrollbar:not([rowspan])":{boxShadow:`0 ${e.lineWidth}px 0 ${e.lineWidth}px ${e.tableHeaderBg}`}},[`${t}-bordered ${t}-cell-scrollbar`]:{borderInlineEnd:n}}}},tP=e=>{let{componentCls:t}=e;return{[`${t}-wrapper`]:{[`${t}-cell-ellipsis`]:Object.assign(Object.assign({},tO.vS),{wordBreak:"keep-all",[` + &${t}-cell-fix-left-last, + &${t}-cell-fix-right-first + `]:{overflow:"visible",[`${t}-cell-content`]:{display:"block",overflow:"hidden",textOverflow:"ellipsis"}},[`${t}-column-title`]:{overflow:"hidden",textOverflow:"ellipsis",wordBreak:"keep-all"}})}}},tT=e=>{let{componentCls:t}=e;return{[`${t}-wrapper`]:{[`${t}-tbody > tr${t}-placeholder`]:{textAlign:"center",color:e.colorTextDisabled,[` + &:hover > th, + &:hover > td, + `]:{background:e.colorBgContainer}}}}};let tz=e=>({color:e.colorLink,textDecoration:"none",outline:"none",cursor:"pointer",transition:`color ${e.motionDurationSlow}`,"&:focus, &:hover":{color:e.colorLinkHover},"&:active":{color:e.colorLinkActive}});var tM=e=>{let{componentCls:t,antCls:n,controlInteractiveSize:r,motionDurationSlow:l,lineWidth:o,paddingXS:a,lineType:i,tableBorderColor:c,tableExpandIconBg:s,tableExpandColumnWidth:u,borderRadius:d,fontSize:f,fontSizeSM:p,lineHeight:m,tablePaddingVertical:h,tablePaddingHorizontal:g,tableExpandedRowBg:x,paddingXXS:b}=e,v=r/2-o,y=2*v+3*o,w=`${o}px ${i} ${c}`,C=b-o;return{[`${t}-wrapper`]:{[`${t}-expand-icon-col`]:{width:u},[`${t}-row-expand-icon-cell`]:{textAlign:"center",[`${t}-row-expand-icon`]:{display:"inline-flex",float:"none",verticalAlign:"sub"}},[`${t}-row-indent`]:{height:1,float:"left"},[`${t}-row-expand-icon`]:Object.assign(Object.assign({},tz(e)),{position:"relative",float:"left",boxSizing:"border-box",width:y,height:y,padding:0,color:"inherit",lineHeight:`${y}px`,background:s,border:w,borderRadius:d,transform:`scale(${r/y})`,transition:`all ${l}`,userSelect:"none","&:focus, &:hover, &:active":{borderColor:"currentcolor"},"&::before, &::after":{position:"absolute",background:"currentcolor",transition:`transform ${l} ease-out`,content:'""'},"&::before":{top:v,insetInlineEnd:C,insetInlineStart:C,height:o},"&::after":{top:C,bottom:C,insetInlineStart:v,width:o,transform:"rotate(90deg)"},"&-collapsed::before":{transform:"rotate(-180deg)"},"&-collapsed::after":{transform:"rotate(0deg)"},"&-spaced":{"&::before, &::after":{display:"none",content:"none"},background:"transparent",border:0,visibility:"hidden"}}),[`${t}-row-indent + ${t}-row-expand-icon`]:{marginTop:(f*m-3*o)/2-Math.ceil((1.4*p-3*o)/2),marginInlineEnd:a},[`tr${t}-expanded-row`]:{"&, &:hover":{"> th, > td":{background:x}},[`${n}-descriptions-view`]:{display:"flex",table:{flex:"auto",width:"auto"}}},[`${t}-expanded-row-fixed`]:{position:"relative",margin:`-${h}px -${g}px`,padding:`${h}px ${g}px`}}}},tH=e=>{let{componentCls:t,antCls:n,iconCls:r,tableFilterDropdownWidth:l,tableFilterDropdownSearchWidth:o,paddingXXS:a,paddingXS:i,colorText:c,lineWidth:s,lineType:u,tableBorderColor:d,tableHeaderIconColor:f,fontSizeSM:p,tablePaddingHorizontal:m,borderRadius:h,motionDurationSlow:g,colorTextDescription:x,colorPrimary:b,tableHeaderFilterActiveBg:v,colorTextDisabled:y,tableFilterDropdownBg:w,tableFilterDropdownHeight:C,controlItemBgHover:$,controlItemBgActive:E,boxShadowSecondary:S}=e,k=`${n}-dropdown`,Z=`${t}-filter-dropdown`,N=`${n}-tree`,O=`${s}px ${u} ${d}`;return[{[`${t}-wrapper`]:{[`${t}-filter-column`]:{display:"flex",justifyContent:"space-between"},[`${t}-filter-trigger`]:{position:"relative",display:"flex",alignItems:"center",marginBlock:-a,marginInline:`${a}px ${-m/2}px`,padding:`0 ${a}px`,color:f,fontSize:p,borderRadius:h,cursor:"pointer",transition:`all ${g}`,"&:hover":{color:x,background:v},"&.active":{color:b}}}},{[`${n}-dropdown`]:{[Z]:Object.assign(Object.assign({},(0,tO.Wf)(e)),{minWidth:l,backgroundColor:w,borderRadius:h,boxShadow:S,overflow:"hidden",[`${k}-menu`]:{maxHeight:C,overflowX:"hidden",border:0,boxShadow:"none",borderRadius:"unset","&:empty::after":{display:"block",padding:`${i}px 0`,color:y,fontSize:p,textAlign:"center",content:'"Not Found"'}},[`${Z}-tree`]:{paddingBlock:`${i}px 0`,paddingInline:i,[N]:{padding:0},[`${N}-treenode ${N}-node-content-wrapper:hover`]:{backgroundColor:$},[`${N}-treenode-checkbox-checked ${N}-node-content-wrapper`]:{"&, &:hover":{backgroundColor:E}}},[`${Z}-search`]:{padding:i,borderBottom:O,"&-input":{input:{minWidth:o},[r]:{color:y}}},[`${Z}-checkall`]:{width:"100%",marginBottom:a,marginInlineStart:a},[`${Z}-btns`]:{display:"flex",justifyContent:"space-between",padding:`${i-s}px ${i}px`,overflow:"hidden",borderTop:O}})}},{[`${n}-dropdown ${Z}, ${Z}-submenu`]:{[`${n}-checkbox-wrapper + span`]:{paddingInlineStart:i,color:c},"> ul":{maxHeight:"calc(100vh - 130px)",overflowX:"hidden",overflowY:"auto"}}}]},tL=e=>{let{componentCls:t,lineWidth:n,colorSplit:r,motionDurationSlow:l,zIndexTableFixed:o,tableBg:a,zIndexTableSticky:i}=e;return{[`${t}-wrapper`]:{[` + ${t}-cell-fix-left, + ${t}-cell-fix-right + `]:{position:"sticky !important",zIndex:o,background:a},[` + ${t}-cell-fix-left-first::after, + ${t}-cell-fix-left-last::after + `]:{position:"absolute",top:0,right:{_skip_check_:!0,value:0},bottom:-n,width:30,transform:"translateX(100%)",transition:`box-shadow ${l}`,content:'""',pointerEvents:"none"},[`${t}-cell-fix-left-all::after`]:{display:"none"},[` + ${t}-cell-fix-right-first::after, + ${t}-cell-fix-right-last::after + `]:{position:"absolute",top:0,bottom:-n,left:{_skip_check_:!0,value:0},width:30,transform:"translateX(-100%)",transition:`box-shadow ${l}`,content:'""',pointerEvents:"none"},[`${t}-container`]:{"&::before, &::after":{position:"absolute",top:0,bottom:0,zIndex:i+1,width:30,transition:`box-shadow ${l}`,content:'""',pointerEvents:"none"},"&::before":{insetInlineStart:0},"&::after":{insetInlineEnd:0}},[`${t}-ping-left`]:{[`&:not(${t}-has-fix-left) ${t}-container`]:{position:"relative","&::before":{boxShadow:`inset 10px 0 8px -8px ${r}`}},[` + ${t}-cell-fix-left-first::after, + ${t}-cell-fix-left-last::after + `]:{boxShadow:`inset 10px 0 8px -8px ${r}`},[`${t}-cell-fix-left-last::before`]:{backgroundColor:"transparent !important"}},[`${t}-ping-right`]:{[`&:not(${t}-has-fix-right) ${t}-container`]:{position:"relative","&::after":{boxShadow:`inset -10px 0 8px -8px ${r}`}},[` + ${t}-cell-fix-right-first::after, + ${t}-cell-fix-right-last::after + `]:{boxShadow:`inset -10px 0 8px -8px ${r}`}}}}},tB=e=>{let{componentCls:t,antCls:n}=e;return{[`${t}-wrapper`]:{[`${t}-pagination${n}-pagination`]:{margin:`${e.margin}px 0`},[`${t}-pagination`]:{display:"flex",flexWrap:"wrap",rowGap:e.paddingXS,"> *":{flex:"none"},"&-left":{justifyContent:"flex-start"},"&-center":{justifyContent:"center"},"&-right":{justifyContent:"flex-end"}}}}},tA=e=>{let{componentCls:t,tableRadius:n}=e;return{[`${t}-wrapper`]:{[t]:{[`${t}-title, ${t}-header`]:{borderRadius:`${n}px ${n}px 0 0`},[`${t}-title + ${t}-container`]:{borderStartStartRadius:0,borderStartEndRadius:0,[`${t}-header, table`]:{borderRadius:0},"table > thead > tr:first-child":{"th:first-child, th:last-child, td:first-child, td:last-child":{borderRadius:0}}},"&-container":{borderStartStartRadius:n,borderStartEndRadius:n,"table > thead > tr:first-child":{"> *:first-child":{borderStartStartRadius:n},"> *:last-child":{borderStartEndRadius:n}}},"&-footer":{borderRadius:`0 0 ${n}px ${n}px`}}}}},t_=e=>{let{componentCls:t}=e;return{[`${t}-wrapper-rtl`]:{direction:"rtl",table:{direction:"rtl"},[`${t}-pagination-left`]:{justifyContent:"flex-end"},[`${t}-pagination-right`]:{justifyContent:"flex-start"},[`${t}-row-expand-icon`]:{float:"right","&::after":{transform:"rotate(-90deg)"},"&-collapsed::before":{transform:"rotate(180deg)"},"&-collapsed::after":{transform:"rotate(0deg)"}},[`${t}-container`]:{"&::before":{insetInlineStart:"unset",insetInlineEnd:0},"&::after":{insetInlineStart:0,insetInlineEnd:"unset"},[`${t}-row-indent`]:{float:"right"}}}}},tF=e=>{let{componentCls:t,antCls:n,iconCls:r,fontSizeIcon:l,padding:o,paddingXS:a,tableHeaderIconColor:i,tableHeaderIconColorHover:c,tableSelectionColumnWidth:s}=e;return{[`${t}-wrapper`]:{[`${t}-selection-col`]:{width:s,[`&${t}-selection-col-with-dropdown`]:{width:s+l+o/4}},[`${t}-bordered ${t}-selection-col`]:{width:s+2*a,[`&${t}-selection-col-with-dropdown`]:{width:s+l+o/4+2*a}},[` + table tr th${t}-selection-column, + table tr td${t}-selection-column + `]:{paddingInlineEnd:e.paddingXS,paddingInlineStart:e.paddingXS,textAlign:"center",[`${n}-radio-wrapper`]:{marginInlineEnd:0}},[`table tr th${t}-selection-column${t}-cell-fix-left`]:{zIndex:e.zIndexTableFixed+1},[`table tr th${t}-selection-column::after`]:{backgroundColor:"transparent !important"},[`${t}-selection`]:{position:"relative",display:"inline-flex",flexDirection:"column"},[`${t}-selection-extra`]:{position:"absolute",top:0,zIndex:1,cursor:"pointer",transition:`all ${e.motionDurationSlow}`,marginInlineStart:"100%",paddingInlineStart:`${e.tablePaddingHorizontal/4}px`,[r]:{color:i,fontSize:l,verticalAlign:"baseline","&:hover":{color:c}}}}}},tW=e=>{let{componentCls:t}=e,n=(n,r,l,o)=>({[`${t}${t}-${n}`]:{fontSize:o,[` + ${t}-title, + ${t}-footer, + ${t}-thead > tr > th, + ${t}-tbody > tr > th, + ${t}-tbody > tr > td, + tfoot > tr > th, + tfoot > tr > td + `]:{padding:`${r}px ${l}px`},[`${t}-filter-trigger`]:{marginInlineEnd:`-${l/2}px`},[`${t}-expanded-row-fixed`]:{margin:`-${r}px -${l}px`},[`${t}-tbody`]:{[`${t}-wrapper:only-child ${t}`]:{marginBlock:`-${r}px`,marginInline:`${e.tableExpandColumnWidth-l}px -${l}px`}},[`${t}-selection-column`]:{paddingInlineStart:`${l/4}px`}}});return{[`${t}-wrapper`]:Object.assign(Object.assign({},n("middle",e.tablePaddingVerticalMiddle,e.tablePaddingHorizontalMiddle,e.tableFontSizeMiddle)),n("small",e.tablePaddingVerticalSmall,e.tablePaddingHorizontalSmall,e.tableFontSizeSmall))}},tD=e=>{let{componentCls:t,marginXXS:n,fontSizeIcon:r,tableHeaderIconColor:l,tableHeaderIconColorHover:o}=e;return{[`${t}-wrapper`]:{[`${t}-thead th${t}-column-has-sorters`]:{outline:"none",cursor:"pointer",transition:`all ${e.motionDurationSlow}`,"&:hover":{background:e.tableHeaderSortHoverBg,"&::before":{backgroundColor:"transparent !important"}},"&:focus-visible":{color:e.colorPrimary},[` + &${t}-cell-fix-left:hover, + &${t}-cell-fix-right:hover + `]:{background:e.tableFixedHeaderSortActiveBg}},[`${t}-thead th${t}-column-sort`]:{background:e.tableHeaderSortBg,"&::before":{backgroundColor:"transparent !important"}},[`td${t}-column-sort`]:{background:e.tableBodySortBg},[`${t}-column-title`]:{position:"relative",zIndex:1,flex:1},[`${t}-column-sorters`]:{display:"flex",flex:"auto",alignItems:"center",justifyContent:"space-between","&::after":{position:"absolute",inset:0,width:"100%",height:"100%",content:'""'}},[`${t}-column-sorter`]:{marginInlineStart:n,color:l,fontSize:0,transition:`color ${e.motionDurationSlow}`,"&-inner":{display:"inline-flex",flexDirection:"column",alignItems:"center"},"&-up, &-down":{fontSize:r,"&.active":{color:e.colorPrimary}},[`${t}-column-sorter-up + ${t}-column-sorter-down`]:{marginTop:"-0.3em"}},[`${t}-column-sorters:hover ${t}-column-sorter`]:{color:o}}}},tK=e=>{let{componentCls:t,opacityLoading:n,tableScrollThumbBg:r,tableScrollThumbBgHover:l,tableScrollThumbSize:o,tableScrollBg:a,zIndexTableSticky:i}=e,c=`${e.lineWidth}px ${e.lineType} ${e.tableBorderColor}`;return{[`${t}-wrapper`]:{[`${t}-sticky`]:{"&-holder":{position:"sticky",zIndex:i,background:e.colorBgContainer},"&-scroll":{position:"sticky",bottom:0,height:`${o}px !important`,zIndex:i,display:"flex",alignItems:"center",background:a,borderTop:c,opacity:n,"&:hover":{transformOrigin:"center bottom"},"&-bar":{height:o,backgroundColor:r,borderRadius:100,transition:`all ${e.motionDurationSlow}, transform none`,position:"absolute",bottom:0,"&:hover, &-active":{backgroundColor:l}}}}}}},tV=e=>{let{componentCls:t,lineWidth:n,tableBorderColor:r}=e,l=`${n}px ${e.lineType} ${r}`;return{[`${t}-wrapper`]:{[`${t}-summary`]:{position:"relative",zIndex:e.zIndexTableFixed,background:e.tableBg,"> tr":{"> th, > td":{borderBottom:l}}},[`div${t}-summary`]:{boxShadow:`0 -${n}px 0 ${r}`}}}};let tX=e=>{let{componentCls:t,fontWeightStrong:n,tablePaddingVertical:r,tablePaddingHorizontal:l,lineWidth:o,lineType:a,tableBorderColor:i,tableFontSize:c,tableBg:s,tableRadius:u,tableHeaderTextColor:d,motionDurationMid:f,tableHeaderBg:p,tableHeaderCellSplitColor:m,tableRowHoverBg:h,tableSelectedRowBg:g,tableSelectedRowHoverBg:x,tableFooterTextColor:b,tableFooterBg:v,paddingContentVerticalLG:y}=e,w=`${o}px ${a} ${i}`;return{[`${t}-wrapper`]:Object.assign(Object.assign({clear:"both",maxWidth:"100%"},(0,tO.dF)()),{[t]:Object.assign(Object.assign({},(0,tO.Wf)(e)),{fontSize:c,background:s,borderRadius:`${u}px ${u}px 0 0`}),table:{width:"100%",textAlign:"start",borderRadius:`${u}px ${u}px 0 0`,borderCollapse:"separate",borderSpacing:0},[` + ${t}-thead > tr > th, + ${t}-tbody > tr > th, + ${t}-tbody > tr > td, + tfoot > tr > th, + tfoot > tr > td + `]:{position:"relative",padding:`${y}px ${l}px`,overflowWrap:"break-word"},[`${t}-title`]:{padding:`${r}px ${l}px`},[`${t}-thead`]:{[` + > tr > th, + > tr > td + `]:{position:"relative",color:d,fontWeight:n,textAlign:"start",background:p,borderBottom:w,transition:`background ${f} ease`,"&[colspan]:not([colspan='1'])":{textAlign:"center"},[`&:not(:last-child):not(${t}-selection-column):not(${t}-row-expand-icon-cell):not([colspan])::before`]:{position:"absolute",top:"50%",insetInlineEnd:0,width:1,height:"1.6em",backgroundColor:m,transform:"translateY(-50%)",transition:`background-color ${f}`,content:'""'}},"> tr:not(:last-child) > th[colspan]":{borderBottom:0}},[`${t}-tbody`]:{"> tr":{"> th, > td":{transition:`background ${f}, border-color ${f}`,borderBottom:w,[` + > ${t}-wrapper:only-child, + > ${t}-expanded-row-fixed > ${t}-wrapper:only-child + `]:{[t]:{marginBlock:`-${r}px`,marginInline:`${e.tableExpandColumnWidth-l}px -${l}px`,[`${t}-tbody > tr:last-child > td`]:{borderBottom:0,"&:first-child, &:last-child":{borderRadius:0}}}}},"> th":{position:"relative",color:d,fontWeight:n,textAlign:"start",background:p,borderBottom:w,transition:`background ${f} ease`},[` + &${t}-row:hover > th, + &${t}-row:hover > td, + > th${t}-cell-row-hover, + > td${t}-cell-row-hover + `]:{background:h},[`&${t}-row-selected`]:{"> th, > td":{background:g},"&:hover > th, &:hover > td":{background:x}}}},[`${t}-footer`]:{padding:`${r}px ${l}px`,color:b,background:v}})}};var tU=(0,tR.Z)("Table",e=>{let{controlItemBgActive:t,controlItemBgActiveHover:n,colorTextPlaceholder:r,colorTextHeading:l,colorSplit:o,colorBorderSecondary:a,fontSize:i,padding:c,paddingXS:s,paddingSM:u,controlHeight:d,colorFillAlter:f,colorIcon:p,colorIconHover:m,opacityLoading:h,colorBgContainer:g,borderRadiusLG:x,colorFillContent:b,colorFillSecondary:v,controlInteractiveSize:y}=e,w=new tN.C(p),C=new tN.C(m),$=new tN.C(v).onBackground(g).toHexShortString(),E=new tN.C(b).onBackground(g).toHexShortString(),S=new tN.C(f).onBackground(g).toHexShortString(),k=(0,tI.TS)(e,{tableFontSize:i,tableBg:g,tableRadius:x,tablePaddingVertical:c,tablePaddingHorizontal:c,tablePaddingVerticalMiddle:u,tablePaddingHorizontalMiddle:s,tablePaddingVerticalSmall:s,tablePaddingHorizontalSmall:s,tableBorderColor:a,tableHeaderTextColor:l,tableHeaderBg:S,tableFooterTextColor:l,tableFooterBg:S,tableHeaderCellSplitColor:a,tableHeaderSortBg:$,tableHeaderSortHoverBg:E,tableHeaderIconColor:w.clone().setAlpha(w.getAlpha()*h).toRgbString(),tableHeaderIconColorHover:C.clone().setAlpha(C.getAlpha()*h).toRgbString(),tableBodySortBg:S,tableFixedHeaderSortActiveBg:$,tableHeaderFilterActiveBg:b,tableFilterDropdownBg:g,tableRowHoverBg:S,tableSelectedRowBg:t,tableSelectedRowHoverBg:n,zIndexTableFixed:2,zIndexTableSticky:3,tableFontSizeMiddle:i,tableFontSizeSmall:i,tableSelectionColumnWidth:d,tableExpandIconBg:g,tableExpandColumnWidth:y+2*e.padding,tableExpandedRowBg:f,tableFilterDropdownWidth:120,tableFilterDropdownHeight:264,tableFilterDropdownSearchWidth:140,tableScrollThumbSize:8,tableScrollThumbBg:r,tableScrollThumbBgHover:l,tableScrollBg:o});return[tX(k),tB(k),tV(k),tD(k),tH(k),tj(k),tA(k),tM(k),tV(k),tT(k),tF(k),tL(k),tK(k),tP(k),tW(k),t_(k)]});let tG=[];var tY=u.forwardRef((e,t)=>{let n,r,l;let{prefixCls:a,className:i,rootClassName:c,style:s,size:d,bordered:f,dropdownPrefixCls:p,dataSource:m,pagination:h,rowSelection:g,rowKey:x="key",rowClassName:b,columns:v,children:y,childrenColumnName:w,onChange:C,getPopupContainer:$,loading:S,expandIcon:k,expandable:Z,expandedRowRender:N,expandIconColumnIndex:O,indentSize:R,scroll:I,sortDirections:j,locale:P,showSorterTooltip:T=!0}=e,z=u.useMemo(()=>v||eu(y),[v,y]),M=u.useMemo(()=>z.some(e=>e.responsive),[z]),H=(0,eR.Z)(M),L=u.useMemo(()=>{let e=new Set(Object.keys(H).filter(e=>H[e]));return z.filter(t=>!t.responsive||t.responsive.some(t=>e.has(t)))},[z,H]),B=(0,eS.Z)(e,["className","style","columns"]),{locale:A=eI.Z,direction:_,table:F,renderEmpty:W,getPrefixCls:K,getPopupContainer:V}=u.useContext(eZ.E_),X=(0,eO.Z)(d),U=Object.assign(Object.assign({},A.Table),P),G=m||tG,Y=K("table",a),J=K("dropdown",p),q=Object.assign({childrenColumnName:w,expandIconColumnIndex:O},Z),{childrenColumnName:Q="children"}=q,ee=u.useMemo(()=>G.some(e=>null==e?void 0:e[Q])?"nest":N||Z&&Z.expandedRowRender?"row":null,[G]),et={body:u.useRef()},en=u.useMemo(()=>"function"==typeof x?x:e=>null==e?void 0:e[x],[x]),[er]=function(e,t,n){let r=u.useRef({});return[function(l){if(!r.current||r.current.data!==e||r.current.childrenColumnName!==t||r.current.getRowKey!==n){let l=new Map;!function e(r){r.forEach((r,o)=>{let a=n(r,o);l.set(a,r),r&&"object"==typeof r&&t in r&&e(r[t]||[])})}(e),r.current={data:e,childrenColumnName:t,kvMap:l,getRowKey:n}}return r.current.kvMap.get(l)}]}(G,Q,en),el={},eo=function(e,t){var n,r,l;let o=arguments.length>2&&void 0!==arguments[2]&&arguments[2],a=Object.assign(Object.assign({},el),e);o&&(null===(n=el.resetPagination)||void 0===n||n.call(el),(null===(r=a.pagination)||void 0===r?void 0:r.current)&&(a.pagination.current=1),h&&h.onChange&&h.onChange(1,null===(l=a.pagination)||void 0===l?void 0:l.pageSize)),I&&!1!==I.scrollToFirstRowOnChange&&et.body.current&&(0,ek.Z)(0,{getContainer:()=>et.body.current}),null==C||C(a.pagination,a.filters,a.sorter,{currentDataSource:e7(tZ(G,a.sorterStates,Q),a.filterStates),action:t})},[ea,ei,ec,es]=function(e){let{prefixCls:t,mergedColumns:n,onSorterChange:r,sortDirections:l,tableLocale:o,showSorterTooltip:a}=e,[i,c]=u.useState(tE(n,!0)),s=u.useMemo(()=>{let e=!0,t=tE(n,!1);if(!t.length)return i;let r=[];function l(t){e?r.push(t):r.push(Object.assign(Object.assign({},t),{sortOrder:null}))}let o=null;return t.forEach(t=>{null===o?(l(t),t.sortOrder&&(!1===t.multiplePriority?e=!1:o=!0)):(o&&!1!==t.multiplePriority||(e=!1),l(t))}),r},[n,i]),d=u.useMemo(()=>{let e=s.map(e=>{let{column:t,sortOrder:n}=e;return{column:t,order:n}});return{sortColumns:e,sortColumn:e[0]&&e[0].column,sortOrder:e[0]&&e[0].order}},[s]);function f(e){let t;c(t=!1!==e.multiplePriority&&s.length&&!1!==s[0].multiplePriority?[].concat((0,D.Z)(s.filter(t=>{let{key:n}=t;return n!==e.key})),[e]):[e]),r(tk(t),t)}return[e=>(function e(t,n,r,l,o,a,i,c){return(n||[]).map((n,s)=>{let d=eM(s,c),f=n;if(f.sorter){let e;let c=f.sortDirections||o,s=void 0===f.showSorterTooltip?i:f.showSorterTooltip,p=ez(f,d),m=r.find(e=>{let{key:t}=e;return t===p}),h=m?m.sortOrder:null,g=h?c[c.indexOf(h)+1]:c[0];if(n.sortIcon)e=n.sortIcon({sortOrder:h});else{let n=c.includes(ty)&&u.createElement(tb,{className:E()(`${t}-column-sorter-up`,{active:h===ty})}),r=c.includes(tw)&&u.createElement(tg,{className:E()(`${t}-column-sorter-down`,{active:h===tw})});e=u.createElement("span",{className:E()(`${t}-column-sorter`,{[`${t}-column-sorter-full`]:!!(n&&r)})},u.createElement("span",{className:`${t}-column-sorter-inner`,"aria-hidden":"true"},n,r))}let{cancelSort:x,triggerAsc:b,triggerDesc:v}=a||{},y=x;g===tw?y=v:g===ty&&(y=b);let w="object"==typeof s?s:{title:y};f=Object.assign(Object.assign({},f),{className:E()(f.className,{[`${t}-column-sort`]:h}),title:r=>{let l=u.createElement("div",{className:`${t}-column-sorters`},u.createElement("span",{className:`${t}-column-title`},eH(n.title,r)),e);return s?u.createElement(tv.Z,Object.assign({},w),l):l},onHeaderCell:e=>{let r=n.onHeaderCell&&n.onHeaderCell(e)||{},o=r.onClick,a=r.onKeyDown;r.onClick=e=>{l({column:n,key:p,sortOrder:g,multiplePriority:tC(n)}),null==o||o(e)},r.onKeyDown=e=>{e.keyCode===eQ.Z.ENTER&&(l({column:n,key:p,sortOrder:g,multiplePriority:tC(n)}),null==a||a(e))};let i=function(e,t){let n=eH(e,t);return"[object Object]"===Object.prototype.toString.call(n)?"":n}(n.title,{}),c=null==i?void 0:i.toString();return h?r["aria-sort"]="ascend"===h?"ascending":"descending":r["aria-label"]=c||"",r.className=E()(r.className,`${t}-column-has-sorters`),r.tabIndex=0,n.ellipsis&&(r.title=(null!=i?i:"").toString()),r}})}return"children"in f&&(f=Object.assign(Object.assign({},f),{children:e(t,f.children,r,l,o,a,i,d)})),f})})(t,e,s,f,l,o,a),s,d,()=>tk(s)]}({prefixCls:Y,mergedColumns:L,onSorterChange:(e,t)=>{eo({sorter:e,sorterStates:t},"sort",!1)},sortDirections:j||["ascend","descend"],tableLocale:U,showSorterTooltip:T}),ed=u.useMemo(()=>tZ(G,ei,Q),[G,ei]);el.sorter=es(),el.sorterStates=ei;let[ef,ep,em]=e9({prefixCls:Y,locale:U,dropdownPrefixCls:J,mergedColumns:L,onFilterChange:(e,t)=>{eo({filters:e,filterStates:t},"filter",!0)},getPopupContainer:$||V}),eh=e7(ed,ep);el.filters=em,el.filterStates=ep;let eg=u.useMemo(()=>{let e={};return Object.keys(em).forEach(t=>{null!==em[t]&&(e[t]=em[t])}),Object.assign(Object.assign({},ec),{filters:e})},[ec,em]),[ex]=function(e){let t=u.useCallback(t=>(function e(t,n){return t.map(t=>{let r=Object.assign({},t);return r.title=eH(t.title,n),"children"in r&&(r.children=e(r.children,n)),r})})(t,e),[e]);return[t]}(eg),[eb,ev]=tn(eh.length,(e,t)=>{eo({pagination:Object.assign(Object.assign({},el.pagination),{current:e,pageSize:t})},"paginate")},h);el.pagination=!1===h?{}:function(e,t){let n={current:e.current,pageSize:e.pageSize},r=t&&"object"==typeof t?t:{};return Object.keys(r).forEach(t=>{let r=e[t];"function"!=typeof r&&(n[t]=r)}),n}(eb,h),el.resetPagination=ev;let ey=u.useMemo(()=>{if(!1===h||!eb.pageSize)return eh;let{current:e=1,total:t,pageSize:n=10}=eb;return eh.lengthn?eh.slice((e-1)*n,e*n):eh:eh.slice((e-1)*n,e*n)},[!!h,eh,eb&&eb.current,eb&&eb.pageSize,eb&&eb.total]),[ew,eC]=tm({prefixCls:Y,data:eh,pageData:ey,getRowKey:en,getRecordByKey:er,expandType:ee,childrenColumnName:Q,locale:U,getPopupContainer:$||V},g);q.__PARENT_RENDER_ICON__=q.expandIcon,q.expandIcon=q.expandIcon||k||function(e){let{prefixCls:t,onExpand:n,record:r,expanded:l,expandable:o}=e,a=`${t}-row-expand-icon`;return u.createElement("button",{type:"button",onClick:e=>{n(r,e),e.stopPropagation()},className:E()(a,{[`${a}-spaced`]:!o,[`${a}-expanded`]:o&&l,[`${a}-collapsed`]:o&&!l}),"aria-label":l?U.collapse:U.expand,"aria-expanded":l})},"nest"===ee&&void 0===q.expandIconColumnIndex?q.expandIconColumnIndex=g?1:0:q.expandIconColumnIndex>0&&g&&(q.expandIconColumnIndex-=1),"number"!=typeof q.indentSize&&(q.indentSize="number"==typeof R?R:15);let e$=u.useCallback(e=>ex(ew(ef(ea(e)))),[ea,ef,ew]);if(!1!==h&&(null==eb?void 0:eb.total)){let e;e=eb.size?eb.size:"small"===X||"middle"===X?"small":void 0;let t=t=>u.createElement(ej.Z,Object.assign({},eb,{className:E()(`${Y}-pagination ${Y}-pagination-${t}`,eb.className),size:e})),l="rtl"===_?"left":"right",{position:o}=eb;if(null!==o&&Array.isArray(o)){let e=o.find(e=>e.includes("top")),a=o.find(e=>e.includes("bottom")),i=o.every(e=>"none"==`${e}`);e||a||i||(r=t(l)),e&&(n=t(e.toLowerCase().replace("top",""))),a&&(r=t(a.toLowerCase().replace("bottom","")))}else r=t(l)}"boolean"==typeof S?l={spinning:S}:"object"==typeof S&&(l=Object.assign({spinning:!0},S));let[eE,eL]=tU(Y),eB=E()(`${Y}-wrapper`,null==F?void 0:F.className,{[`${Y}-wrapper-rtl`]:"rtl"===_},i,c,eL),eA=Object.assign(Object.assign({},null==F?void 0:F.style),s),e_=P&&P.emptyText||(null==W?void 0:W("Table"))||u.createElement(eN.Z,{componentName:"Table"});return eE(u.createElement("div",{ref:t,className:eB,style:eA},u.createElement(eP.Z,Object.assign({spinning:!1},l),n,u.createElement(eT,Object.assign({},B,{columns:L,direction:_,expandable:q,prefixCls:Y,className:E()({[`${Y}-middle`]:"middle"===X,[`${Y}-small`]:"small"===X,[`${Y}-bordered`]:f,[`${Y}-empty`]:0===G.length}),data:ey,rowKey:en,rowClassName:(e,t,n)=>{let r;return r="function"==typeof b?E()(b(e,t,n)):E()(b),E()({[`${Y}-row-selected`]:eC.has(en(e,t))},r)},emptyText:e_,internalHooks:o,internalRefs:et,transformColumns:e$})),r)))});let tJ=u.forwardRef((e,t)=>{let n=u.useRef(0);return n.current+=1,u.createElement(tY,Object.assign({},e,{ref:t,_renderTimes:n.current}))});tJ.SELECTION_COLUMN=tc,tJ.EXPAND_COLUMN=l,tJ.SELECTION_ALL=ts,tJ.SELECTION_INVERT=tu,tJ.SELECTION_NONE=td,tJ.Column=function(e){return null},tJ.ColumnGroup=function(e){return null},tJ.Summary=z;var tq=tJ},64019:function(e,t,n){n.d(t,{Z:function(){return l}});var r=n(73935);function l(e,t,n,l){var o=r.unstable_batchedUpdates?function(e){r.unstable_batchedUpdates(n,e)}:n;return null!=e&&e.addEventListener&&e.addEventListener(t,o,l),{remove:function(){null!=e&&e.removeEventListener&&e.removeEventListener(t,o,l)}}}},27678:function(e,t,n){function r(){return{width:document.documentElement.clientWidth,height:window.innerHeight||document.documentElement.clientHeight}}function l(e){var t=e.getBoundingClientRect(),n=document.documentElement;return{left:t.left+(window.pageXOffset||n.scrollLeft)-(n.clientLeft||document.body.clientLeft||0),top:t.top+(window.pageYOffset||n.scrollTop)-(n.clientTop||document.body.clientTop||0)}}n.d(t,{g1:function(){return r},os:function(){return l}})}}]); \ No newline at end of file diff --git a/pilot/server/static/_next/static/chunks/61-d2f6cba798a49339.js b/pilot/server/static/_next/static/chunks/61-d2f6cba798a49339.js deleted file mode 100644 index 524c29660..000000000 --- a/pilot/server/static/_next/static/chunks/61-d2f6cba798a49339.js +++ /dev/null @@ -1,10 +0,0 @@ -(self.webpackChunk_N_E=self.webpackChunk_N_E||[]).push([[61],{64938:function(e,t,n){"use strict";Object.defineProperty(t,"__esModule",{value:!0}),Object.defineProperty(t,"default",{enumerable:!0,get:function(){return o.createSvgIcon}});var o=n(52869)},52869:function(e,t,n){"use strict";n.r(t),n.d(t,{capitalize:function(){return r.Z},createChainedFunction:function(){return a},createSvgIcon:function(){return i.Z},debounce:function(){return d},deprecatedPropType:function(){return c},isMuiElement:function(){return l},ownerDocument:function(){return s},ownerWindow:function(){return u},requirePropFactory:function(){return p},setRef:function(){return f},unstable_ClassNameGenerator:function(){return x},unstable_useEnhancedEffect:function(){return h},unstable_useId:function(){return g},unsupportedProp:function(){return v},useControlled:function(){return y},useEventCallback:function(){return b},useForkRef:function(){return k},useIsFocusVisible:function(){return m}});var o=n(37078),r=n(98216),a=function(...e){return e.reduce((e,t)=>null==t?e:function(...n){e.apply(this,n),t.apply(this,n)},()=>{})},i=n(34678),d=n(39336).Z,c=function(e,t){return()=>null},l=n(18719).Z,s=n(82690).Z,u=n(74161).Z;n(87462);var p=function(e,t){return()=>null},f=n(7960).Z,h=n(73546).Z,g=n(92996).Z,v=function(e,t,n,o,r){return null},y=n(19032).Z,b=n(59948).Z,k=n(33703).Z,m=n(99962).Z;let x={configure:e=>{o.Z.configure(e)}}},63185:function(e,t,n){"use strict";n.d(t,{C2:function(){return d}});var o=n(14747),r=n(45503),a=n(67968);let i=e=>{let{checkboxCls:t}=e,n=`${t}-wrapper`;return[{[`${t}-group`]:Object.assign(Object.assign({},(0,o.Wf)(e)),{display:"inline-flex",flexWrap:"wrap",columnGap:e.marginXS,[`> ${e.antCls}-row`]:{flex:1}}),[n]:Object.assign(Object.assign({},(0,o.Wf)(e)),{display:"inline-flex",alignItems:"baseline",cursor:"pointer","&:after":{display:"inline-block",width:0,overflow:"hidden",content:"'\\a0'"},[`& + ${n}`]:{marginInlineStart:0},[`&${n}-in-form-item`]:{'input[type="checkbox"]':{width:14,height:14}}}),[t]:Object.assign(Object.assign({},(0,o.Wf)(e)),{position:"relative",whiteSpace:"nowrap",lineHeight:1,cursor:"pointer",borderRadius:e.borderRadiusSM,alignSelf:"center",[`${t}-input`]:{position:"absolute",inset:0,zIndex:1,cursor:"pointer",opacity:0,margin:0,[`&:focus-visible + ${t}-inner`]:Object.assign({},(0,o.oN)(e))},[`${t}-inner`]:{boxSizing:"border-box",position:"relative",top:0,insetInlineStart:0,display:"block",width:e.checkboxSize,height:e.checkboxSize,direction:"ltr",backgroundColor:e.colorBgContainer,border:`${e.lineWidth}px ${e.lineType} ${e.colorBorder}`,borderRadius:e.borderRadiusSM,borderCollapse:"separate",transition:`all ${e.motionDurationSlow}`,"&:after":{boxSizing:"border-box",position:"absolute",top:"50%",insetInlineStart:"21.5%",display:"table",width:e.checkboxSize/14*5,height:e.checkboxSize/14*8,border:`${e.lineWidthBold}px solid ${e.colorWhite}`,borderTop:0,borderInlineStart:0,transform:"rotate(45deg) scale(0) translate(-50%,-50%)",opacity:0,content:'""',transition:`all ${e.motionDurationFast} ${e.motionEaseInBack}, opacity ${e.motionDurationFast}`}},"& + span":{paddingInlineStart:e.paddingXS,paddingInlineEnd:e.paddingXS}})},{[` - ${n}:not(${n}-disabled), - ${t}:not(${t}-disabled) - `]:{[`&:hover ${t}-inner`]:{borderColor:e.colorPrimary}},[`${n}:not(${n}-disabled)`]:{[`&:hover ${t}-checked:not(${t}-disabled) ${t}-inner`]:{backgroundColor:e.colorPrimaryHover,borderColor:"transparent"},[`&:hover ${t}-checked:not(${t}-disabled):after`]:{borderColor:e.colorPrimaryHover}}},{[`${t}-checked`]:{[`${t}-inner`]:{backgroundColor:e.colorPrimary,borderColor:e.colorPrimary,"&:after":{opacity:1,transform:"rotate(45deg) scale(1) translate(-50%,-50%)",transition:`all ${e.motionDurationMid} ${e.motionEaseOutBack} ${e.motionDurationFast}`}}},[` - ${n}-checked:not(${n}-disabled), - ${t}-checked:not(${t}-disabled) - `]:{[`&:hover ${t}-inner`]:{backgroundColor:e.colorPrimaryHover,borderColor:"transparent"}}},{[t]:{"&-indeterminate":{[`${t}-inner`]:{backgroundColor:e.colorBgContainer,borderColor:e.colorBorder,"&:after":{top:"50%",insetInlineStart:"50%",width:e.fontSizeLG/2,height:e.fontSizeLG/2,backgroundColor:e.colorPrimary,border:0,transform:"translate(-50%, -50%) scale(1)",opacity:1,content:'""'}}}}},{[`${n}-disabled`]:{cursor:"not-allowed"},[`${t}-disabled`]:{[`&, ${t}-input`]:{cursor:"not-allowed",pointerEvents:"none"},[`${t}-inner`]:{background:e.colorBgContainerDisabled,borderColor:e.colorBorder,"&:after":{borderColor:e.colorTextDisabled}},"&:after":{display:"none"},"& + span":{color:e.colorTextDisabled},[`&${t}-indeterminate ${t}-inner::after`]:{background:e.colorTextDisabled}}}]};function d(e,t){let n=(0,r.TS)(t,{checkboxCls:`.${e}`,checkboxSize:t.controlInteractiveSize});return[i(n)]}t.ZP=(0,a.Z)("Checkbox",(e,t)=>{let{prefixCls:n}=t;return[d(n,e)]})},57346:function(e,t,n){"use strict";n.d(t,{Z:function(){return eT}});var o,r,a=n(87462),i=n(4942),d=n(71002),c=n(1413),l=n(74902),s=n(15671),u=n(43144),p=n(97326),f=n(32531),h=n(73568),g=n(67294),v=n(15105),y=n(80334),b=n(64217),k=n(94184),m=n.n(k),x=n(27822),K=n(10225),N=n(1089);function E(e){if(null==e)throw TypeError("Cannot destructure "+e)}var S=n(97685),C=n(45987),w=n(8410),D=n(85344),Z=n(82225),$=n(86128),O=["className","style","motion","motionNodes","motionType","onMotionStart","onMotionEnd","active","treeNodeRequiredProps"],P=function(e,t){var n,o,r,i,d,c=e.className,l=e.style,s=e.motion,u=e.motionNodes,p=e.motionType,f=e.onMotionStart,h=e.onMotionEnd,v=e.active,y=e.treeNodeRequiredProps,b=(0,C.Z)(e,O),k=g.useState(!0),K=(0,S.Z)(k,2),D=K[0],P=K[1],L=g.useContext(x.k).prefixCls,T=u&&"hide"!==p;(0,w.Z)(function(){u&&T!==D&&P(T)},[u]);var I=g.useRef(!1),M=function(){u&&!I.current&&(I.current=!0,h())};return(n=function(){u&&f()},o=g.useState(!1),i=(r=(0,S.Z)(o,2))[0],d=r[1],g.useLayoutEffect(function(){if(i)return n(),function(){M()}},[i]),g.useLayoutEffect(function(){return d(!0),function(){d(!1)}},[]),u)?g.createElement(Z.ZP,(0,a.Z)({ref:t,visible:D},s,{motionAppear:"show"===p,onVisibleChanged:function(e){T===e&&M()}}),function(e,t){var n=e.className,o=e.style;return g.createElement("div",{ref:t,className:m()("".concat(L,"-treenode-motion"),n),style:o},u.map(function(e){var t=(0,a.Z)({},(E(e.data),e.data)),n=e.title,o=e.key,r=e.isStart,i=e.isEnd;delete t.children;var d=(0,N.H8)(o,y);return g.createElement($.Z,(0,a.Z)({},t,d,{title:n,active:v,data:e.data,key:o,isStart:r,isEnd:i}))}))}):g.createElement($.Z,(0,a.Z)({domRef:t,className:c,style:l},b,{active:v}))};P.displayName="MotionTreeNode";var L=g.forwardRef(P);function T(e,t,n){var o=e.findIndex(function(e){return e.key===n}),r=e[o+1],a=t.findIndex(function(e){return e.key===n});if(r){var i=t.findIndex(function(e){return e.key===r.key});return t.slice(a+1,i)}return t.slice(a+1)}var I=["prefixCls","data","selectable","checkable","expandedKeys","selectedKeys","checkedKeys","loadedKeys","loadingKeys","halfCheckedKeys","keyEntities","disabled","dragging","dragOverNodeKey","dropPosition","motion","height","itemHeight","virtual","focusable","activeItem","focused","tabIndex","onKeyDown","onFocus","onBlur","onActiveChange","onListChangeStart","onListChangeEnd"],M={width:0,height:0,display:"flex",overflow:"hidden",opacity:0,border:0,padding:0,margin:0},R=function(){},A="RC_TREE_MOTION_".concat(Math.random()),H={key:A},j={key:A,level:0,index:0,pos:"0",node:H,nodes:[H]},z={parent:null,children:[],pos:j.pos,data:H,title:null,key:A,isStart:[],isEnd:[]};function B(e,t,n,o){return!1!==t&&n?e.slice(0,Math.ceil(n/o)+1):e}function F(e){var t=e.key,n=e.pos;return(0,N.km)(t,n)}var _=g.forwardRef(function(e,t){var n=e.prefixCls,o=e.data,r=(e.selectable,e.checkable,e.expandedKeys),i=e.selectedKeys,d=e.checkedKeys,c=e.loadedKeys,l=e.loadingKeys,s=e.halfCheckedKeys,u=e.keyEntities,p=e.disabled,f=e.dragging,h=e.dragOverNodeKey,v=e.dropPosition,y=e.motion,b=e.height,k=e.itemHeight,m=e.virtual,x=e.focusable,K=e.activeItem,Z=e.focused,$=e.tabIndex,O=e.onKeyDown,P=e.onFocus,H=e.onBlur,j=e.onActiveChange,_=e.onListChangeStart,W=e.onListChangeEnd,G=(0,C.Z)(e,I),V=g.useRef(null),U=g.useRef(null);g.useImperativeHandle(t,function(){return{scrollTo:function(e){V.current.scrollTo(e)},getIndentWidth:function(){return U.current.offsetWidth}}});var q=g.useState(r),X=(0,S.Z)(q,2),Y=X[0],J=X[1],Q=g.useState(o),ee=(0,S.Z)(Q,2),et=ee[0],en=ee[1],eo=g.useState(o),er=(0,S.Z)(eo,2),ea=er[0],ei=er[1],ed=g.useState([]),ec=(0,S.Z)(ed,2),el=ec[0],es=ec[1],eu=g.useState(null),ep=(0,S.Z)(eu,2),ef=ep[0],eh=ep[1],eg=g.useRef(o);function ev(){var e=eg.current;en(e),ei(e),es([]),eh(null),W()}eg.current=o,(0,w.Z)(function(){J(r);var e=function(){var e=arguments.length>0&&void 0!==arguments[0]?arguments[0]:[],t=arguments.length>1&&void 0!==arguments[1]?arguments[1]:[],n=e.length,o=t.length;if(1!==Math.abs(n-o))return{add:!1,key:null};function r(e,t){var n=new Map;e.forEach(function(e){n.set(e,!0)});var o=t.filter(function(e){return!n.has(e)});return 1===o.length?o[0]:null}return n ").concat(t);return t}(K)),g.createElement("div",null,g.createElement("input",{style:M,disabled:!1===x||p,tabIndex:!1!==x?$:null,onKeyDown:O,onFocus:P,onBlur:H,value:"",onChange:R,"aria-label":"for screen reader"})),g.createElement("div",{className:"".concat(n,"-treenode"),"aria-hidden":!0,style:{position:"absolute",pointerEvents:"none",visibility:"hidden",height:0,overflow:"hidden",border:0,padding:0}},g.createElement("div",{className:"".concat(n,"-indent")},g.createElement("div",{ref:U,className:"".concat(n,"-indent-unit")}))),g.createElement(D.Z,(0,a.Z)({},G,{data:ey,itemKey:F,height:b,fullHeight:!1,virtual:m,itemHeight:k,prefixCls:"".concat(n,"-list"),ref:V,onVisibleChange:function(e,t){var n=new Set(e);t.filter(function(e){return!n.has(e)}).some(function(e){return F(e)===A})&&ev()}}),function(e){var t=e.pos,n=(0,a.Z)({},(E(e.data),e.data)),o=e.title,r=e.key,i=e.isStart,d=e.isEnd,c=(0,N.km)(r,t);delete n.key,delete n.children;var l=(0,N.H8)(c,eb);return g.createElement(L,(0,a.Z)({},n,l,{title:o,active:!!K&&r===K.key,pos:t,data:e.data,isStart:i,isEnd:d,motion:y,motionNodes:r===A?el:null,motionType:ef,onMotionStart:_,onMotionEnd:ev,treeNodeRequiredProps:eb,onMouseMove:function(){j(null)}}))}))});_.displayName="NodeList";var W=n(17341),G=function(e){(0,f.Z)(n,e);var t=(0,h.Z)(n);function n(){var e;(0,s.Z)(this,n);for(var o=arguments.length,r=Array(o),a=0;a2&&void 0!==arguments[2]&&arguments[2],a=e.state,i=a.dragChildrenKeys,d=a.dropPosition,l=a.dropTargetKey,s=a.dropTargetPos;if(a.dropAllowed){var u=e.props.onDrop;if(e.setState({dragOverNodeKey:null}),e.cleanDragState(),null!==l){var p=(0,c.Z)((0,c.Z)({},(0,N.H8)(l,e.getTreeNodeRequiredProps())),{},{active:(null===(o=e.getActiveItem())||void 0===o?void 0:o.key)===l,data:e.state.keyEntities[l].node}),f=-1!==i.indexOf(l);(0,y.ZP)(!f,"Can not drop to dragNode's children node. This is a bug of rc-tree. Please report an issue.");var h=(0,K.yx)(s),g={event:t,node:(0,N.F)(p),dragNode:e.dragNode?(0,N.F)(e.dragNode.props):null,dragNodesKeys:[e.dragNode.props.eventKey].concat(i),dropToGap:0!==d,dropPosition:d+Number(h[h.length-1])};r||null==u||u(g),e.dragNode=null}}},e.cleanDragState=function(){null!==e.state.draggingNodeKey&&e.setState({draggingNodeKey:null,dropPosition:null,dropContainerKey:null,dropTargetKey:null,dropLevelOffset:null,dropAllowed:!0,dragOverNodeKey:null}),e.dragStartMousePosition=null,e.currentMouseOverDroppableNodeKey=null},e.triggerExpandActionExpand=function(t,n){var o=e.state,r=o.expandedKeys,a=o.flattenNodes,i=n.expanded,d=n.key;if(!n.isLeaf&&!t.shiftKey&&!t.metaKey&&!t.ctrlKey){var l=a.filter(function(e){return e.key===d})[0],s=(0,N.F)((0,c.Z)((0,c.Z)({},(0,N.H8)(d,e.getTreeNodeRequiredProps())),{},{data:l.data}));e.setExpandedKeys(i?(0,K._5)(r,d):(0,K.L0)(r,d)),e.onNodeExpand(t,s)}},e.onNodeClick=function(t,n){var o=e.props,r=o.onClick;"click"===o.expandAction&&e.triggerExpandActionExpand(t,n),null==r||r(t,n)},e.onNodeDoubleClick=function(t,n){var o=e.props,r=o.onDoubleClick;"doubleClick"===o.expandAction&&e.triggerExpandActionExpand(t,n),null==r||r(t,n)},e.onNodeSelect=function(t,n){var o=e.state.selectedKeys,r=e.state,a=r.keyEntities,i=r.fieldNames,d=e.props,c=d.onSelect,l=d.multiple,s=n.selected,u=n[i.key],p=!s,f=(o=p?l?(0,K.L0)(o,u):[u]:(0,K._5)(o,u)).map(function(e){var t=a[e];return t?t.node:null}).filter(function(e){return e});e.setUncontrolledState({selectedKeys:o}),null==c||c(o,{event:"select",selected:p,node:n,selectedNodes:f,nativeEvent:t.nativeEvent})},e.onNodeCheck=function(t,n,o){var r,a=e.state,i=a.keyEntities,d=a.checkedKeys,c=a.halfCheckedKeys,s=e.props,u=s.checkStrictly,p=s.onCheck,f=n.key,h={event:"check",node:n,checked:o,nativeEvent:t.nativeEvent};if(u){var g=o?(0,K.L0)(d,f):(0,K._5)(d,f);r={checked:g,halfChecked:(0,K._5)(c,f)},h.checkedNodes=g.map(function(e){return i[e]}).filter(function(e){return e}).map(function(e){return e.node}),e.setUncontrolledState({checkedKeys:g})}else{var v=(0,W.S)([].concat((0,l.Z)(d),[f]),!0,i),y=v.checkedKeys,b=v.halfCheckedKeys;if(!o){var k=new Set(y);k.delete(f);var m=(0,W.S)(Array.from(k),{checked:!1,halfCheckedKeys:b},i);y=m.checkedKeys,b=m.halfCheckedKeys}r=y,h.checkedNodes=[],h.checkedNodesPositions=[],h.halfCheckedKeys=b,y.forEach(function(e){var t=i[e];if(t){var n=t.node,o=t.pos;h.checkedNodes.push(n),h.checkedNodesPositions.push({node:n,pos:o})}}),e.setUncontrolledState({checkedKeys:y},!1,{halfCheckedKeys:b})}null==p||p(r,h)},e.onNodeLoad=function(t){var n=t.key,o=new Promise(function(o,r){e.setState(function(a){var i=a.loadedKeys,d=a.loadingKeys,c=void 0===d?[]:d,l=e.props,s=l.loadData,u=l.onLoad;return s&&-1===(void 0===i?[]:i).indexOf(n)&&-1===c.indexOf(n)?(s(t).then(function(){var r=e.state.loadedKeys,a=(0,K.L0)(r,n);null==u||u(a,{event:"load",node:t}),e.setUncontrolledState({loadedKeys:a}),e.setState(function(e){return{loadingKeys:(0,K._5)(e.loadingKeys,n)}}),o()}).catch(function(t){if(e.setState(function(e){return{loadingKeys:(0,K._5)(e.loadingKeys,n)}}),e.loadingRetryTimes[n]=(e.loadingRetryTimes[n]||0)+1,e.loadingRetryTimes[n]>=10){var a=e.state.loadedKeys;(0,y.ZP)(!1,"Retry for `loadData` many times but still failed. No more retry."),e.setUncontrolledState({loadedKeys:(0,K.L0)(a,n)}),o()}r(t)}),{loadingKeys:(0,K.L0)(c,n)}):null})});return o.catch(function(){}),o},e.onNodeMouseEnter=function(t,n){var o=e.props.onMouseEnter;null==o||o({event:t,node:n})},e.onNodeMouseLeave=function(t,n){var o=e.props.onMouseLeave;null==o||o({event:t,node:n})},e.onNodeContextMenu=function(t,n){var o=e.props.onRightClick;o&&(t.preventDefault(),o({event:t,node:n}))},e.onFocus=function(){var t=e.props.onFocus;e.setState({focused:!0});for(var n=arguments.length,o=Array(n),r=0;r1&&void 0!==arguments[1]&&arguments[1],o=arguments.length>2&&void 0!==arguments[2]?arguments[2]:null;if(!e.destroyed){var r=!1,a=!0,i={};Object.keys(t).forEach(function(n){if(n in e.props){a=!1;return}r=!0,i[n]=t[n]}),r&&(!n||a)&&e.setState((0,c.Z)((0,c.Z)({},i),o))}},e.scrollTo=function(t){e.listRef.current.scrollTo(t)},e}return(0,u.Z)(n,[{key:"componentDidMount",value:function(){this.destroyed=!1,this.onUpdated()}},{key:"componentDidUpdate",value:function(){this.onUpdated()}},{key:"onUpdated",value:function(){var e=this.props.activeKey;void 0!==e&&e!==this.state.activeKey&&(this.setState({activeKey:e}),null!==e&&this.scrollTo({key:e}))}},{key:"componentWillUnmount",value:function(){window.removeEventListener("dragend",this.onWindowDragEnd),this.destroyed=!0}},{key:"resetDragState",value:function(){this.setState({dragOverNodeKey:null,dropPosition:null,dropLevelOffset:null,dropTargetKey:null,dropContainerKey:null,dropTargetPos:null,dropAllowed:!1})}},{key:"render",value:function(){var e,t,n=this.state,o=n.focused,r=n.flattenNodes,c=n.keyEntities,l=n.draggingNodeKey,s=n.activeKey,u=n.dropLevelOffset,p=n.dropContainerKey,f=n.dropTargetKey,h=n.dropPosition,v=n.dragOverNodeKey,y=n.indent,k=this.props,K=k.prefixCls,N=k.className,E=k.style,S=k.showLine,C=k.focusable,w=k.tabIndex,D=k.selectable,Z=k.showIcon,$=k.icon,O=k.switcherIcon,P=k.draggable,L=k.checkable,T=k.checkStrictly,I=k.disabled,M=k.motion,R=k.loadData,A=k.filterTreeNode,H=k.height,j=k.itemHeight,z=k.virtual,B=k.titleRender,F=k.dropIndicatorRender,W=k.onContextMenu,G=k.onScroll,V=k.direction,U=k.rootClassName,q=k.rootStyle,X=(0,b.Z)(this.props,{aria:!0,data:!0});return P&&(t="object"===(0,d.Z)(P)?P:"function"==typeof P?{nodeDraggable:P}:{}),g.createElement(x.k.Provider,{value:{prefixCls:K,selectable:D,showIcon:Z,icon:$,switcherIcon:O,draggable:t,draggingNodeKey:l,checkable:L,checkStrictly:T,disabled:I,keyEntities:c,dropLevelOffset:u,dropContainerKey:p,dropTargetKey:f,dropPosition:h,dragOverNodeKey:v,indent:y,direction:V,dropIndicatorRender:F,loadData:R,filterTreeNode:A,titleRender:B,onNodeClick:this.onNodeClick,onNodeDoubleClick:this.onNodeDoubleClick,onNodeExpand:this.onNodeExpand,onNodeSelect:this.onNodeSelect,onNodeCheck:this.onNodeCheck,onNodeLoad:this.onNodeLoad,onNodeMouseEnter:this.onNodeMouseEnter,onNodeMouseLeave:this.onNodeMouseLeave,onNodeContextMenu:this.onNodeContextMenu,onNodeDragStart:this.onNodeDragStart,onNodeDragEnter:this.onNodeDragEnter,onNodeDragOver:this.onNodeDragOver,onNodeDragLeave:this.onNodeDragLeave,onNodeDragEnd:this.onNodeDragEnd,onNodeDrop:this.onNodeDrop}},g.createElement("div",{role:"tree",className:m()(K,N,U,(e={},(0,i.Z)(e,"".concat(K,"-show-line"),S),(0,i.Z)(e,"".concat(K,"-focused"),o),(0,i.Z)(e,"".concat(K,"-active-focused"),null!==s),e)),style:q},g.createElement(_,(0,a.Z)({ref:this.listRef,prefixCls:K,style:E,data:r,disabled:I,selectable:D,checkable:!!L,motion:M,dragging:null!==l,height:H,itemHeight:j,virtual:z,focusable:C,focused:o,tabIndex:void 0===w?0:w,activeItem:this.getActiveItem(),onFocus:this.onFocus,onBlur:this.onBlur,onKeyDown:this.onKeyDown,onActiveChange:this.onActiveChange,onListChangeStart:this.onListChangeStart,onListChangeEnd:this.onListChangeEnd,onContextMenu:W,onScroll:G},this.getTreeNodeRequiredProps(),X))))}}],[{key:"getDerivedStateFromProps",value:function(e,t){var n,o,r=t.prevProps,a={prevProps:e};function d(t){return!r&&t in e||r&&r[t]!==e[t]}var l=t.fieldNames;if(d("fieldNames")&&(l=(0,N.w$)(e.fieldNames),a.fieldNames=l),d("treeData")?n=e.treeData:d("children")&&((0,y.ZP)(!1,"`children` of Tree is deprecated. Please use `treeData` instead."),n=(0,N.zn)(e.children)),n){a.treeData=n;var s=(0,N.I8)(n,{fieldNames:l});a.keyEntities=(0,c.Z)((0,i.Z)({},A,j),s.keyEntities)}var u=a.keyEntities||t.keyEntities;if(d("expandedKeys")||r&&d("autoExpandParent"))a.expandedKeys=e.autoExpandParent||!r&&e.defaultExpandParent?(0,K.r7)(e.expandedKeys,u):e.expandedKeys;else if(!r&&e.defaultExpandAll){var p=(0,c.Z)({},u);delete p[A],a.expandedKeys=Object.keys(p).map(function(e){return p[e].key})}else!r&&e.defaultExpandedKeys&&(a.expandedKeys=e.autoExpandParent||e.defaultExpandParent?(0,K.r7)(e.defaultExpandedKeys,u):e.defaultExpandedKeys);if(a.expandedKeys||delete a.expandedKeys,n||a.expandedKeys){var f=(0,N.oH)(n||t.treeData,a.expandedKeys||t.expandedKeys,l);a.flattenNodes=f}if(e.selectable&&(d("selectedKeys")?a.selectedKeys=(0,K.BT)(e.selectedKeys,e):!r&&e.defaultSelectedKeys&&(a.selectedKeys=(0,K.BT)(e.defaultSelectedKeys,e))),e.checkable&&(d("checkedKeys")?o=(0,K.E6)(e.checkedKeys)||{}:!r&&e.defaultCheckedKeys?o=(0,K.E6)(e.defaultCheckedKeys)||{}:n&&(o=(0,K.E6)(e.checkedKeys)||{checkedKeys:t.checkedKeys,halfCheckedKeys:t.halfCheckedKeys}),o)){var h=o,g=h.checkedKeys,v=void 0===g?[]:g,b=h.halfCheckedKeys,k=void 0===b?[]:b;if(!e.checkStrictly){var m=(0,W.S)(v,!0,u);v=m.checkedKeys,k=m.halfCheckedKeys}a.checkedKeys=v,a.halfCheckedKeys=k}return d("loadedKeys")&&(a.loadedKeys=e.loadedKeys),a}}]),n}(g.Component);G.defaultProps={prefixCls:"rc-tree",showLine:!1,showIcon:!0,selectable:!0,multiple:!1,checkable:!1,disabled:!1,checkStrictly:!1,draggable:!1,defaultExpandParent:!0,autoExpandParent:!1,defaultExpandAll:!1,defaultExpandedKeys:[],defaultCheckedKeys:[],defaultSelectedKeys:[],dropIndicatorRender:function(e){var t=e.dropPosition,n=e.dropLevelOffset,o=e.indent,r={pointerEvents:"none",position:"absolute",right:0,backgroundColor:"red",height:2};switch(t){case -1:r.top=0,r.left=-n*o;break;case 1:r.bottom=0,r.left=-n*o;break;case 0:r.bottom=0,r.left=o}return g.createElement("div",{style:r})},allowDrop:function(){return!0},expandAction:!1},G.TreeNode=$.Z;var V={icon:{tag:"svg",attrs:{viewBox:"64 64 896 896",focusable:"false"},children:[{tag:"path",attrs:{d:"M854.6 288.6L639.4 73.4c-6-6-14.1-9.4-22.6-9.4H192c-17.7 0-32 14.3-32 32v832c0 17.7 14.3 32 32 32h640c17.7 0 32-14.3 32-32V311.3c0-8.5-3.4-16.7-9.4-22.7zM790.2 326H602V137.8L790.2 326zm1.8 562H232V136h302v216a42 42 0 0042 42h216v494z"}}]},name:"file",theme:"outlined"},U=n(84089),q=g.forwardRef(function(e,t){return g.createElement(U.Z,(0,a.Z)({},e,{ref:t,icon:V}))}),X={icon:{tag:"svg",attrs:{viewBox:"64 64 896 896",focusable:"false"},children:[{tag:"path",attrs:{d:"M928 444H820V330.4c0-17.7-14.3-32-32-32H473L355.7 186.2a8.15 8.15 0 00-5.5-2.2H96c-17.7 0-32 14.3-32 32v592c0 17.7 14.3 32 32 32h698c13 0 24.8-7.9 29.7-20l134-332c1.5-3.8 2.3-7.9 2.3-12 0-17.7-14.3-32-32-32zM136 256h188.5l119.6 114.4H748V444H238c-13 0-24.8 7.9-29.7 20L136 643.2V256zm635.3 512H159l103.3-256h612.4L771.3 768z"}}]},name:"folder-open",theme:"outlined"},Y=g.forwardRef(function(e,t){return g.createElement(U.Z,(0,a.Z)({},e,{ref:t,icon:X}))}),J={icon:{tag:"svg",attrs:{viewBox:"64 64 896 896",focusable:"false"},children:[{tag:"path",attrs:{d:"M880 298.4H521L403.7 186.2a8.15 8.15 0 00-5.5-2.2H144c-17.7 0-32 14.3-32 32v592c0 17.7 14.3 32 32 32h736c17.7 0 32-14.3 32-32V330.4c0-17.7-14.3-32-32-32zM840 768H184V256h188.5l119.6 114.4H840V768z"}}]},name:"folder",theme:"outlined"},Q=g.forwardRef(function(e,t){return g.createElement(U.Z,(0,a.Z)({},e,{ref:t,icon:J}))}),ee=n(53124),et={icon:{tag:"svg",attrs:{viewBox:"64 64 896 896",focusable:"false"},children:[{tag:"path",attrs:{d:"M300 276.5a56 56 0 1056-97 56 56 0 00-56 97zm0 284a56 56 0 1056-97 56 56 0 00-56 97zM640 228a56 56 0 10112 0 56 56 0 00-112 0zm0 284a56 56 0 10112 0 56 56 0 00-112 0zM300 844.5a56 56 0 1056-97 56 56 0 00-56 97zM640 796a56 56 0 10112 0 56 56 0 00-112 0z"}}]},name:"holder",theme:"outlined"},en=g.forwardRef(function(e,t){return g.createElement(U.Z,(0,a.Z)({},e,{ref:t,icon:et}))}),eo=n(33603),er=n(23183),ea=n(63185),ei=n(14747),ed=n(33507),ec=n(45503),el=n(67968);let es=new er.E4("ant-tree-node-fx-do-not-use",{"0%":{opacity:0},"100%":{opacity:1}}),eu=(e,t)=>({[`.${e}-switcher-icon`]:{display:"inline-block",fontSize:10,verticalAlign:"baseline",svg:{transition:`transform ${t.motionDurationSlow}`}}}),ep=(e,t)=>({[`.${e}-drop-indicator`]:{position:"absolute",zIndex:1,height:2,backgroundColor:t.colorPrimary,borderRadius:1,pointerEvents:"none","&:after":{position:"absolute",top:-3,insetInlineStart:-6,width:8,height:8,backgroundColor:"transparent",border:`${t.lineWidthBold}px solid ${t.colorPrimary}`,borderRadius:"50%",content:'""'}}}),ef=(e,t)=>{let{treeCls:n,treeNodeCls:o,treeNodePadding:r,treeTitleHeight:a}=t,i=t.paddingXS;return{[n]:Object.assign(Object.assign({},(0,ei.Wf)(t)),{background:t.colorBgContainer,borderRadius:t.borderRadius,transition:`background-color ${t.motionDurationSlow}`,[`&${n}-rtl`]:{[`${n}-switcher`]:{"&_close":{[`${n}-switcher-icon`]:{svg:{transform:"rotate(90deg)"}}}}},[`&-focused:not(:hover):not(${n}-active-focused)`]:Object.assign({},(0,ei.oN)(t)),[`${n}-list-holder-inner`]:{alignItems:"flex-start"},[`&${n}-block-node`]:{[`${n}-list-holder-inner`]:{alignItems:"stretch",[`${n}-node-content-wrapper`]:{flex:"auto"},[`${o}.dragging`]:{position:"relative","&:after":{position:"absolute",top:0,insetInlineEnd:0,bottom:r,insetInlineStart:0,border:`1px solid ${t.colorPrimary}`,opacity:0,animationName:es,animationDuration:t.motionDurationSlow,animationPlayState:"running",animationFillMode:"forwards",content:'""',pointerEvents:"none"}}}},[`${o}`]:{display:"flex",alignItems:"flex-start",padding:`0 0 ${r}px 0`,outline:"none","&-rtl":{direction:"rtl"},"&-disabled":{[`${n}-node-content-wrapper`]:{color:t.colorTextDisabled,cursor:"not-allowed","&:hover":{background:"transparent"}}},[`&-active ${n}-node-content-wrapper`]:Object.assign({},(0,ei.oN)(t)),[`&:not(${o}-disabled).filter-node ${n}-title`]:{color:"inherit",fontWeight:500},"&-draggable":{[`${n}-draggable-icon`]:{flexShrink:0,width:a,lineHeight:`${a}px`,textAlign:"center",visibility:"visible",opacity:.2,transition:`opacity ${t.motionDurationSlow}`,[`${o}:hover &`]:{opacity:.45}},[`&${o}-disabled`]:{[`${n}-draggable-icon`]:{visibility:"hidden"}}}},[`${n}-indent`]:{alignSelf:"stretch",whiteSpace:"nowrap",userSelect:"none","&-unit":{display:"inline-block",width:a}},[`${n}-draggable-icon`]:{visibility:"hidden"},[`${n}-switcher`]:Object.assign(Object.assign({},eu(e,t)),{position:"relative",flex:"none",alignSelf:"stretch",width:a,margin:0,lineHeight:`${a}px`,textAlign:"center",cursor:"pointer",userSelect:"none","&-noop":{cursor:"default"},"&_close":{[`${n}-switcher-icon`]:{svg:{transform:"rotate(-90deg)"}}},"&-loading-icon":{color:t.colorPrimary},"&-leaf-line":{position:"relative",zIndex:1,display:"inline-block",width:"100%",height:"100%","&:before":{position:"absolute",top:0,insetInlineEnd:a/2,bottom:-r,marginInlineStart:-1,borderInlineEnd:`1px solid ${t.colorBorder}`,content:'""'},"&:after":{position:"absolute",width:a/2*.8,height:a/2,borderBottom:`1px solid ${t.colorBorder}`,content:'""'}}}),[`${n}-checkbox`]:{top:"initial",marginInlineEnd:i},[`${n}-node-content-wrapper, ${n}-checkbox + span`]:{position:"relative",zIndex:"auto",minHeight:a,margin:0,padding:`0 ${t.paddingXS/2}px`,color:"inherit",lineHeight:`${a}px`,background:"transparent",borderRadius:t.borderRadius,cursor:"pointer",transition:`all ${t.motionDurationMid}, border 0s, line-height 0s, box-shadow 0s`,"&:hover":{backgroundColor:t.controlItemBgHover},[`&${n}-node-selected`]:{backgroundColor:t.controlItemBgActive},[`${n}-iconEle`]:{display:"inline-block",width:a,height:a,lineHeight:`${a}px`,textAlign:"center",verticalAlign:"top","&:empty":{display:"none"}}},[`${n}-unselectable ${n}-node-content-wrapper:hover`]:{backgroundColor:"transparent"},[`${n}-node-content-wrapper`]:Object.assign({lineHeight:`${a}px`,userSelect:"none"},ep(e,t)),[`${o}.drop-container`]:{"> [draggable]":{boxShadow:`0 0 0 2px ${t.colorPrimary}`}},"&-show-line":{[`${n}-indent`]:{"&-unit":{position:"relative",height:"100%","&:before":{position:"absolute",top:0,insetInlineEnd:a/2,bottom:-r,borderInlineEnd:`1px solid ${t.colorBorder}`,content:'""'},"&-end":{"&:before":{display:"none"}}}},[`${n}-switcher`]:{background:"transparent","&-line-icon":{verticalAlign:"-0.15em"}}},[`${o}-leaf-last`]:{[`${n}-switcher`]:{"&-leaf-line":{"&:before":{top:"auto !important",bottom:"auto !important",height:`${a/2}px !important`}}}}})}},eh=e=>{let{treeCls:t,treeNodeCls:n,treeNodePadding:o}=e;return{[`${t}${t}-directory`]:{[n]:{position:"relative","&:before":{position:"absolute",top:0,insetInlineEnd:0,bottom:o,insetInlineStart:0,transition:`background-color ${e.motionDurationMid}`,content:'""',pointerEvents:"none"},"&:hover":{"&:before":{background:e.controlItemBgHover}},"> *":{zIndex:1},[`${t}-switcher`]:{transition:`color ${e.motionDurationMid}`},[`${t}-node-content-wrapper`]:{borderRadius:0,userSelect:"none","&:hover":{background:"transparent"},[`&${t}-node-selected`]:{color:e.colorTextLightSolid,background:"transparent"}},"&-selected":{[` - &:hover::before, - &::before - `]:{background:e.colorPrimary},[`${t}-switcher`]:{color:e.colorTextLightSolid},[`${t}-node-content-wrapper`]:{color:e.colorTextLightSolid,background:"transparent"}}}}}},eg=(e,t)=>{let n=`.${e}`,o=`${n}-treenode`,r=t.paddingXS/2,a=t.controlHeightSM,i=(0,ec.TS)(t,{treeCls:n,treeNodeCls:o,treeNodePadding:r,treeTitleHeight:a});return[ef(e,i),eh(i)]};var ev=(0,el.Z)("Tree",(e,t)=>{let{prefixCls:n}=t;return[{[e.componentCls]:(0,ea.C2)(`${n}-checkbox`,e)},eg(n,e),(0,ed.Z)(e)]});function ey(e){let{dropPosition:t,dropLevelOffset:n,prefixCls:o,indent:r,direction:a="ltr"}=e,i="ltr"===a?"left":"right",d={[i]:-n*r+4,["ltr"===a?"right":"left"]:0};switch(t){case -1:d.top=-3;break;case 1:d.bottom=-3;break;default:d.bottom=-3,d[i]=r+4}return g.createElement("div",{style:d,className:`${o}-drop-indicator`})}var eb={icon:{tag:"svg",attrs:{viewBox:"0 0 1024 1024",focusable:"false"},children:[{tag:"path",attrs:{d:"M840.4 300H183.6c-19.7 0-30.7 20.8-18.5 35l328.4 380.8c9.4 10.9 27.5 10.9 37 0L858.9 335c12.2-14.2 1.2-35-18.5-35z"}}]},name:"caret-down",theme:"filled"},ek=g.forwardRef(function(e,t){return g.createElement(U.Z,(0,a.Z)({},e,{ref:t,icon:eb}))}),em=n(50888),ex={icon:{tag:"svg",attrs:{viewBox:"64 64 896 896",focusable:"false"},children:[{tag:"path",attrs:{d:"M328 544h368c4.4 0 8-3.6 8-8v-48c0-4.4-3.6-8-8-8H328c-4.4 0-8 3.6-8 8v48c0 4.4 3.6 8 8 8z"}},{tag:"path",attrs:{d:"M880 112H144c-17.7 0-32 14.3-32 32v736c0 17.7 14.3 32 32 32h736c17.7 0 32-14.3 32-32V144c0-17.7-14.3-32-32-32zm-40 728H184V184h656v656z"}}]},name:"minus-square",theme:"outlined"},eK=g.forwardRef(function(e,t){return g.createElement(U.Z,(0,a.Z)({},e,{ref:t,icon:ex}))}),eN={icon:{tag:"svg",attrs:{viewBox:"64 64 896 896",focusable:"false"},children:[{tag:"path",attrs:{d:"M328 544h152v152c0 4.4 3.6 8 8 8h48c4.4 0 8-3.6 8-8V544h152c4.4 0 8-3.6 8-8v-48c0-4.4-3.6-8-8-8H544V328c0-4.4-3.6-8-8-8h-48c-4.4 0-8 3.6-8 8v152H328c-4.4 0-8 3.6-8 8v48c0 4.4 3.6 8 8 8z"}},{tag:"path",attrs:{d:"M880 112H144c-17.7 0-32 14.3-32 32v736c0 17.7 14.3 32 32 32h736c17.7 0 32-14.3 32-32V144c0-17.7-14.3-32-32-32zm-40 728H184V184h656v656z"}}]},name:"plus-square",theme:"outlined"},eE=g.forwardRef(function(e,t){return g.createElement(U.Z,(0,a.Z)({},e,{ref:t,icon:eN}))}),eS=n(96159),eC=e=>{let t;let{prefixCls:n,switcherIcon:o,treeNodeProps:r,showLine:a}=e,{isLeaf:i,expanded:d,loading:c}=r;if(c)return g.createElement(em.Z,{className:`${n}-switcher-loading-icon`});if(a&&"object"==typeof a&&(t=a.showLeafIcon),i){if(!a)return null;if("boolean"!=typeof t&&t){let e="function"==typeof t?t(r):t,o=`${n}-switcher-line-custom-icon`;return(0,eS.l$)(e)?(0,eS.Tm)(e,{className:m()(e.props.className||"",o)}):e}return t?g.createElement(q,{className:`${n}-switcher-line-icon`}):g.createElement("span",{className:`${n}-switcher-leaf-line`})}let l=`${n}-switcher-icon`,s="function"==typeof o?o(r):o;return(0,eS.l$)(s)?(0,eS.Tm)(s,{className:m()(s.props.className||"",l)}):void 0!==s?s:a?d?g.createElement(eK,{className:`${n}-switcher-line-icon`}):g.createElement(eE,{className:`${n}-switcher-line-icon`}):g.createElement(ek,{className:l})};let ew=g.forwardRef((e,t)=>{let{getPrefixCls:n,direction:o,virtual:r,tree:a}=g.useContext(ee.E_),{prefixCls:i,className:d,showIcon:c=!1,showLine:l,switcherIcon:s,blockNode:u=!1,children:p,checkable:f=!1,selectable:h=!0,draggable:v,motion:y,style:b}=e,k=n("tree",i),x=n(),K=null!=y?y:Object.assign(Object.assign({},(0,eo.Z)(x)),{motionAppear:!1}),N=Object.assign(Object.assign({},e),{checkable:f,selectable:h,showIcon:c,motion:K,blockNode:u,showLine:!!l,dropIndicatorRender:ey}),[E,S]=ev(k),C=g.useMemo(()=>{if(!v)return!1;let e={};switch(typeof v){case"function":e.nodeDraggable=v;break;case"object":e=Object.assign({},v)}return!1!==e.icon&&(e.icon=e.icon||g.createElement(en,null)),e},[v]);return E(g.createElement(G,Object.assign({itemHeight:20,ref:t,virtual:r},N,{style:Object.assign(Object.assign({},null==a?void 0:a.style),b),prefixCls:k,className:m()({[`${k}-icon-hide`]:!c,[`${k}-block-node`]:u,[`${k}-unselectable`]:!h,[`${k}-rtl`]:"rtl"===o},null==a?void 0:a.className,d,S),direction:o,checkable:f?g.createElement("span",{className:`${k}-checkbox-inner`}):f,selectable:h,switcherIcon:e=>g.createElement(eC,{prefixCls:k,switcherIcon:s,treeNodeProps:e,showLine:l}),draggable:C}),p))});function eD(e,t){e.forEach(function(e){let{key:n,children:o}=e;!1!==t(n,e)&&eD(o||[],t)})}function eZ(e,t){let n=(0,l.Z)(t),o=[];return eD(e,(e,t)=>{let r=n.indexOf(e);return -1!==r&&(o.push(t),n.splice(r,1)),!!n.length}),o}(o=r||(r={}))[o.None=0]="None",o[o.Start=1]="Start",o[o.End=2]="End";var e$=function(e,t){var n={};for(var o in e)Object.prototype.hasOwnProperty.call(e,o)&&0>t.indexOf(o)&&(n[o]=e[o]);if(null!=e&&"function"==typeof Object.getOwnPropertySymbols)for(var r=0,o=Object.getOwnPropertySymbols(e);rt.indexOf(o[r])&&Object.prototype.propertyIsEnumerable.call(e,o[r])&&(n[o[r]]=e[o[r]]);return n};function eO(e){let{isLeaf:t,expanded:n}=e;return t?g.createElement(q,null):n?g.createElement(Y,null):g.createElement(Q,null)}function eP(e){let{treeData:t,children:n}=e;return t||(0,N.zn)(n)}let eL=g.forwardRef((e,t)=>{var{defaultExpandAll:n,defaultExpandParent:o,defaultExpandedKeys:a}=e,i=e$(e,["defaultExpandAll","defaultExpandParent","defaultExpandedKeys"]);let d=g.useRef(),c=g.useRef(),s=()=>{let{keyEntities:e}=(0,N.I8)(eP(i));return n?Object.keys(e):o?(0,K.r7)(i.expandedKeys||a||[],e):i.expandedKeys||a},[u,p]=g.useState(i.selectedKeys||i.defaultSelectedKeys||[]),[f,h]=g.useState(()=>s());g.useEffect(()=>{"selectedKeys"in i&&p(i.selectedKeys)},[i.selectedKeys]),g.useEffect(()=>{"expandedKeys"in i&&h(i.expandedKeys)},[i.expandedKeys]);let{getPrefixCls:v,direction:y}=g.useContext(ee.E_),{prefixCls:b,className:k,showIcon:x=!0,expandAction:E="click"}=i,S=e$(i,["prefixCls","className","showIcon","expandAction"]),C=v("tree",b),w=m()(`${C}-directory`,{[`${C}-directory-rtl`]:"rtl"===y},k);return g.createElement(ew,Object.assign({icon:eO,ref:t,blockNode:!0},S,{showIcon:x,expandAction:E,prefixCls:C,className:w,expandedKeys:f,selectedKeys:u,onSelect:(e,t)=>{var n;let o;let{multiple:a}=i,{node:s,nativeEvent:u}=t,{key:h=""}=s,g=eP(i),v=Object.assign(Object.assign({},t),{selected:!0}),y=(null==u?void 0:u.ctrlKey)||(null==u?void 0:u.metaKey),b=null==u?void 0:u.shiftKey;a&&y?(o=e,d.current=h,c.current=o,v.selectedNodes=eZ(g,o)):a&&b?(o=Array.from(new Set([].concat((0,l.Z)(c.current||[]),(0,l.Z)(function(e){let{treeData:t,expandedKeys:n,startKey:o,endKey:a}=e,i=[],d=r.None;return o&&o===a?[o]:o&&a?(eD(t,e=>{if(d===r.End)return!1;if(e===o||e===a){if(i.push(e),d===r.None)d=r.Start;else if(d===r.Start)return d=r.End,!1}else d===r.Start&&i.push(e);return n.includes(e)}),i):[]}({treeData:g,expandedKeys:f,startKey:h,endKey:d.current}))))),v.selectedNodes=eZ(g,o)):(o=[h],d.current=h,c.current=o,v.selectedNodes=eZ(g,o)),null===(n=i.onSelect)||void 0===n||n.call(i,o,v),"selectedKeys"in i||p(o)},onExpand:(e,t)=>{var n;return"expandedKeys"in i||h(e),null===(n=i.onExpand)||void 0===n?void 0:n.call(i,e,t)}}))});ew.DirectoryTree=eL,ew.TreeNode=$.Z;var eT=ew},86128:function(e,t,n){"use strict";n.d(t,{Z:function(){return E}});var o=n(87462),r=n(4942),a=n(45987),i=n(1413),d=n(15671),c=n(43144),l=n(97326),s=n(32531),u=n(73568),p=n(94184),f=n.n(p),h=n(64217),g=n(67294),v=n(27822),y=g.memo(function(e){for(var t,n=e.prefixCls,o=e.level,a=e.isStart,i=e.isEnd,d="".concat(n,"-indent-unit"),c=[],l=0;l=0&&n.splice(o,1),n}function d(e,t){var n=(e||[]).slice();return -1===n.indexOf(t)&&n.push(t),n}function c(e){return e.split("-")}function l(e,t){var n=[];return!function e(){var t=arguments.length>0&&void 0!==arguments[0]?arguments[0]:[];t.forEach(function(t){var o=t.key,r=t.children;n.push(o),e(r)})}(t[e].children),n}function s(e,t,n,o,r,a,i,d,l,s){var u,p,f=e.clientX,h=e.clientY,g=e.target.getBoundingClientRect(),v=g.top,y=g.height,b=(("rtl"===s?-1:1)*(((null==r?void 0:r.x)||0)-f)-12)/o,k=d[n.props.eventKey];if(h-1.5?a({dragNode:w,dropNode:D,dropPosition:1})?E=1:Z=!1:a({dragNode:w,dropNode:D,dropPosition:0})?E=0:a({dragNode:w,dropNode:D,dropPosition:1})?E=1:Z=!1:a({dragNode:w,dropNode:D,dropPosition:1})?E=1:Z=!1,{dropPosition:E,dropLevelOffset:S,dropTargetKey:k.key,dropTargetPos:k.pos,dragOverNodeKey:N,dropContainerKey:0===E?null:(null===(p=k.parent)||void 0===p?void 0:p.key)||null,dropAllowed:Z}}function u(e,t){if(e)return t.multiple?e.slice():e.length?[e[0]]:e}function p(e){var t;if(!e)return null;if(Array.isArray(e))t={checkedKeys:e,halfCheckedKeys:void 0};else{if("object"!==(0,r.Z)(e))return(0,a.ZP)(!1,"`checkedKeys` is not an array or an object"),null;t={checkedKeys:e.checked||void 0,halfCheckedKeys:e.halfChecked||void 0}}return t}function f(e,t){var n=new Set;return(e||[]).forEach(function(e){!function e(o){if(!n.has(o)){var r=t[o];if(r){n.add(o);var a=r.parent;!r.node.disabled&&a&&e(a.key)}}}(e)}),(0,o.Z)(n)}n(86128),n(1089)},17341:function(e,t,n){"use strict";n.d(t,{S:function(){return i}});var o=n(80334);function r(e,t){var n=new Set;return e.forEach(function(e){t.has(e)||n.add(e)}),n}function a(e){var t=e||{},n=t.disabled,o=t.disableCheckbox,r=t.checkable;return!!(n||o)||!1===r}function i(e,t,n,i){var d,c=[];d=i||a;var l=new Set(e.filter(function(e){var t=!!n[e];return t||c.push(e),t})),s=new Map,u=0;return Object.keys(n).forEach(function(e){var t=n[e],o=t.level,r=s.get(o);r||(r=new Set,s.set(o,r)),r.add(t),u=Math.max(u,o)}),(0,o.ZP)(!c.length,"Tree missing follow keys: ".concat(c.slice(0,100).map(function(e){return"'".concat(e,"'")}).join(", "))),!0===t?function(e,t,n,o){for(var a=new Set(e),i=new Set,d=0;d<=n;d+=1)(t.get(d)||new Set).forEach(function(e){var t=e.key,n=e.node,r=e.children,i=void 0===r?[]:r;a.has(t)&&!o(n)&&i.filter(function(e){return!o(e.node)}).forEach(function(e){a.add(e.key)})});for(var c=new Set,l=n;l>=0;l-=1)(t.get(l)||new Set).forEach(function(e){var t=e.parent;if(!(o(e.node)||!e.parent||c.has(e.parent.key))){if(o(e.parent.node)){c.add(t.key);return}var n=!0,r=!1;(t.children||[]).filter(function(e){return!o(e.node)}).forEach(function(e){var t=e.key,o=a.has(t);n&&!o&&(n=!1),!r&&(o||i.has(t))&&(r=!0)}),n&&a.add(t.key),r&&i.add(t.key),c.add(t.key)}});return{checkedKeys:Array.from(a),halfCheckedKeys:Array.from(r(i,a))}}(l,s,u,d):function(e,t,n,o,a){for(var i=new Set(e),d=new Set(t),c=0;c<=o;c+=1)(n.get(c)||new Set).forEach(function(e){var t=e.key,n=e.node,o=e.children,r=void 0===o?[]:o;i.has(t)||d.has(t)||a(n)||r.filter(function(e){return!a(e.node)}).forEach(function(e){i.delete(e.key)})});d=new Set;for(var l=new Set,s=o;s>=0;s-=1)(n.get(s)||new Set).forEach(function(e){var t=e.parent;if(!(a(e.node)||!e.parent||l.has(e.parent.key))){if(a(e.parent.node)){l.add(t.key);return}var n=!0,o=!1;(t.children||[]).filter(function(e){return!a(e.node)}).forEach(function(e){var t=e.key,r=i.has(t);n&&!r&&(n=!1),!o&&(r||d.has(t))&&(o=!0)}),n||i.delete(t.key),o&&d.add(t.key),l.add(t.key)}});return{checkedKeys:Array.from(i),halfCheckedKeys:Array.from(r(d,i))}}(l,t.halfCheckedKeys,s,u,d)}},1089:function(e,t,n){"use strict";n.d(t,{F:function(){return b},H8:function(){return y},I8:function(){return v},km:function(){return p},oH:function(){return g},w$:function(){return f},zn:function(){return h}});var o=n(71002),r=n(74902),a=n(1413),i=n(45987),d=n(50344),c=n(98423),l=n(80334),s=["children"];function u(e,t){return"".concat(e,"-").concat(t)}function p(e,t){return null!=e?e:t}function f(e){var t=e||{},n=t.title,o=t._title,r=t.key,a=t.children,i=n||"title";return{title:i,_title:o||[i],key:r||"key",children:a||"children"}}function h(e){return function e(t){return(0,d.Z)(t).map(function(t){if(!(t&&t.type&&t.type.isTreeNode))return(0,l.ZP)(!t,"Tree/TreeNode can only accept TreeNode as children."),null;var n=t.key,o=t.props,r=o.children,d=(0,i.Z)(o,s),c=(0,a.Z)({key:n},d),u=e(r);return u.length&&(c.children=u),c}).filter(function(e){return e})}(e)}function g(e,t,n){var o=f(n),i=o._title,d=o.key,l=o.children,s=new Set(!0===t?[]:t),h=[];return!function e(n){var o=arguments.length>1&&void 0!==arguments[1]?arguments[1]:null;return n.map(function(f,g){for(var v,y=u(o?o.pos:"0",g),b=p(f[d],y),k=0;k1&&void 0!==arguments[1]?arguments[1]:{},y=v.initWrapper,b=v.processEntity,k=v.onProcessFinished,m=v.externalGetKey,x=v.childrenPropName,K=v.fieldNames,N=arguments.length>2?arguments[2]:void 0,E={},S={},C={posEntities:E,keyEntities:S};return y&&(C=y(C)||C),t=function(e){var t=e.node,n=e.index,o=e.pos,r=e.key,a=e.parentPos,i=e.level,d={node:t,nodes:e.nodes,index:n,key:r,pos:o,level:i},c=p(r,o);E[o]=d,S[c]=d,d.parent=E[a],d.parent&&(d.parent.children=d.parent.children||[],d.parent.children.push(d)),b&&b(d,C)},n={externalGetKey:m||N,childrenPropName:x,fieldNames:K},d=(i=("object"===(0,o.Z)(n)?n:{externalGetKey:n})||{}).childrenPropName,c=i.externalGetKey,s=(l=f(i.fieldNames)).key,h=l.children,g=d||h,c?"string"==typeof c?a=function(e){return e[c]}:"function"==typeof c&&(a=function(e){return c(e)}):a=function(e,t){return p(e[s],t)},function n(o,i,d,c){var l=o?o[g]:e,s=o?u(d.pos,i):"0",p=o?[].concat((0,r.Z)(c),[o]):[];if(o){var f=a(o,s);t({node:o,index:i,pos:s,key:f,parentPos:d.node?d.pos:null,level:d.level+1,nodes:p})}l&&l.forEach(function(e,t){n(e,t,{node:o,pos:s,level:d?d.level+1:-1},p)})}(null),k&&k(C),C}function y(e,t){var n=t.expandedKeys,o=t.selectedKeys,r=t.loadedKeys,a=t.loadingKeys,i=t.checkedKeys,d=t.halfCheckedKeys,c=t.dragOverNodeKey,l=t.dropPosition,s=t.keyEntities[e];return{eventKey:e,expanded:-1!==n.indexOf(e),selected:-1!==o.indexOf(e),loaded:-1!==r.indexOf(e),loading:-1!==a.indexOf(e),checked:-1!==i.indexOf(e),halfChecked:-1!==d.indexOf(e),pos:String(s?s.pos:""),dragOver:c===e&&0===l,dragOverGapTop:c===e&&-1===l,dragOverGapBottom:c===e&&1===l}}function b(e){var t=e.data,n=e.expanded,o=e.selected,r=e.checked,i=e.loaded,d=e.loading,c=e.halfChecked,s=e.dragOver,u=e.dragOverGapTop,p=e.dragOverGapBottom,f=e.pos,h=e.active,g=e.eventKey,v=(0,a.Z)((0,a.Z)({},t),{},{expanded:n,selected:o,checked:r,loaded:i,loading:d,halfChecked:c,dragOver:s,dragOverGapTop:u,dragOverGapBottom:p,pos:f,active:h,key:g});return"props"in v||Object.defineProperty(v,"props",{get:function(){return(0,l.ZP)(!1,"Second param return from event is node data instead of TreeNode instance. Please read value directly instead of reading from `props`."),e}}),v}},64836:function(e){e.exports=function(e){return e&&e.__esModule?e:{default:e}},e.exports.__esModule=!0,e.exports.default=e.exports}}]); \ No newline at end of file diff --git a/pilot/server/static/_next/static/chunks/63-d9f1013be8e4599a.js b/pilot/server/static/_next/static/chunks/63-d9f1013be8e4599a.js deleted file mode 100644 index 235e01dd3..000000000 --- a/pilot/server/static/_next/static/chunks/63-d9f1013be8e4599a.js +++ /dev/null @@ -1 +0,0 @@ -"use strict";(self.webpackChunk_N_E=self.webpackChunk_N_E||[]).push([[63],{6321:function(e,t,n){n.d(t,{Z:function(){return l}});var i=n(87462),o=n(67294),r={icon:{tag:"svg",attrs:{viewBox:"64 64 896 896",focusable:"false"},children:[{tag:"path",attrs:{d:"M512 244c176.18 0 319 142.82 319 319v233a32 32 0 01-32 32H225a32 32 0 01-32-32V563c0-176.18 142.82-319 319-319zM484 68h56a8 8 0 018 8v96a8 8 0 01-8 8h-56a8 8 0 01-8-8V76a8 8 0 018-8zM177.25 191.66a8 8 0 0111.32 0l67.88 67.88a8 8 0 010 11.31l-39.6 39.6a8 8 0 01-11.31 0l-67.88-67.88a8 8 0 010-11.31l39.6-39.6zm669.6 0l39.6 39.6a8 8 0 010 11.3l-67.88 67.9a8 8 0 01-11.32 0l-39.6-39.6a8 8 0 010-11.32l67.89-67.88a8 8 0 0111.31 0zM192 892h640a32 32 0 0132 32v24a8 8 0 01-8 8H168a8 8 0 01-8-8v-24a32 32 0 0132-32zm148-317v253h64V575h-64z"}}]},name:"alert",theme:"filled"},a=n(84089),l=o.forwardRef(function(e,t){return o.createElement(a.Z,(0,i.Z)({},e,{ref:t,icon:r}))})},27704:function(e,t,n){n.d(t,{Z:function(){return l}});var i=n(87462),o=n(67294),r={icon:{tag:"svg",attrs:{viewBox:"64 64 896 896",focusable:"false"},children:[{tag:"path",attrs:{d:"M864 256H736v-80c0-35.3-28.7-64-64-64H352c-35.3 0-64 28.7-64 64v80H160c-17.7 0-32 14.3-32 32v32c0 4.4 3.6 8 8 8h60.4l24.7 523c1.6 34.1 29.8 61 63.9 61h454c34.2 0 62.3-26.8 63.9-61l24.7-523H888c4.4 0 8-3.6 8-8v-32c0-17.7-14.3-32-32-32zm-200 0H360v-72h304v72z"}}]},name:"delete",theme:"filled"},a=n(84089),l=o.forwardRef(function(e,t){return o.createElement(a.Z,(0,i.Z)({},e,{ref:t,icon:r}))})},31484:function(e,t,n){n.d(t,{Z:function(){return l}});var i=n(87462),o=n(67294),r={icon:function(e,t){return{tag:"svg",attrs:{viewBox:"64 64 896 896",focusable:"false"},children:[{tag:"path",attrs:{d:"M292.7 840h438.6l24.2-512h-487z",fill:t}},{tag:"path",attrs:{d:"M864 256H736v-80c0-35.3-28.7-64-64-64H352c-35.3 0-64 28.7-64 64v80H160c-17.7 0-32 14.3-32 32v32c0 4.4 3.6 8 8 8h60.4l24.7 523c1.6 34.1 29.8 61 63.9 61h454c34.2 0 62.3-26.8 63.9-61l24.7-523H888c4.4 0 8-3.6 8-8v-32c0-17.7-14.3-32-32-32zm-504-72h304v72H360v-72zm371.3 656H292.7l-24.2-512h487l-24.2 512z",fill:e}}]}},name:"delete",theme:"twotone"},a=n(84089),l=o.forwardRef(function(e,t){return o.createElement(a.Z,(0,i.Z)({},e,{ref:t,icon:r}))})},31326:function(e,t,n){n.d(t,{Z:function(){return l}});var i=n(87462),o=n(67294),r={icon:{tag:"svg",attrs:{viewBox:"64 64 896 896",focusable:"false"},children:[{tag:"path",attrs:{d:"M396 512a112 112 0 10224 0 112 112 0 10-224 0zm546.2-25.8C847.4 286.5 704.1 186 512 186c-192.2 0-335.4 100.5-430.2 300.3a60.3 60.3 0 000 51.5C176.6 737.5 319.9 838 512 838c192.2 0 335.4-100.5 430.2-300.3 7.7-16.2 7.7-35 0-51.5zM508 688c-97.2 0-176-78.8-176-176s78.8-176 176-176 176 78.8 176 176-78.8 176-176 176z"}}]},name:"eye",theme:"filled"},a=n(84089),l=o.forwardRef(function(e,t){return o.createElement(a.Z,(0,i.Z)({},e,{ref:t,icon:r}))})},31545:function(e,t,n){n.d(t,{Z:function(){return l}});var i=n(87462),o=n(67294),r={icon:{tag:"svg",attrs:{viewBox:"64 64 896 896",focusable:"false"},children:[{tag:"path",attrs:{d:"M688 312v-48c0-4.4-3.6-8-8-8H296c-4.4 0-8 3.6-8 8v48c0 4.4 3.6 8 8 8h384c4.4 0 8-3.6 8-8zm-392 88c-4.4 0-8 3.6-8 8v48c0 4.4 3.6 8 8 8h184c4.4 0 8-3.6 8-8v-48c0-4.4-3.6-8-8-8H296zm144 452H208V148h560v344c0 4.4 3.6 8 8 8h56c4.4 0 8-3.6 8-8V108c0-17.7-14.3-32-32-32H168c-17.7 0-32 14.3-32 32v784c0 17.7 14.3 32 32 32h272c4.4 0 8-3.6 8-8v-56c0-4.4-3.6-8-8-8zm445.7 51.5l-93.3-93.3C814.7 780.7 828 743.9 828 704c0-97.2-78.8-176-176-176s-176 78.8-176 176 78.8 176 176 176c35.8 0 69-10.7 96.8-29l94.7 94.7c1.6 1.6 3.6 2.3 5.6 2.3s4.1-.8 5.6-2.3l31-31a7.9 7.9 0 000-11.2zM652 816c-61.9 0-112-50.1-112-112s50.1-112 112-112 112 50.1 112 112-50.1 112-112 112z"}}]},name:"file-search",theme:"outlined"},a=n(84089),l=o.forwardRef(function(e,t){return o.createElement(a.Z,(0,i.Z)({},e,{ref:t,icon:r}))})},27595:function(e,t,n){n.d(t,{Z:function(){return l}});var i=n(87462),o=n(67294),r={icon:{tag:"svg",attrs:{viewBox:"64 64 896 896",focusable:"false"},children:[{tag:"path",attrs:{d:"M854.6 288.7c6 6 9.4 14.1 9.4 22.6V928c0 17.7-14.3 32-32 32H192c-17.7 0-32-14.3-32-32V96c0-17.7 14.3-32 32-32h424.7c8.5 0 16.7 3.4 22.7 9.4l215.2 215.3zM790.2 326L602 137.8V326h188.2zM320 482a8 8 0 00-8 8v48a8 8 0 008 8h384a8 8 0 008-8v-48a8 8 0 00-8-8H320zm0 136a8 8 0 00-8 8v48a8 8 0 008 8h184a8 8 0 008-8v-48a8 8 0 00-8-8H320z"}}]},name:"file-text",theme:"filled"},a=n(84089),l=o.forwardRef(function(e,t){return o.createElement(a.Z,(0,i.Z)({},e,{ref:t,icon:r}))})},27329:function(e,t,n){n.d(t,{Z:function(){return l}});var i=n(87462),o=n(67294),r={icon:function(e,t){return{tag:"svg",attrs:{viewBox:"64 64 896 896",focusable:"false"},children:[{tag:"path",attrs:{d:"M534 352V136H232v752h560V394H576a42 42 0 01-42-42zm101.3 129.3c1.3-5.4 6.1-9.3 11.7-9.3h35.6a12.04 12.04 0 0111.6 15.1l-74.4 276c-1.4 5.3-6.2 8.9-11.6 8.9h-31.8c-5.4 0-10.2-3.7-11.6-8.9l-52.8-197-52.8 197c-1.4 5.3-6.2 8.9-11.6 8.9h-32c-5.4 0-10.2-3.7-11.6-8.9l-74.2-276a12.02 12.02 0 0111.6-15.1h35.4c5.6 0 10.4 3.9 11.7 9.3L434.6 680l49.7-198.9c1.3-5.4 6.1-9.1 11.6-9.1h32.2c5.5 0 10.3 3.7 11.6 9.1l49.8 199.3 45.8-199.1z",fill:t}},{tag:"path",attrs:{d:"M854.6 288.6L639.4 73.4c-6-6-14.1-9.4-22.6-9.4H192c-17.7 0-32 14.3-32 32v832c0 17.7 14.3 32 32 32h640c17.7 0 32-14.3 32-32V311.3c0-8.5-3.4-16.7-9.4-22.7zM602 137.8L790.2 326H602V137.8zM792 888H232V136h302v216a42 42 0 0042 42h216v494z",fill:e}},{tag:"path",attrs:{d:"M528.1 472h-32.2c-5.5 0-10.3 3.7-11.6 9.1L434.6 680l-46.1-198.7c-1.3-5.4-6.1-9.3-11.7-9.3h-35.4a12.02 12.02 0 00-11.6 15.1l74.2 276c1.4 5.2 6.2 8.9 11.6 8.9h32c5.4 0 10.2-3.6 11.6-8.9l52.8-197 52.8 197c1.4 5.2 6.2 8.9 11.6 8.9h31.8c5.4 0 10.2-3.6 11.6-8.9l74.4-276a12.04 12.04 0 00-11.6-15.1H647c-5.6 0-10.4 3.9-11.7 9.3l-45.8 199.1-49.8-199.3c-1.3-5.4-6.1-9.1-11.6-9.1z",fill:e}}]}},name:"file-word",theme:"twotone"},a=n(84089),l=o.forwardRef(function(e,t){return o.createElement(a.Z,(0,i.Z)({},e,{ref:t,icon:r}))})},68346:function(e,t,n){n.d(t,{Z:function(){return l}});var i=n(87462),o=n(67294),r={icon:{tag:"svg",attrs:{viewBox:"64 64 896 896",focusable:"false"},children:[{tag:"path",attrs:{d:"M693.6 284.4c-24 0-51.1 11.7-72.6 22 46.3 18 86 57.3 112.3 99.6 7.1-18.9 14.6-47.9 14.6-67.9 0-32-22.8-53.7-54.3-53.7zM512 64C264.6 64 64 264.6 64 512s200.6 448 448 448 448-200.6 448-448S759.4 64 512 64zm253.9 492.9H437.1c0 100.4 144.3 136 196.8 47.4h120.8c-32.6 91.7-119.7 146-216.8 146-35.1 0-70.3-.1-101.7-15.6-87.4 44.5-180.3 56.6-180.3-42 0-45.8 23.2-107.1 44-145C335 484 381.3 422.8 435.6 374.5c-43.7 18.9-91.1 66.3-122 101.2 25.9-112.8 129.5-193.6 237.1-186.5 130-59.8 209.7-34.1 209.7 38.6 0 27.4-10.6 63.3-21.4 87.9 25.2 45.5 33.3 97.6 26.9 141.2zM540.5 399.1c-53.7 0-102 39.7-104 94.9h208c-2-55.1-50.6-94.9-104-94.9zM320.6 602.9c-73 152.4 11.5 172.2 100.3 123.3-46.6-27.5-82.6-72.2-100.3-123.3z"}}]},name:"ie-circle",theme:"filled"},a=n(84089),l=o.forwardRef(function(e,t){return o.createElement(a.Z,(0,i.Z)({},e,{ref:t,icon:r}))})},64082:function(e,t,n){n.d(t,{Z:function(){return l}});var i=n(87462),o=n(67294),r={icon:{tag:"svg",attrs:{viewBox:"0 0 1024 1024",focusable:"false"},children:[{tag:"path",attrs:{d:"M885.2 446.3l-.2-.8-112.2-285.1c-5-16.1-19.9-27.2-36.8-27.2H281.2c-17 0-32.1 11.3-36.9 27.6L139.4 443l-.3.7-.2.8c-1.3 4.9-1.7 9.9-1 14.8-.1 1.6-.2 3.2-.2 4.8V830a60.9 60.9 0 0060.8 60.8h627.2c33.5 0 60.8-27.3 60.9-60.8V464.1c0-1.3 0-2.6-.1-3.7.4-4.9 0-9.6-1.3-14.1zm-295.8-43l-.3 15.7c-.8 44.9-31.8 75.1-77.1 75.1-22.1 0-41.1-7.1-54.8-20.6S436 441.2 435.6 419l-.3-15.7H229.5L309 210h399.2l81.7 193.3H589.4zm-375 76.8h157.3c24.3 57.1 76 90.8 140.4 90.8 33.7 0 65-9.4 90.3-27.2 22.2-15.6 39.5-37.4 50.7-63.6h156.5V814H214.4V480.1z"}}]},name:"inbox",theme:"outlined"},a=n(84089),l=o.forwardRef(function(e,t){return o.createElement(a.Z,(0,i.Z)({},e,{ref:t,icon:r}))})},88008:function(e,t,n){n.d(t,{Z:function(){return l}});var i=n(87462),o=n(67294),r={icon:{tag:"svg",attrs:{viewBox:"64 64 896 896",focusable:"false"},children:[{tag:"path",attrs:{d:"M880 112H144c-17.7 0-32 14.3-32 32v736c0 17.7 14.3 32 32 32h736c17.7 0 32-14.3 32-32V144c0-17.7-14.3-32-32-32zM726 585.7c0 55.3-44.7 100.1-99.7 100.1H420.6v53.4c0 5.7-6.5 8.8-10.9 5.3l-109.1-85.7c-3.5-2.7-3.5-8 0-10.7l109.1-85.7c4.4-3.5 10.9-.3 10.9 5.3v53.4h205.7c19.6 0 35.5-16 35.5-35.6v-78.9c0-3.7 3-6.8 6.8-6.8h50.7c3.7 0 6.8 3 6.8 6.8v79.1zm-2.6-209.9l-109.1 85.7c-4.4 3.5-10.9.3-10.9-5.3v-53.4H397.7c-19.6 0-35.5 16-35.5 35.6v78.9c0 3.7-3 6.8-6.8 6.8h-50.7c-3.7 0-6.8-3-6.8-6.8v-78.9c0-55.3 44.7-100.1 99.7-100.1h205.7v-53.4c0-5.7 6.5-8.8 10.9-5.3l109.1 85.7c3.6 2.5 3.6 7.8.1 10.5z"}}]},name:"interaction",theme:"filled"},a=n(84089),l=o.forwardRef(function(e,t){return o.createElement(a.Z,(0,i.Z)({},e,{ref:t,icon:r}))})},78346:function(e,t,n){n.d(t,{Z:function(){return l}});var i=n(87462),o=n(67294),r={icon:function(e,t){return{tag:"svg",attrs:{viewBox:"64 64 896 896",focusable:"false"},children:[{tag:"path",attrs:{d:"M775.3 248.9a369.62 369.62 0 00-119-80A370.2 370.2 0 00512.1 140h-1.7c-99.7.4-193 39.4-262.8 109.9-69.9 70.5-108 164.1-107.6 263.8.3 60.3 15.3 120.2 43.5 173.1l4.5 8.4V836h140.8l8.4 4.5c52.9 28.2 112.8 43.2 173.1 43.5h1.7c99 0 192-38.2 262.1-107.6 70.4-69.8 109.5-163.1 110.1-262.7.2-50.6-9.5-99.6-28.9-145.8a370.15 370.15 0 00-80-119zM312 560a48.01 48.01 0 010-96 48.01 48.01 0 010 96zm200 0a48.01 48.01 0 010-96 48.01 48.01 0 010 96zm200 0a48.01 48.01 0 010-96 48.01 48.01 0 010 96z",fill:t}},{tag:"path",attrs:{d:"M664 512a48 48 0 1096 0 48 48 0 10-96 0zm-400 0a48 48 0 1096 0 48 48 0 10-96 0z",fill:e}},{tag:"path",attrs:{d:"M925.2 338.4c-22.6-53.7-55-101.9-96.3-143.3a444.35 444.35 0 00-143.3-96.3C630.6 75.7 572.2 64 512 64h-2c-60.6.3-119.3 12.3-174.5 35.9a445.35 445.35 0 00-142 96.5c-40.9 41.3-73 89.3-95.2 142.8-23 55.4-34.6 114.3-34.3 174.9A449.4 449.4 0 00112 714v152a46 46 0 0046 46h152.1A449.4 449.4 0 00510 960h2.1c59.9 0 118-11.6 172.7-34.3a444.48 444.48 0 00142.8-95.2c41.3-40.9 73.8-88.7 96.5-142 23.6-55.2 35.6-113.9 35.9-174.5.3-60.9-11.5-120-34.8-175.6zm-151.1 438C704 845.8 611 884 512 884h-1.7c-60.3-.3-120.2-15.3-173.1-43.5l-8.4-4.5H188V695.2l-4.5-8.4C155.3 633.9 140.3 574 140 513.7c-.4-99.7 37.7-193.3 107.6-263.8 69.8-70.5 163.1-109.5 262.8-109.9h1.7c50 0 98.5 9.7 144.2 28.9 44.6 18.7 84.6 45.6 119 80 34.3 34.3 61.3 74.4 80 119 19.4 46.2 29.1 95.2 28.9 145.8-.6 99.6-39.7 192.9-110.1 262.7z",fill:e}},{tag:"path",attrs:{d:"M464 512a48 48 0 1096 0 48 48 0 10-96 0z",fill:e}}]}},name:"message",theme:"twotone"},a=n(84089),l=o.forwardRef(function(e,t){return o.createElement(a.Z,(0,i.Z)({},e,{ref:t,icon:r}))})},18754:function(e,t,n){n.d(t,{Z:function(){return l}});var i=n(87462),o=n(67294),r={icon:{tag:"svg",attrs:{viewBox:"64 64 896 896",focusable:"false"},children:[{tag:"path",attrs:{d:"M865.3 244.7c-.3-.3-61.1 59.8-182.1 180.6l-84.9-84.9 180.9-180.9c-95.2-57.3-217.5-42.6-296.8 36.7A244.42 244.42 0 00419 432l1.8 6.7-283.5 283.4c-6.2 6.2-6.2 16.4 0 22.6l141.4 141.4c6.2 6.2 16.4 6.2 22.6 0l283.3-283.3 6.7 1.8c83.7 22.3 173.6-.9 236-63.3 79.4-79.3 94.1-201.6 38-296.6z"}}]},name:"tool",theme:"filled"},a=n(84089),l=o.forwardRef(function(e,t){return o.createElement(a.Z,(0,i.Z)({},e,{ref:t,icon:r}))})},28058:function(e,t,n){n.d(t,{Z:function(){return l}});var i=n(87462),o=n(67294),r={icon:{tag:"svg",attrs:{viewBox:"64 64 896 896",focusable:"false"},children:[{tag:"path",attrs:{d:"M464 720a48 48 0 1096 0 48 48 0 10-96 0zm16-304v184c0 4.4 3.6 8 8 8h48c4.4 0 8-3.6 8-8V416c0-4.4-3.6-8-8-8h-48c-4.4 0-8 3.6-8 8zm475.7 440l-416-720c-6.2-10.7-16.9-16-27.7-16s-21.6 5.3-27.7 16l-416 720C56 877.4 71.4 904 96 904h832c24.6 0 40-26.6 27.7-48zm-783.5-27.9L512 239.9l339.8 588.2H172.2z"}}]},name:"warning",theme:"outlined"},a=n(84089),l=o.forwardRef(function(e,t){return o.createElement(a.Z,(0,i.Z)({},e,{ref:t,icon:r}))})},15746:function(e,t,n){var i=n(21584);t.Z=i.Z},96074:function(e,t,n){n.d(t,{Z:function(){return g}});var i=n(94184),o=n.n(i),r=n(67294),a=n(53124),l=n(14747),c=n(67968),s=n(45503);let d=e=>{let{componentCls:t,sizePaddingEdgeHorizontal:n,colorSplit:i,lineWidth:o}=e;return{[t]:Object.assign(Object.assign({},(0,l.Wf)(e)),{borderBlockStart:`${o}px solid ${i}`,"&-vertical":{position:"relative",top:"-0.06em",display:"inline-block",height:"0.9em",margin:`0 ${e.dividerVerticalGutterMargin}px`,verticalAlign:"middle",borderTop:0,borderInlineStart:`${o}px solid ${i}`},"&-horizontal":{display:"flex",clear:"both",width:"100%",minWidth:"100%",margin:`${e.dividerHorizontalGutterMargin}px 0`},[`&-horizontal${t}-with-text`]:{display:"flex",alignItems:"center",margin:`${e.dividerHorizontalWithTextGutterMargin}px 0`,color:e.colorTextHeading,fontWeight:500,fontSize:e.fontSizeLG,whiteSpace:"nowrap",textAlign:"center",borderBlockStart:`0 ${i}`,"&::before, &::after":{position:"relative",width:"50%",borderBlockStart:`${o}px solid transparent`,borderBlockStartColor:"inherit",borderBlockEnd:0,transform:"translateY(50%)",content:"''"}},[`&-horizontal${t}-with-text-left`]:{"&::before":{width:"5%"},"&::after":{width:"95%"}},[`&-horizontal${t}-with-text-right`]:{"&::before":{width:"95%"},"&::after":{width:"5%"}},[`${t}-inner-text`]:{display:"inline-block",padding:"0 1em"},"&-dashed":{background:"none",borderColor:i,borderStyle:"dashed",borderWidth:`${o}px 0 0`},[`&-horizontal${t}-with-text${t}-dashed`]:{"&::before, &::after":{borderStyle:"dashed none none"}},[`&-vertical${t}-dashed`]:{borderInlineStartWidth:o,borderInlineEnd:0,borderBlockStart:0,borderBlockEnd:0},[`&-plain${t}-with-text`]:{color:e.colorText,fontWeight:"normal",fontSize:e.fontSize},[`&-horizontal${t}-with-text-left${t}-no-default-orientation-margin-left`]:{"&::before":{width:0},"&::after":{width:"100%"},[`${t}-inner-text`]:{paddingInlineStart:n}},[`&-horizontal${t}-with-text-right${t}-no-default-orientation-margin-right`]:{"&::before":{width:"100%"},"&::after":{width:0},[`${t}-inner-text`]:{paddingInlineEnd:n}}})}};var p=(0,c.Z)("Divider",e=>{let t=(0,s.TS)(e,{dividerVerticalGutterMargin:e.marginXS,dividerHorizontalWithTextGutterMargin:e.margin,dividerHorizontalGutterMargin:e.marginLG});return[d(t)]},{sizePaddingEdgeHorizontal:0}),m=function(e,t){var n={};for(var i in e)Object.prototype.hasOwnProperty.call(e,i)&&0>t.indexOf(i)&&(n[i]=e[i]);if(null!=e&&"function"==typeof Object.getOwnPropertySymbols)for(var o=0,i=Object.getOwnPropertySymbols(e);ot.indexOf(i[o])&&Object.prototype.propertyIsEnumerable.call(e,i[o])&&(n[i[o]]=e[i[o]]);return n},g=e=>{let{getPrefixCls:t,direction:n,divider:i}=r.useContext(a.E_),{prefixCls:l,type:c="horizontal",orientation:s="center",orientationMargin:d,className:g,rootClassName:h,children:u,dashed:$,plain:f,style:b}=e,v=m(e,["prefixCls","type","orientation","orientationMargin","className","rootClassName","children","dashed","plain","style"]),S=t("divider",l),[w,x]=p(S),y=s.length>0?`-${s}`:s,C=!!u,I="left"===s&&null!=d,z="right"===s&&null!=d,k=o()(S,null==i?void 0:i.className,x,`${S}-${c}`,{[`${S}-with-text`]:C,[`${S}-with-text${y}`]:C,[`${S}-dashed`]:!!$,[`${S}-plain`]:!!f,[`${S}-rtl`]:"rtl"===n,[`${S}-no-default-orientation-margin-left`]:I,[`${S}-no-default-orientation-margin-right`]:z},g,h),M=r.useMemo(()=>"number"==typeof d?d:/^\d+$/.test(d)?Number(d):d,[d]),E=Object.assign(Object.assign({},I&&{marginLeft:M}),z&&{marginRight:M});return w(r.createElement("div",Object.assign({className:k,style:Object.assign(Object.assign({},null==i?void 0:i.style),b)},v,{role:"separator"}),u&&"vertical"!==c&&r.createElement("span",{className:`${S}-inner-text`,style:E},u)))}},25378:function(e,t,n){var i=n(67294),o=n(8410),r=n(57838),a=n(74443);t.Z=function(){let e=!(arguments.length>0)||void 0===arguments[0]||arguments[0],t=(0,i.useRef)({}),n=(0,r.Z)(),l=(0,a.Z)();return(0,o.Z)(()=>{let i=l.subscribe(i=>{t.current=i,e&&n()});return()=>l.unsubscribe(i)},[]),t.current}},74627:function(e,t,n){n.d(t,{Z:function(){return k}});var i=n(94184),o=n.n(i),r=n(67294);let a=e=>e?"function"==typeof e?e():e:null;var l=n(33603),c=n(53124),s=n(83062),d=n(92419),p=n(14747),m=n(50438),g=n(77786),h=n(8796),u=n(67968),$=n(45503);let f=e=>{let{componentCls:t,popoverColor:n,minWidth:i,fontWeightStrong:o,popoverPadding:r,boxShadowSecondary:a,colorTextHeading:l,borderRadiusLG:c,zIndexPopup:s,marginXS:d,colorBgElevated:m,popoverBg:h}=e;return[{[t]:Object.assign(Object.assign({},(0,p.Wf)(e)),{position:"absolute",top:0,left:{_skip_check_:!0,value:0},zIndex:s,fontWeight:"normal",whiteSpace:"normal",textAlign:"start",cursor:"auto",userSelect:"text",transformOrigin:"var(--arrow-x, 50%) var(--arrow-y, 50%)","--antd-arrow-background-color":m,"&-rtl":{direction:"rtl"},"&-hidden":{display:"none"},[`${t}-content`]:{position:"relative"},[`${t}-inner`]:{backgroundColor:h,backgroundClip:"padding-box",borderRadius:c,boxShadow:a,padding:r},[`${t}-title`]:{minWidth:i,marginBottom:d,color:l,fontWeight:o},[`${t}-inner-content`]:{color:n}})},(0,g.ZP)(e,{colorBg:"var(--antd-arrow-background-color)"}),{[`${t}-pure`]:{position:"relative",maxWidth:"none",margin:e.sizePopupArrow,display:"inline-block",[`${t}-content`]:{display:"inline-block"}}}]},b=e=>{let{componentCls:t}=e;return{[t]:h.i.map(n=>{let i=e[`${n}6`];return{[`&${t}-${n}`]:{"--antd-arrow-background-color":i,[`${t}-inner`]:{backgroundColor:i},[`${t}-arrow`]:{background:"transparent"}}}})}},v=e=>{let{componentCls:t,lineWidth:n,lineType:i,colorSplit:o,paddingSM:r,controlHeight:a,fontSize:l,lineHeight:c,padding:s}=e,d=a-Math.round(l*c);return{[t]:{[`${t}-inner`]:{padding:0},[`${t}-title`]:{margin:0,padding:`${d/2}px ${s}px ${d/2-n}px`,borderBottom:`${n}px ${i} ${o}`},[`${t}-inner-content`]:{padding:`${r}px ${s}px`}}}};var S=(0,u.Z)("Popover",e=>{let{colorBgElevated:t,colorText:n,wireframe:i}=e,o=(0,$.TS)(e,{popoverPadding:12,popoverBg:t,popoverColor:n});return[f(o),b(o),i&&v(o),(0,m._y)(o,"zoom-big")]},e=>({width:177,minWidth:177,zIndexPopup:e.zIndexPopupBase+30}),{deprecatedTokens:[["width","minWidth"]]}),w=function(e,t){var n={};for(var i in e)Object.prototype.hasOwnProperty.call(e,i)&&0>t.indexOf(i)&&(n[i]=e[i]);if(null!=e&&"function"==typeof Object.getOwnPropertySymbols)for(var o=0,i=Object.getOwnPropertySymbols(e);ot.indexOf(i[o])&&Object.prototype.propertyIsEnumerable.call(e,i[o])&&(n[i[o]]=e[i[o]]);return n};let x=(e,t,n)=>{if(t||n)return r.createElement(r.Fragment,null,t&&r.createElement("div",{className:`${e}-title`},a(t)),r.createElement("div",{className:`${e}-inner-content`},a(n)))},y=e=>{let{hashId:t,prefixCls:n,className:i,style:a,placement:l="top",title:c,content:s,children:p}=e;return r.createElement("div",{className:o()(t,n,`${n}-pure`,`${n}-placement-${l}`,i),style:a},r.createElement("div",{className:`${n}-arrow`}),r.createElement(d.G,Object.assign({},e,{className:t,prefixCls:n}),p||x(n,c,s)))};var C=function(e,t){var n={};for(var i in e)Object.prototype.hasOwnProperty.call(e,i)&&0>t.indexOf(i)&&(n[i]=e[i]);if(null!=e&&"function"==typeof Object.getOwnPropertySymbols)for(var o=0,i=Object.getOwnPropertySymbols(e);ot.indexOf(i[o])&&Object.prototype.propertyIsEnumerable.call(e,i[o])&&(n[i[o]]=e[i[o]]);return n};let I=e=>{let{title:t,content:n,prefixCls:i}=e;return r.createElement(r.Fragment,null,t&&r.createElement("div",{className:`${i}-title`},a(t)),r.createElement("div",{className:`${i}-inner-content`},a(n)))},z=r.forwardRef((e,t)=>{let{prefixCls:n,title:i,content:a,overlayClassName:d,placement:p="top",trigger:m="hover",mouseEnterDelay:g=.1,mouseLeaveDelay:h=.1,overlayStyle:u={}}=e,$=C(e,["prefixCls","title","content","overlayClassName","placement","trigger","mouseEnterDelay","mouseLeaveDelay","overlayStyle"]),{getPrefixCls:f}=r.useContext(c.E_),b=f("popover",n),[v,w]=S(b),x=f(),y=o()(d,w);return v(r.createElement(s.Z,Object.assign({placement:p,trigger:m,mouseEnterDelay:g,mouseLeaveDelay:h,overlayStyle:u},$,{prefixCls:b,overlayClassName:y,ref:t,overlay:i||a?r.createElement(I,{prefixCls:b,title:i,content:a}):null,transitionName:(0,l.m)(x,"zoom-big",$.transitionName),"data-popover-inject":!0})))});z._InternalPanelDoNotUseOrYouWillBeFired=e=>{let{prefixCls:t}=e,n=w(e,["prefixCls"]),{getPrefixCls:i}=r.useContext(c.E_),o=i("popover",t),[a,l]=S(o);return a(r.createElement(y,Object.assign({},n,{prefixCls:o,hashId:l})))};var k=z},71230:function(e,t,n){var i=n(92820);t.Z=i.Z},75081:function(e,t,n){n.d(t,{Z:function(){return w}});var i=n(94184),o=n.n(i),r=n(98423),a=n(67294),l=n(96159),c=n(53124),s=n(23183),d=n(14747),p=n(67968),m=n(45503);let g=new s.E4("antSpinMove",{to:{opacity:1}}),h=new s.E4("antRotate",{to:{transform:"rotate(405deg)"}}),u=e=>({[`${e.componentCls}`]:Object.assign(Object.assign({},(0,d.Wf)(e)),{position:"absolute",display:"none",color:e.colorPrimary,fontSize:0,textAlign:"center",verticalAlign:"middle",opacity:0,transition:`transform ${e.motionDurationSlow} ${e.motionEaseInOutCirc}`,"&-spinning":{position:"static",display:"inline-block",opacity:1},"&-nested-loading":{position:"relative",[`> div > ${e.componentCls}`]:{position:"absolute",top:0,insetInlineStart:0,zIndex:4,display:"block",width:"100%",height:"100%",maxHeight:e.contentHeight,[`${e.componentCls}-dot`]:{position:"absolute",top:"50%",insetInlineStart:"50%",margin:-e.spinDotSize/2},[`${e.componentCls}-text`]:{position:"absolute",top:"50%",width:"100%",paddingTop:(e.spinDotSize-e.fontSize)/2+2,textShadow:`0 1px 2px ${e.colorBgContainer}`,fontSize:e.fontSize},[`&${e.componentCls}-show-text ${e.componentCls}-dot`]:{marginTop:-(e.spinDotSize/2)-10},"&-sm":{[`${e.componentCls}-dot`]:{margin:-e.spinDotSizeSM/2},[`${e.componentCls}-text`]:{paddingTop:(e.spinDotSizeSM-e.fontSize)/2+2},[`&${e.componentCls}-show-text ${e.componentCls}-dot`]:{marginTop:-(e.spinDotSizeSM/2)-10}},"&-lg":{[`${e.componentCls}-dot`]:{margin:-(e.spinDotSizeLG/2)},[`${e.componentCls}-text`]:{paddingTop:(e.spinDotSizeLG-e.fontSize)/2+2},[`&${e.componentCls}-show-text ${e.componentCls}-dot`]:{marginTop:-(e.spinDotSizeLG/2)-10}}},[`${e.componentCls}-container`]:{position:"relative",transition:`opacity ${e.motionDurationSlow}`,"&::after":{position:"absolute",top:0,insetInlineEnd:0,bottom:0,insetInlineStart:0,zIndex:10,width:"100%",height:"100%",background:e.colorBgContainer,opacity:0,transition:`all ${e.motionDurationSlow}`,content:'""',pointerEvents:"none"}},[`${e.componentCls}-blur`]:{clear:"both",opacity:.5,userSelect:"none",pointerEvents:"none","&::after":{opacity:.4,pointerEvents:"auto"}}},"&-tip":{color:e.spinDotDefault},[`${e.componentCls}-dot`]:{position:"relative",display:"inline-block",fontSize:e.spinDotSize,width:"1em",height:"1em","&-item":{position:"absolute",display:"block",width:(e.spinDotSize-e.marginXXS/2)/2,height:(e.spinDotSize-e.marginXXS/2)/2,backgroundColor:e.colorPrimary,borderRadius:"100%",transform:"scale(0.75)",transformOrigin:"50% 50%",opacity:.3,animationName:g,animationDuration:"1s",animationIterationCount:"infinite",animationTimingFunction:"linear",animationDirection:"alternate","&:nth-child(1)":{top:0,insetInlineStart:0},"&:nth-child(2)":{top:0,insetInlineEnd:0,animationDelay:"0.4s"},"&:nth-child(3)":{insetInlineEnd:0,bottom:0,animationDelay:"0.8s"},"&:nth-child(4)":{bottom:0,insetInlineStart:0,animationDelay:"1.2s"}},"&-spin":{transform:"rotate(45deg)",animationName:h,animationDuration:"1.2s",animationIterationCount:"infinite",animationTimingFunction:"linear"}},[`&-sm ${e.componentCls}-dot`]:{fontSize:e.spinDotSizeSM,i:{width:(e.spinDotSizeSM-e.marginXXS/2)/2,height:(e.spinDotSizeSM-e.marginXXS/2)/2}},[`&-lg ${e.componentCls}-dot`]:{fontSize:e.spinDotSizeLG,i:{width:(e.spinDotSizeLG-e.marginXXS)/2,height:(e.spinDotSizeLG-e.marginXXS)/2}},[`&${e.componentCls}-show-text ${e.componentCls}-text`]:{display:"block"}})});var $=(0,p.Z)("Spin",e=>{let t=(0,m.TS)(e,{spinDotDefault:e.colorTextDescription,spinDotSize:e.controlHeightLG/2,spinDotSizeSM:.35*e.controlHeightLG,spinDotSizeLG:e.controlHeight});return[u(t)]},{contentHeight:400}),f=function(e,t){var n={};for(var i in e)Object.prototype.hasOwnProperty.call(e,i)&&0>t.indexOf(i)&&(n[i]=e[i]);if(null!=e&&"function"==typeof Object.getOwnPropertySymbols)for(var o=0,i=Object.getOwnPropertySymbols(e);ot.indexOf(i[o])&&Object.prototype.propertyIsEnumerable.call(e,i[o])&&(n[i[o]]=e[i[o]]);return n};let b=null,v=e=>{let{spinPrefixCls:t,spinning:n=!0,delay:i=0,className:s,rootClassName:d,size:p="default",tip:m,wrapperClassName:g,style:h,children:u,hashId:$}=e,v=f(e,["spinPrefixCls","spinning","delay","className","rootClassName","size","tip","wrapperClassName","style","children","hashId"]),[S,w]=a.useState(()=>n&&(!n||!i||!!isNaN(Number(i))));a.useEffect(()=>{if(n){var e;let t=function(e,t,n){var i,o=n||{},r=o.noTrailing,a=void 0!==r&&r,l=o.noLeading,c=void 0!==l&&l,s=o.debounceMode,d=void 0===s?void 0:s,p=!1,m=0;function g(){i&&clearTimeout(i)}function h(){for(var n=arguments.length,o=Array(n),r=0;re?c?(m=Date.now(),a||(i=setTimeout(d?u:h,e))):h():!0!==a&&(i=setTimeout(d?u:h,void 0===d?e-s:e)))}return h.cancel=function(e){var t=(e||{}).upcomingOnly;g(),p=!(void 0!==t&&t)},h}(i,()=>{w(!0)},{debounceMode:!1!==(void 0!==(e=({}).atBegin)&&e)});return t(),()=>{var e;null===(e=null==t?void 0:t.cancel)||void 0===e||e.call(t)}}w(!1)},[i,n]);let x=a.useMemo(()=>void 0!==u,[u]),{direction:y,spin:C}=a.useContext(c.E_),I=o()(t,null==C?void 0:C.className,{[`${t}-sm`]:"small"===p,[`${t}-lg`]:"large"===p,[`${t}-spinning`]:S,[`${t}-show-text`]:!!m,[`${t}-rtl`]:"rtl"===y},s,d,$),z=o()(`${t}-container`,{[`${t}-blur`]:S}),k=(0,r.Z)(v,["indicator","prefixCls"]),M=Object.assign(Object.assign({},null==C?void 0:C.style),h),E=a.createElement("div",Object.assign({},k,{style:M,className:I,"aria-live":"polite","aria-busy":S}),function(e,t){let{indicator:n}=t,i=`${e}-dot`;return null===n?null:(0,l.l$)(n)?(0,l.Tm)(n,{className:o()(n.props.className,i)}):(0,l.l$)(b)?(0,l.Tm)(b,{className:o()(b.props.className,i)}):a.createElement("span",{className:o()(i,`${e}-dot-spin`)},a.createElement("i",{className:`${e}-dot-item`,key:1}),a.createElement("i",{className:`${e}-dot-item`,key:2}),a.createElement("i",{className:`${e}-dot-item`,key:3}),a.createElement("i",{className:`${e}-dot-item`,key:4}))}(t,e),m&&x?a.createElement("div",{className:`${t}-text`},m):null);return x?a.createElement("div",Object.assign({},k,{className:o()(`${t}-nested-loading`,g,$)}),S&&a.createElement("div",{key:"loading"},E),a.createElement("div",{className:z,key:"container"},u)):E},S=e=>{let{prefixCls:t}=e,{getPrefixCls:n}=a.useContext(c.E_),i=n("spin",t),[o,r]=$(i),l=Object.assign(Object.assign({},e),{spinPrefixCls:i,hashId:r});return o(a.createElement(v,Object.assign({},l)))};S.setDefaultIndicator=e=>{b=e};var w=S},3363:function(e,t,n){n.d(t,{Z:function(){return V}});var i,o,r=n(63606),a=n(97937),l=n(94184),c=n.n(l),s=n(87462),d=n(1413),p=n(4942),m=n(45987),g=n(67294),h=n(15105),u=["className","prefixCls","style","active","status","iconPrefix","icon","wrapperStyle","stepNumber","disabled","description","title","subTitle","progressDot","stepIcon","tailContent","icons","stepIndex","onStepClick","onClick","render"];function $(e){return"string"==typeof e}var f=function(e){var t,n,i,o,r,a=e.className,l=e.prefixCls,f=e.style,b=e.active,v=e.status,S=e.iconPrefix,w=e.icon,x=(e.wrapperStyle,e.stepNumber),y=e.disabled,C=e.description,I=e.title,z=e.subTitle,k=e.progressDot,M=e.stepIcon,E=e.tailContent,O=e.icons,H=e.stepIndex,Z=e.onStepClick,N=e.onClick,j=e.render,P=(0,m.Z)(e,u),T={};Z&&!y&&(T.role="button",T.tabIndex=0,T.onClick=function(e){null==N||N(e),Z(H)},T.onKeyDown=function(e){var t=e.which;(t===h.Z.ENTER||t===h.Z.SPACE)&&Z(H)});var D=v||"wait",X=c()("".concat(l,"-item"),"".concat(l,"-item-").concat(D),a,(r={},(0,p.Z)(r,"".concat(l,"-item-custom"),w),(0,p.Z)(r,"".concat(l,"-item-active"),b),(0,p.Z)(r,"".concat(l,"-item-disabled"),!0===y),r)),W=(0,d.Z)({},f),B=g.createElement("div",(0,s.Z)({},P,{className:X,style:W}),g.createElement("div",(0,s.Z)({onClick:N},T,{className:"".concat(l,"-item-container")}),g.createElement("div",{className:"".concat(l,"-item-tail")},E),g.createElement("div",{className:"".concat(l,"-item-icon")},(i=c()("".concat(l,"-icon"),"".concat(S,"icon"),(t={},(0,p.Z)(t,"".concat(S,"icon-").concat(w),w&&$(w)),(0,p.Z)(t,"".concat(S,"icon-check"),!w&&"finish"===v&&(O&&!O.finish||!O)),(0,p.Z)(t,"".concat(S,"icon-cross"),!w&&"error"===v&&(O&&!O.error||!O)),t)),o=g.createElement("span",{className:"".concat(l,"-icon-dot")}),n=k?"function"==typeof k?g.createElement("span",{className:"".concat(l,"-icon")},k(o,{index:x-1,status:v,title:I,description:C})):g.createElement("span",{className:"".concat(l,"-icon")},o):w&&!$(w)?g.createElement("span",{className:"".concat(l,"-icon")},w):O&&O.finish&&"finish"===v?g.createElement("span",{className:"".concat(l,"-icon")},O.finish):O&&O.error&&"error"===v?g.createElement("span",{className:"".concat(l,"-icon")},O.error):w||"finish"===v||"error"===v?g.createElement("span",{className:i}):g.createElement("span",{className:"".concat(l,"-icon")},x),M&&(n=M({index:x-1,status:v,title:I,description:C,node:n})),n)),g.createElement("div",{className:"".concat(l,"-item-content")},g.createElement("div",{className:"".concat(l,"-item-title")},I,z&&g.createElement("div",{title:"string"==typeof z?z:void 0,className:"".concat(l,"-item-subtitle")},z)),C&&g.createElement("div",{className:"".concat(l,"-item-description")},C))));return j&&(B=j(B)||null),B},b=["prefixCls","style","className","children","direction","type","labelPlacement","iconPrefix","status","size","current","progressDot","stepIcon","initial","icons","onChange","itemRender","items"];function v(e){var t,n=e.prefixCls,i=void 0===n?"rc-steps":n,o=e.style,r=void 0===o?{}:o,a=e.className,l=(e.children,e.direction),h=e.type,u=void 0===h?"default":h,$=e.labelPlacement,v=e.iconPrefix,S=void 0===v?"rc":v,w=e.status,x=void 0===w?"process":w,y=e.size,C=e.current,I=void 0===C?0:C,z=e.progressDot,k=e.stepIcon,M=e.initial,E=void 0===M?0:M,O=e.icons,H=e.onChange,Z=e.itemRender,N=e.items,j=(0,m.Z)(e,b),P="inline"===u,T=P||void 0!==z&&z,D=P?"horizontal":void 0===l?"horizontal":l,X=P?void 0:y,W=T?"vertical":void 0===$?"horizontal":$,B=c()(i,"".concat(i,"-").concat(D),a,(t={},(0,p.Z)(t,"".concat(i,"-").concat(X),X),(0,p.Z)(t,"".concat(i,"-label-").concat(W),"horizontal"===D),(0,p.Z)(t,"".concat(i,"-dot"),!!T),(0,p.Z)(t,"".concat(i,"-navigation"),"navigation"===u),(0,p.Z)(t,"".concat(i,"-inline"),P),t)),L=function(e){H&&I!==e&&H(e)};return g.createElement("div",(0,s.Z)({className:B,style:r},j),(void 0===N?[]:N).filter(function(e){return e}).map(function(e,t){var n=(0,d.Z)({},e),o=E+t;return"error"===x&&t===I-1&&(n.className="".concat(i,"-next-error")),n.status||(o===I?n.status=x:o{let{componentCls:t,customIconTop:n,customIconSize:i,customIconFontSize:o}=e;return{[`${t}-item-custom`]:{[`> ${t}-item-container > ${t}-item-icon`]:{height:"auto",background:"none",border:0,[`> ${t}-icon`]:{top:n,width:i,height:i,fontSize:o,lineHeight:`${o}px`}}},[`&:not(${t}-vertical)`]:{[`${t}-item-custom`]:{[`${t}-item-icon`]:{width:"auto",background:"none"}}}}},E=e=>{let{componentCls:t,inlineDotSize:n,inlineTitleColor:i,inlineTailColor:o}=e,r=e.paddingXS+e.lineWidth,a={[`${t}-item-container ${t}-item-content ${t}-item-title`]:{color:i}};return{[`&${t}-inline`]:{width:"auto",display:"inline-flex",[`${t}-item`]:{flex:"none","&-container":{padding:`${r}px ${e.paddingXXS}px 0`,margin:`0 ${e.marginXXS/2}px`,borderRadius:e.borderRadiusSM,cursor:"pointer",transition:`background-color ${e.motionDurationMid}`,"&:hover":{background:e.controlItemBgHover},"&[role='button']:hover":{opacity:1}},"&-icon":{width:n,height:n,marginInlineStart:`calc(50% - ${n/2}px)`,[`> ${t}-icon`]:{top:0},[`${t}-icon-dot`]:{borderRadius:e.fontSizeSM/4}},"&-content":{width:"auto",marginTop:e.marginXS-e.lineWidth},"&-title":{color:i,fontSize:e.fontSizeSM,lineHeight:e.lineHeightSM,fontWeight:"normal",marginBottom:e.marginXXS/2},"&-description":{display:"none"},"&-tail":{marginInlineStart:0,top:r+n/2,transform:"translateY(-50%)","&:after":{width:"100%",height:e.lineWidth,borderRadius:0,marginInlineStart:0,background:o}},[`&:first-child ${t}-item-tail`]:{width:"50%",marginInlineStart:"50%"},[`&:last-child ${t}-item-tail`]:{display:"block",width:"50%"},"&-wait":Object.assign({[`${t}-item-icon ${t}-icon ${t}-icon-dot`]:{backgroundColor:e.colorBorderBg,border:`${e.lineWidth}px ${e.lineType} ${o}`}},a),"&-finish":Object.assign({[`${t}-item-tail::after`]:{backgroundColor:o},[`${t}-item-icon ${t}-icon ${t}-icon-dot`]:{backgroundColor:o,border:`${e.lineWidth}px ${e.lineType} ${o}`}},a),"&-error":a,"&-active, &-process":Object.assign({[`${t}-item-icon`]:{width:n,height:n,marginInlineStart:`calc(50% - ${n/2}px)`,top:0}},a),[`&:not(${t}-item-active) > ${t}-item-container[role='button']:hover`]:{[`${t}-item-title`]:{color:i}}}}}},O=e=>{let{componentCls:t,iconSize:n,lineHeight:i,iconSizeSM:o}=e;return{[`&${t}-label-vertical`]:{[`${t}-item`]:{overflow:"visible","&-tail":{marginInlineStart:n/2+e.controlHeightLG,padding:`${e.paddingXXS}px ${e.paddingLG}px`},"&-content":{display:"block",width:(n/2+e.controlHeightLG)*2,marginTop:e.marginSM,textAlign:"center"},"&-icon":{display:"inline-block",marginInlineStart:e.controlHeightLG},"&-title":{paddingInlineEnd:0,paddingInlineStart:0,"&::after":{display:"none"}},"&-subtitle":{display:"block",marginBottom:e.marginXXS,marginInlineStart:0,lineHeight:i}},[`&${t}-small:not(${t}-dot)`]:{[`${t}-item`]:{"&-icon":{marginInlineStart:e.controlHeightLG+(n-o)/2}}}}}},H=e=>{let{componentCls:t,navContentMaxWidth:n,navArrowColor:i,stepsNavActiveColor:o,motionDurationSlow:r}=e;return{[`&${t}-navigation`]:{paddingTop:e.paddingSM,[`&${t}-small`]:{[`${t}-item`]:{"&-container":{marginInlineStart:-e.marginSM}}},[`${t}-item`]:{overflow:"visible",textAlign:"center","&-container":{display:"inline-block",height:"100%",marginInlineStart:-e.margin,paddingBottom:e.paddingSM,textAlign:"start",transition:`opacity ${r}`,[`${t}-item-content`]:{maxWidth:n},[`${t}-item-title`]:Object.assign(Object.assign({maxWidth:"100%",paddingInlineEnd:0},I.vS),{"&::after":{display:"none"}})},[`&:not(${t}-item-active)`]:{[`${t}-item-container[role='button']`]:{cursor:"pointer","&:hover":{opacity:.85}}},"&:last-child":{flex:1,"&::after":{display:"none"}},"&::after":{position:"absolute",top:`calc(50% - ${e.paddingSM/2}px)`,insetInlineStart:"100%",display:"inline-block",width:e.fontSizeIcon,height:e.fontSizeIcon,borderTop:`${e.lineWidth}px ${e.lineType} ${i}`,borderBottom:"none",borderInlineStart:"none",borderInlineEnd:`${e.lineWidth}px ${e.lineType} ${i}`,transform:"translateY(-50%) translateX(-50%) rotate(45deg)",content:'""'},"&::before":{position:"absolute",bottom:0,insetInlineStart:"50%",display:"inline-block",width:0,height:e.lineWidthBold,backgroundColor:o,transition:`width ${r}, inset-inline-start ${r}`,transitionTimingFunction:"ease-out",content:'""'}},[`${t}-item${t}-item-active::before`]:{insetInlineStart:0,width:"100%"}},[`&${t}-navigation${t}-vertical`]:{[`> ${t}-item`]:{marginInlineEnd:0,"&::before":{display:"none"},[`&${t}-item-active::before`]:{top:0,insetInlineEnd:0,insetInlineStart:"unset",display:"block",width:3*e.lineWidth,height:`calc(100% - ${e.marginLG}px)`},"&::after":{position:"relative",insetInlineStart:"50%",display:"block",width:.25*e.controlHeight,height:.25*e.controlHeight,marginBottom:e.marginXS,textAlign:"center",transform:"translateY(-50%) translateX(-50%) rotate(135deg)"},"&:last-child":{"&::after":{display:"none"}},[`> ${t}-item-container > ${t}-item-tail`]:{visibility:"hidden"}}},[`&${t}-navigation${t}-horizontal`]:{[`> ${t}-item > ${t}-item-container > ${t}-item-tail`]:{visibility:"hidden"}}}},Z=e=>{let{antCls:t,componentCls:n}=e;return{[`&${n}-with-progress`]:{[`${n}-item`]:{paddingTop:e.paddingXXS,[`&-process ${n}-item-container ${n}-item-icon ${n}-icon`]:{color:e.processIconColor}},[`&${n}-vertical > ${n}-item `]:{paddingInlineStart:e.paddingXXS,[`> ${n}-item-container > ${n}-item-tail`]:{top:e.marginXXS,insetInlineStart:e.iconSize/2-e.lineWidth+e.paddingXXS}},[`&, &${n}-small`]:{[`&${n}-horizontal ${n}-item:first-child`]:{paddingBottom:e.paddingXXS,paddingInlineStart:e.paddingXXS}},[`&${n}-small${n}-vertical > ${n}-item > ${n}-item-container > ${n}-item-tail`]:{insetInlineStart:e.iconSizeSM/2-e.lineWidth+e.paddingXXS},[`&${n}-label-vertical`]:{[`${n}-item ${n}-item-tail`]:{top:e.margin-2*e.lineWidth}},[`${n}-item-icon`]:{position:"relative",[`${t}-progress`]:{position:"absolute",insetBlockStart:(e.iconSize-e.stepsProgressSize-2*e.lineWidth)/2,insetInlineStart:(e.iconSize-e.stepsProgressSize-2*e.lineWidth)/2}}}}},N=e=>{let{componentCls:t,descriptionMaxWidth:n,lineHeight:i,dotCurrentSize:o,dotSize:r,motionDurationSlow:a}=e;return{[`&${t}-dot, &${t}-dot${t}-small`]:{[`${t}-item`]:{"&-title":{lineHeight:i},"&-tail":{top:Math.floor((e.dotSize-3*e.lineWidth)/2),width:"100%",marginTop:0,marginBottom:0,marginInline:`${n/2}px 0`,padding:0,"&::after":{width:`calc(100% - ${2*e.marginSM}px)`,height:3*e.lineWidth,marginInlineStart:e.marginSM}},"&-icon":{width:r,height:r,marginInlineStart:(e.descriptionMaxWidth-r)/2,paddingInlineEnd:0,lineHeight:`${r}px`,background:"transparent",border:0,[`${t}-icon-dot`]:{position:"relative",float:"left",width:"100%",height:"100%",borderRadius:100,transition:`all ${a}`,"&::after":{position:"absolute",top:-e.marginSM,insetInlineStart:(r-1.5*e.controlHeightLG)/2,width:1.5*e.controlHeightLG,height:e.controlHeight,background:"transparent",content:'""'}}},"&-content":{width:n},[`&-process ${t}-item-icon`]:{position:"relative",top:(r-o)/2,width:o,height:o,lineHeight:`${o}px`,background:"none",marginInlineStart:(e.descriptionMaxWidth-o)/2},[`&-process ${t}-icon`]:{[`&:first-child ${t}-icon-dot`]:{insetInlineStart:0}}}},[`&${t}-vertical${t}-dot`]:{[`${t}-item-icon`]:{marginTop:(e.controlHeight-r)/2,marginInlineStart:0,background:"none"},[`${t}-item-process ${t}-item-icon`]:{marginTop:(e.controlHeight-o)/2,top:0,insetInlineStart:(r-o)/2,marginInlineStart:0},[`${t}-item > ${t}-item-container > ${t}-item-tail`]:{top:(e.controlHeight-r)/2,insetInlineStart:0,margin:0,padding:`${r+e.paddingXS}px 0 ${e.paddingXS}px`,"&::after":{marginInlineStart:(r-e.lineWidth)/2}},[`&${t}-small`]:{[`${t}-item-icon`]:{marginTop:(e.controlHeightSM-r)/2},[`${t}-item-process ${t}-item-icon`]:{marginTop:(e.controlHeightSM-o)/2},[`${t}-item > ${t}-item-container > ${t}-item-tail`]:{top:(e.controlHeightSM-r)/2}},[`${t}-item:first-child ${t}-icon-dot`]:{insetInlineStart:0},[`${t}-item-content`]:{width:"inherit"}}}},j=e=>{let{componentCls:t}=e;return{[`&${t}-rtl`]:{direction:"rtl",[`${t}-item`]:{"&-subtitle":{float:"left"}},[`&${t}-navigation`]:{[`${t}-item::after`]:{transform:"rotate(-45deg)"}},[`&${t}-vertical`]:{[`> ${t}-item`]:{"&::after":{transform:"rotate(225deg)"},[`${t}-item-icon`]:{float:"right"}}},[`&${t}-dot`]:{[`${t}-item-icon ${t}-icon-dot, &${t}-small ${t}-item-icon ${t}-icon-dot`]:{float:"right"}}}}},P=e=>{let{componentCls:t,iconSizeSM:n,fontSizeSM:i,fontSize:o,colorTextDescription:r}=e;return{[`&${t}-small`]:{[`&${t}-horizontal:not(${t}-label-vertical) ${t}-item`]:{paddingInlineStart:e.paddingSM,"&:first-child":{paddingInlineStart:0}},[`${t}-item-icon`]:{width:n,height:n,marginTop:0,marginBottom:0,marginInline:`0 ${e.marginXS}px`,fontSize:i,lineHeight:`${n}px`,textAlign:"center",borderRadius:n},[`${t}-item-title`]:{paddingInlineEnd:e.paddingSM,fontSize:o,lineHeight:`${n}px`,"&::after":{top:n/2}},[`${t}-item-description`]:{color:r,fontSize:o},[`${t}-item-tail`]:{top:n/2-e.paddingXXS},[`${t}-item-custom ${t}-item-icon`]:{width:"inherit",height:"inherit",lineHeight:"inherit",background:"none",border:0,borderRadius:0,[`> ${t}-icon`]:{fontSize:n,lineHeight:`${n}px`,transform:"none"}}}}},T=e=>{let{componentCls:t,iconSizeSM:n,iconSize:i}=e;return{[`&${t}-vertical`]:{display:"flex",flexDirection:"column",[`> ${t}-item`]:{display:"block",flex:"1 0 auto",paddingInlineStart:0,overflow:"visible",[`${t}-item-icon`]:{float:"left",marginInlineEnd:e.margin},[`${t}-item-content`]:{display:"block",minHeight:1.5*e.controlHeight,overflow:"hidden"},[`${t}-item-title`]:{lineHeight:`${i}px`},[`${t}-item-description`]:{paddingBottom:e.paddingSM}},[`> ${t}-item > ${t}-item-container > ${t}-item-tail`]:{position:"absolute",top:0,insetInlineStart:i/2-e.lineWidth,width:e.lineWidth,height:"100%",padding:`${i+1.5*e.marginXXS}px 0 ${1.5*e.marginXXS}px`,"&::after":{width:e.lineWidth,height:"100%"}},[`> ${t}-item:not(:last-child) > ${t}-item-container > ${t}-item-tail`]:{display:"block"},[` > ${t}-item > ${t}-item-container > ${t}-item-content > ${t}-item-title`]:{"&::after":{display:"none"}},[`&${t}-small ${t}-item-container`]:{[`${t}-item-tail`]:{position:"absolute",top:0,insetInlineStart:n/2-e.lineWidth,padding:`${n+1.5*e.marginXXS}px 0 ${1.5*e.marginXXS}px`},[`${t}-item-title`]:{lineHeight:`${n}px`}}}}};(i=o||(o={})).wait="wait",i.process="process",i.finish="finish",i.error="error";let D=(e,t)=>{let n=`${t.componentCls}-item`,i=`${e}IconColor`,o=`${e}TitleColor`,r=`${e}DescriptionColor`,a=`${e}TailColor`,l=`${e}IconBgColor`,c=`${e}IconBorderColor`,s=`${e}DotColor`;return{[`${n}-${e} ${n}-icon`]:{backgroundColor:t[l],borderColor:t[c],[`> ${t.componentCls}-icon`]:{color:t[i],[`${t.componentCls}-icon-dot`]:{background:t[s]}}},[`${n}-${e}${n}-custom ${n}-icon`]:{[`> ${t.componentCls}-icon`]:{color:t[s]}},[`${n}-${e} > ${n}-container > ${n}-content > ${n}-title`]:{color:t[o],"&::after":{backgroundColor:t[a]}},[`${n}-${e} > ${n}-container > ${n}-content > ${n}-description`]:{color:t[r]},[`${n}-${e} > ${n}-container > ${n}-tail::after`]:{backgroundColor:t[a]}}},X=e=>{let{componentCls:t,motionDurationSlow:n}=e,i=`${t}-item`,r=`${i}-icon`;return Object.assign(Object.assign(Object.assign(Object.assign(Object.assign(Object.assign({[i]:{position:"relative",display:"inline-block",flex:1,overflow:"hidden",verticalAlign:"top","&:last-child":{flex:"none",[`> ${i}-container > ${i}-tail, > ${i}-container > ${i}-content > ${i}-title::after`]:{display:"none"}}},[`${i}-container`]:{outline:"none","&:focus-visible":{[r]:Object.assign({},(0,I.oN)(e))}},[`${r}, ${i}-content`]:{display:"inline-block",verticalAlign:"top"},[r]:{width:e.iconSize,height:e.iconSize,marginTop:0,marginBottom:0,marginInlineStart:0,marginInlineEnd:e.marginXS,fontSize:e.iconFontSize,fontFamily:e.fontFamily,lineHeight:`${e.iconSize}px`,textAlign:"center",borderRadius:e.iconSize,border:`${e.lineWidth}px ${e.lineType} transparent`,transition:`background-color ${n}, border-color ${n}`,[`${t}-icon`]:{position:"relative",top:e.iconTop,color:e.colorPrimary,lineHeight:1}},[`${i}-tail`]:{position:"absolute",top:e.iconSize/2-e.paddingXXS,insetInlineStart:0,width:"100%","&::after":{display:"inline-block",width:"100%",height:e.lineWidth,background:e.colorSplit,borderRadius:e.lineWidth,transition:`background ${n}`,content:'""'}},[`${i}-title`]:{position:"relative",display:"inline-block",paddingInlineEnd:e.padding,color:e.colorText,fontSize:e.fontSizeLG,lineHeight:`${e.titleLineHeight}px`,"&::after":{position:"absolute",top:e.titleLineHeight/2,insetInlineStart:"100%",display:"block",width:9999,height:e.lineWidth,background:e.processTailColor,content:'""'}},[`${i}-subtitle`]:{display:"inline",marginInlineStart:e.marginXS,color:e.colorTextDescription,fontWeight:"normal",fontSize:e.fontSize},[`${i}-description`]:{color:e.colorTextDescription,fontSize:e.fontSize}},D(o.wait,e)),D(o.process,e)),{[`${i}-process > ${i}-container > ${i}-title`]:{fontWeight:e.fontWeightStrong}}),D(o.finish,e)),D(o.error,e)),{[`${i}${t}-next-error > ${t}-item-title::after`]:{background:e.colorError},[`${i}-disabled`]:{cursor:"not-allowed"}})},W=e=>{let{componentCls:t,motionDurationSlow:n}=e;return{[`& ${t}-item`]:{[`&:not(${t}-item-active)`]:{[`& > ${t}-item-container[role='button']`]:{cursor:"pointer",[`${t}-item`]:{[`&-title, &-subtitle, &-description, &-icon ${t}-icon`]:{transition:`color ${n}`}},"&:hover":{[`${t}-item`]:{"&-title, &-subtitle, &-description":{color:e.colorPrimary}}}},[`&:not(${t}-item-process)`]:{[`& > ${t}-item-container[role='button']:hover`]:{[`${t}-item`]:{"&-icon":{borderColor:e.colorPrimary,[`${t}-icon`]:{color:e.colorPrimary}}}}}}},[`&${t}-horizontal:not(${t}-label-vertical)`]:{[`${t}-item`]:{paddingInlineStart:e.padding,whiteSpace:"nowrap","&:first-child":{paddingInlineStart:0},[`&:last-child ${t}-item-title`]:{paddingInlineEnd:0},"&-tail":{display:"none"},"&-description":{maxWidth:e.descriptionMaxWidth,whiteSpace:"normal"}}}}},B=e=>{let{componentCls:t}=e;return{[t]:Object.assign(Object.assign(Object.assign(Object.assign(Object.assign(Object.assign(Object.assign(Object.assign(Object.assign(Object.assign(Object.assign(Object.assign(Object.assign({},(0,I.Wf)(e)),{display:"flex",width:"100%",fontSize:0,textAlign:"initial"}),X(e)),W(e)),M(e)),P(e)),T(e)),O(e)),N(e)),H(e)),j(e)),Z(e)),E(e))}};var L=(0,z.Z)("Steps",e=>{let{wireframe:t,colorTextDisabled:n,controlHeightLG:i,colorTextLightSolid:o,colorText:r,colorPrimary:a,colorTextLabel:l,colorTextDescription:c,colorTextQuaternary:s,colorFillContent:d,controlItemBgActive:p,colorError:m,colorBgContainer:g,colorBorderSecondary:h,colorSplit:u}=e,$=(0,k.TS)(e,{processIconColor:o,processTitleColor:r,processDescriptionColor:r,processIconBgColor:a,processIconBorderColor:a,processDotColor:a,processTailColor:u,waitIconColor:t?n:l,waitTitleColor:c,waitDescriptionColor:c,waitTailColor:u,waitIconBgColor:t?g:d,waitIconBorderColor:t?n:"transparent",waitDotColor:n,finishIconColor:a,finishTitleColor:r,finishDescriptionColor:c,finishTailColor:a,finishIconBgColor:t?g:p,finishIconBorderColor:t?a:p,finishDotColor:a,errorIconColor:o,errorTitleColor:m,errorDescriptionColor:m,errorTailColor:u,errorIconBgColor:m,errorIconBorderColor:m,errorDotColor:m,stepsNavActiveColor:a,stepsProgressSize:i,inlineDotSize:6,inlineTitleColor:s,inlineTailColor:h});return[B($)]},e=>{let{colorTextDisabled:t,fontSize:n,controlHeightSM:i,controlHeight:o,controlHeightLG:r,fontSizeHeading3:a}=e;return{titleLineHeight:o,customIconSize:o,customIconTop:0,customIconFontSize:i,iconSize:o,iconTop:-.5,iconFontSize:n,iconSizeSM:a,dotSize:o/4,dotCurrentSize:r/4,navArrowColor:t,navContentMaxWidth:"auto",descriptionMaxWidth:140}}),R=n(50344),A=function(e,t){var n={};for(var i in e)Object.prototype.hasOwnProperty.call(e,i)&&0>t.indexOf(i)&&(n[i]=e[i]);if(null!=e&&"function"==typeof Object.getOwnPropertySymbols)for(var o=0,i=Object.getOwnPropertySymbols(e);ot.indexOf(i[o])&&Object.prototype.propertyIsEnumerable.call(e,i[o])&&(n[i[o]]=e[i[o]]);return n};let G=e=>{let{percent:t,size:n,className:i,rootClassName:o,direction:l,items:s,responsive:d=!0,current:p=0,children:m,style:h}=e,u=A(e,["percent","size","className","rootClassName","direction","items","responsive","current","children","style"]),{xs:$}=(0,x.Z)(d),{getPrefixCls:f,direction:b,steps:I}=g.useContext(S.E_),z=g.useMemo(()=>d&&$?"vertical":l,[$,l]),k=(0,w.Z)(n),M=f("steps",e.prefixCls),[E,O]=L(M),H="inline"===e.type,Z=f("",e.iconPrefix),N=function(e,t){if(e)return e;let n=(0,R.Z)(t).map(e=>{if(g.isValidElement(e)){let{props:t}=e,n=Object.assign({},t);return n}return null});return n.filter(e=>e)}(s,m),j=H?void 0:t,P=Object.assign(Object.assign({},null==I?void 0:I.style),h),T=c()(null==I?void 0:I.className,{[`${M}-rtl`]:"rtl"===b,[`${M}-with-progress`]:void 0!==j},i,o,O),D={finish:g.createElement(r.Z,{className:`${M}-finish-icon`}),error:g.createElement(a.Z,{className:`${M}-error-icon`})};return E(g.createElement(v,Object.assign({icons:D},u,{style:P,current:p,size:k,items:N,itemRender:H?(e,t)=>e.description?g.createElement(C.Z,{title:e.description},t):t:void 0,stepIcon:e=>{let{node:t,status:n}=e;return"process"===n&&void 0!==j?g.createElement("div",{className:`${M}-progress-icon`},g.createElement(y.Z,{type:"circle",percent:j,size:"small"===k?32:40,strokeWidth:4,format:()=>null}),t):t},direction:z,prefixCls:M,iconPrefix:Z,className:T})))};G.Step=v.Step;var V=G},72269:function(e,t,n){n.d(t,{Z:function(){return H}});var i=n(50888),o=n(94184),r=n.n(o),a=n(87462),l=n(4942),c=n(97685),s=n(45987),d=n(67294),p=n(21770),m=n(15105),g=["prefixCls","className","checked","defaultChecked","disabled","loadingIcon","checkedChildren","unCheckedChildren","onClick","onChange","onKeyDown"],h=d.forwardRef(function(e,t){var n,i=e.prefixCls,o=void 0===i?"rc-switch":i,h=e.className,u=e.checked,$=e.defaultChecked,f=e.disabled,b=e.loadingIcon,v=e.checkedChildren,S=e.unCheckedChildren,w=e.onClick,x=e.onChange,y=e.onKeyDown,C=(0,s.Z)(e,g),I=(0,p.Z)(!1,{value:u,defaultValue:$}),z=(0,c.Z)(I,2),k=z[0],M=z[1];function E(e,t){var n=k;return f||(M(n=e),null==x||x(n,t)),n}var O=r()(o,h,(n={},(0,l.Z)(n,"".concat(o,"-checked"),k),(0,l.Z)(n,"".concat(o,"-disabled"),f),n));return d.createElement("button",(0,a.Z)({},C,{type:"button",role:"switch","aria-checked":k,disabled:f,className:O,ref:t,onKeyDown:function(e){e.which===m.Z.LEFT?E(!1,e):e.which===m.Z.RIGHT&&E(!0,e),null==y||y(e)},onClick:function(e){var t=E(!k,e);null==w||w(t,e)}}),b,d.createElement("span",{className:"".concat(o,"-inner")},d.createElement("span",{className:"".concat(o,"-inner-checked")},v),d.createElement("span",{className:"".concat(o,"-inner-unchecked")},S)))});h.displayName="Switch";var u=n(45353),$=n(53124),f=n(98866),b=n(98675),v=n(10274),S=n(14747),w=n(67968),x=n(45503);let y=e=>{let{componentCls:t}=e,n=`${t}-inner`;return{[t]:{[`&${t}-small`]:{minWidth:e.switchMinWidthSM,height:e.switchHeightSM,lineHeight:`${e.switchHeightSM}px`,[`${t}-inner`]:{paddingInlineStart:e.switchInnerMarginMaxSM,paddingInlineEnd:e.switchInnerMarginMinSM,[`${n}-checked`]:{marginInlineStart:`calc(-100% + ${e.switchPinSizeSM+2*e.switchPadding}px - ${2*e.switchInnerMarginMaxSM}px)`,marginInlineEnd:`calc(100% - ${e.switchPinSizeSM+2*e.switchPadding}px + ${2*e.switchInnerMarginMaxSM}px)`},[`${n}-unchecked`]:{marginTop:-e.switchHeightSM,marginInlineStart:0,marginInlineEnd:0}},[`${t}-handle`]:{width:e.switchPinSizeSM,height:e.switchPinSizeSM},[`${t}-loading-icon`]:{top:(e.switchPinSizeSM-e.switchLoadingIconSize)/2,fontSize:e.switchLoadingIconSize},[`&${t}-checked`]:{[`${t}-inner`]:{paddingInlineStart:e.switchInnerMarginMinSM,paddingInlineEnd:e.switchInnerMarginMaxSM,[`${n}-checked`]:{marginInlineStart:0,marginInlineEnd:0},[`${n}-unchecked`]:{marginInlineStart:`calc(100% - ${e.switchPinSizeSM+2*e.switchPadding}px + ${2*e.switchInnerMarginMaxSM}px)`,marginInlineEnd:`calc(-100% + ${e.switchPinSizeSM+2*e.switchPadding}px - ${2*e.switchInnerMarginMaxSM}px)`}},[`${t}-handle`]:{insetInlineStart:`calc(100% - ${e.switchPinSizeSM+e.switchPadding}px)`}},[`&:not(${t}-disabled):active`]:{[`&:not(${t}-checked) ${n}`]:{[`${n}-unchecked`]:{marginInlineStart:e.marginXXS/2,marginInlineEnd:-e.marginXXS/2}},[`&${t}-checked ${n}`]:{[`${n}-checked`]:{marginInlineStart:-e.marginXXS/2,marginInlineEnd:e.marginXXS/2}}}}}}},C=e=>{let{componentCls:t}=e;return{[t]:{[`${t}-loading-icon${e.iconCls}`]:{position:"relative",top:(e.switchPinSize-e.fontSize)/2,color:e.switchLoadingIconColor,verticalAlign:"top"},[`&${t}-checked ${t}-loading-icon`]:{color:e.switchColor}}}},I=e=>{let{componentCls:t,motion:n}=e,i=`${t}-handle`;return{[t]:{[i]:{position:"absolute",top:e.switchPadding,insetInlineStart:e.switchPadding,width:e.switchPinSize,height:e.switchPinSize,transition:`all ${e.switchDuration} ease-in-out`,"&::before":{position:"absolute",top:0,insetInlineEnd:0,bottom:0,insetInlineStart:0,backgroundColor:e.colorWhite,borderRadius:e.switchPinSize/2,boxShadow:e.switchHandleShadow,transition:`all ${e.switchDuration} ease-in-out`,content:'""'}},[`&${t}-checked ${i}`]:{insetInlineStart:`calc(100% - ${e.switchPinSize+e.switchPadding}px)`},[`&:not(${t}-disabled):active`]:n?{[`${i}::before`]:{insetInlineEnd:e.switchHandleActiveInset,insetInlineStart:0},[`&${t}-checked ${i}::before`]:{insetInlineEnd:0,insetInlineStart:e.switchHandleActiveInset}}:{}}}},z=e=>{let{componentCls:t}=e,n=`${t}-inner`;return{[t]:{[n]:{display:"block",overflow:"hidden",borderRadius:100,height:"100%",paddingInlineStart:e.switchInnerMarginMax,paddingInlineEnd:e.switchInnerMarginMin,transition:`padding-inline-start ${e.switchDuration} ease-in-out, padding-inline-end ${e.switchDuration} ease-in-out`,[`${n}-checked, ${n}-unchecked`]:{display:"block",color:e.colorTextLightSolid,fontSize:e.fontSizeSM,transition:`margin-inline-start ${e.switchDuration} ease-in-out, margin-inline-end ${e.switchDuration} ease-in-out`,pointerEvents:"none"},[`${n}-checked`]:{marginInlineStart:`calc(-100% + ${e.switchPinSize+2*e.switchPadding}px - ${2*e.switchInnerMarginMax}px)`,marginInlineEnd:`calc(100% - ${e.switchPinSize+2*e.switchPadding}px + ${2*e.switchInnerMarginMax}px)`},[`${n}-unchecked`]:{marginTop:-e.switchHeight,marginInlineStart:0,marginInlineEnd:0}},[`&${t}-checked ${n}`]:{paddingInlineStart:e.switchInnerMarginMin,paddingInlineEnd:e.switchInnerMarginMax,[`${n}-checked`]:{marginInlineStart:0,marginInlineEnd:0},[`${n}-unchecked`]:{marginInlineStart:`calc(100% - ${e.switchPinSize+2*e.switchPadding}px + ${2*e.switchInnerMarginMax}px)`,marginInlineEnd:`calc(-100% + ${e.switchPinSize+2*e.switchPadding}px - ${2*e.switchInnerMarginMax}px)`}},[`&:not(${t}-disabled):active`]:{[`&:not(${t}-checked) ${n}`]:{[`${n}-unchecked`]:{marginInlineStart:2*e.switchPadding,marginInlineEnd:-(2*e.switchPadding)}},[`&${t}-checked ${n}`]:{[`${n}-checked`]:{marginInlineStart:-(2*e.switchPadding),marginInlineEnd:2*e.switchPadding}}}}}},k=e=>{let{componentCls:t}=e;return{[t]:Object.assign(Object.assign(Object.assign(Object.assign({},(0,S.Wf)(e)),{position:"relative",display:"inline-block",boxSizing:"border-box",minWidth:e.switchMinWidth,height:e.switchHeight,lineHeight:`${e.switchHeight}px`,verticalAlign:"middle",background:e.colorTextQuaternary,border:"0",borderRadius:100,cursor:"pointer",transition:`all ${e.motionDurationMid}`,userSelect:"none",[`&:hover:not(${t}-disabled)`]:{background:e.colorTextTertiary}}),(0,S.Qy)(e)),{[`&${t}-checked`]:{background:e.switchColor,[`&:hover:not(${t}-disabled)`]:{background:e.colorPrimaryHover}},[`&${t}-loading, &${t}-disabled`]:{cursor:"not-allowed",opacity:e.switchDisabledOpacity,"*":{boxShadow:"none",cursor:"not-allowed"}},[`&${t}-rtl`]:{direction:"rtl"}})}};var M=(0,w.Z)("Switch",e=>{let t=e.fontSize*e.lineHeight,n=e.controlHeight/2,i=t-4,o=n-4,r=(0,x.TS)(e,{switchMinWidth:2*i+8,switchHeight:t,switchDuration:e.motionDurationMid,switchColor:e.colorPrimary,switchDisabledOpacity:e.opacityLoading,switchInnerMarginMin:i/2,switchInnerMarginMax:i+2+4,switchPadding:2,switchPinSize:i,switchBg:e.colorBgContainer,switchMinWidthSM:2*o+4,switchHeightSM:n,switchInnerMarginMinSM:o/2,switchInnerMarginMaxSM:o+2+4,switchPinSizeSM:o,switchHandleShadow:`0 2px 4px 0 ${new v.C("#00230b").setAlpha(.2).toRgbString()}`,switchLoadingIconSize:.75*e.fontSizeIcon,switchLoadingIconColor:`rgba(0, 0, 0, ${e.opacityLoading})`,switchHandleActiveInset:"-30%"});return[k(r),z(r),I(r),C(r),y(r)]}),E=function(e,t){var n={};for(var i in e)Object.prototype.hasOwnProperty.call(e,i)&&0>t.indexOf(i)&&(n[i]=e[i]);if(null!=e&&"function"==typeof Object.getOwnPropertySymbols)for(var o=0,i=Object.getOwnPropertySymbols(e);ot.indexOf(i[o])&&Object.prototype.propertyIsEnumerable.call(e,i[o])&&(n[i[o]]=e[i[o]]);return n};let O=d.forwardRef((e,t)=>{let{prefixCls:n,size:o,disabled:a,loading:l,className:c,rootClassName:s,style:p}=e,m=E(e,["prefixCls","size","disabled","loading","className","rootClassName","style"]),{getPrefixCls:g,direction:v,switch:S}=d.useContext($.E_),w=d.useContext(f.Z),x=(null!=a?a:w)||l,y=g("switch",n),C=d.createElement("div",{className:`${y}-handle`},l&&d.createElement(i.Z,{className:`${y}-loading-icon`})),[I,z]=M(y),k=(0,b.Z)(o),O=r()(null==S?void 0:S.className,{[`${y}-small`]:"small"===k,[`${y}-loading`]:l,[`${y}-rtl`]:"rtl"===v},c,s,z),H=Object.assign(Object.assign({},null==S?void 0:S.style),p);return I(d.createElement(u.Z,{component:"Switch"},d.createElement(h,Object.assign({},m,{prefixCls:y,className:O,style:H,disabled:x,ref:t,loadingIcon:C}))))});O.__ANT_SWITCH=!0;var H=O},66309:function(e,t,n){n.d(t,{Z:function(){return z}});var i=n(67294),o=n(97937),r=n(94184),a=n.n(r),l=n(98787),c=n(69760),s=n(45353),d=n(53124),p=n(14747),m=n(45503),g=n(67968);let h=e=>{let{paddingXXS:t,lineWidth:n,tagPaddingHorizontal:i,componentCls:o}=e,r=i-n;return{[o]:Object.assign(Object.assign({},(0,p.Wf)(e)),{display:"inline-block",height:"auto",marginInlineEnd:e.marginXS,paddingInline:r,fontSize:e.tagFontSize,lineHeight:e.tagLineHeight,whiteSpace:"nowrap",background:e.defaultBg,border:`${e.lineWidth}px ${e.lineType} ${e.colorBorder}`,borderRadius:e.borderRadiusSM,opacity:1,transition:`all ${e.motionDurationMid}`,textAlign:"start",position:"relative",[`&${o}-rtl`]:{direction:"rtl"},"&, a, a:hover":{color:e.defaultColor},[`${o}-close-icon`]:{marginInlineStart:t-n,color:e.colorTextDescription,fontSize:e.tagIconSize,cursor:"pointer",transition:`all ${e.motionDurationMid}`,"&:hover":{color:e.colorTextHeading}},[`&${o}-has-color`]:{borderColor:"transparent",[`&, a, a:hover, ${e.iconCls}-close, ${e.iconCls}-close:hover`]:{color:e.colorTextLightSolid}},"&-checkable":{backgroundColor:"transparent",borderColor:"transparent",cursor:"pointer",[`&:not(${o}-checkable-checked):hover`]:{color:e.colorPrimary,backgroundColor:e.colorFillSecondary},"&:active, &-checked":{color:e.colorTextLightSolid},"&-checked":{backgroundColor:e.colorPrimary,"&:hover":{backgroundColor:e.colorPrimaryHover}},"&:active":{backgroundColor:e.colorPrimaryActive}},"&-hidden":{display:"none"},[`> ${e.iconCls} + span, > span + ${e.iconCls}`]:{marginInlineStart:r}}),[`${o}-borderless`]:{borderColor:"transparent",background:e.tagBorderlessBg}}},u=e=>{let{lineWidth:t,fontSizeIcon:n}=e,i=e.fontSizeSM,o=`${e.lineHeightSM*i}px`,r=(0,m.TS)(e,{tagFontSize:i,tagLineHeight:o,tagIconSize:n-2*t,tagPaddingHorizontal:8,tagBorderlessBg:e.colorFillTertiary});return r},$=e=>({defaultBg:e.colorFillQuaternary,defaultColor:e.colorText});var f=(0,g.Z)("Tag",e=>{let t=u(e);return h(t)},$),b=function(e,t){var n={};for(var i in e)Object.prototype.hasOwnProperty.call(e,i)&&0>t.indexOf(i)&&(n[i]=e[i]);if(null!=e&&"function"==typeof Object.getOwnPropertySymbols)for(var o=0,i=Object.getOwnPropertySymbols(e);ot.indexOf(i[o])&&Object.prototype.propertyIsEnumerable.call(e,i[o])&&(n[i[o]]=e[i[o]]);return n},v=n(98719);let S=e=>(0,v.Z)(e,(t,n)=>{let{textColor:i,lightBorderColor:o,lightColor:r,darkColor:a}=n;return{[`${e.componentCls}-${t}`]:{color:i,background:r,borderColor:o,"&-inverse":{color:e.colorTextLightSolid,background:a,borderColor:a},[`&${e.componentCls}-borderless`]:{borderColor:"transparent"}}}});var w=(0,g.b)(["Tag","preset"],e=>{let t=u(e);return S(t)},$);let x=(e,t,n)=>{let i=function(e){if("string"!=typeof e)return e;let t=e.charAt(0).toUpperCase()+e.slice(1);return t}(n);return{[`${e.componentCls}-${t}`]:{color:e[`color${n}`],background:e[`color${i}Bg`],borderColor:e[`color${i}Border`],[`&${e.componentCls}-borderless`]:{borderColor:"transparent"}}}};var y=(0,g.b)(["Tag","status"],e=>{let t=u(e);return[x(t,"success","Success"),x(t,"processing","Info"),x(t,"error","Error"),x(t,"warning","Warning")]},$),C=function(e,t){var n={};for(var i in e)Object.prototype.hasOwnProperty.call(e,i)&&0>t.indexOf(i)&&(n[i]=e[i]);if(null!=e&&"function"==typeof Object.getOwnPropertySymbols)for(var o=0,i=Object.getOwnPropertySymbols(e);ot.indexOf(i[o])&&Object.prototype.propertyIsEnumerable.call(e,i[o])&&(n[i[o]]=e[i[o]]);return n};let I=i.forwardRef((e,t)=>{let{prefixCls:n,className:r,rootClassName:p,style:m,children:g,icon:h,color:u,onClose:$,closeIcon:b,closable:v,bordered:S=!0}=e,x=C(e,["prefixCls","className","rootClassName","style","children","icon","color","onClose","closeIcon","closable","bordered"]),{getPrefixCls:I,direction:z,tag:k}=i.useContext(d.E_),[M,E]=i.useState(!0);i.useEffect(()=>{"visible"in x&&E(x.visible)},[x.visible]);let O=(0,l.o2)(u),H=(0,l.yT)(u),Z=O||H,N=Object.assign(Object.assign({backgroundColor:u&&!Z?u:void 0},null==k?void 0:k.style),m),j=I("tag",n),[P,T]=f(j),D=a()(j,null==k?void 0:k.className,{[`${j}-${u}`]:Z,[`${j}-has-color`]:u&&!Z,[`${j}-hidden`]:!M,[`${j}-rtl`]:"rtl"===z,[`${j}-borderless`]:!S},r,p,T),X=e=>{e.stopPropagation(),null==$||$(e),e.defaultPrevented||E(!1)},[,W]=(0,c.Z)(v,b,e=>null===e?i.createElement(o.Z,{className:`${j}-close-icon`,onClick:X}):i.createElement("span",{className:`${j}-close-icon`,onClick:X},e),null,!1),B="function"==typeof x.onClick||g&&"a"===g.type,L=h||null,R=L?i.createElement(i.Fragment,null,L,g&&i.createElement("span",null,g)):g,A=i.createElement("span",Object.assign({},x,{ref:t,className:D,style:N}),R,W,O&&i.createElement(w,{key:"preset",prefixCls:j}),H&&i.createElement(y,{key:"status",prefixCls:j}));return P(B?i.createElement(s.Z,{component:"Tag"},A):A)});I.CheckableTag=e=>{let{prefixCls:t,className:n,checked:o,onChange:r,onClick:l}=e,c=b(e,["prefixCls","className","checked","onChange","onClick"]),{getPrefixCls:s}=i.useContext(d.E_),p=s("tag",t),[m,g]=f(p),h=a()(p,`${p}-checkable`,{[`${p}-checkable-checked`]:o},n,g);return m(i.createElement("span",Object.assign({},c,{className:h,onClick:e=>{null==r||r(!o),null==l||l(e)}})))};var z=I}}]); \ No newline at end of file diff --git a/pilot/server/static/_next/static/chunks/64-91b49d45b9846775.js b/pilot/server/static/_next/static/chunks/64-91b49d45b9846775.js new file mode 100644 index 000000000..65b2267b2 --- /dev/null +++ b/pilot/server/static/_next/static/chunks/64-91b49d45b9846775.js @@ -0,0 +1,16 @@ +"use strict";(self.webpackChunk_N_E=self.webpackChunk_N_E||[]).push([[64],{63606:function(e,t,r){r.d(t,{Z:function(){return i}});var n=r(87462),o=r(67294),a={icon:{tag:"svg",attrs:{viewBox:"64 64 896 896",focusable:"false"},children:[{tag:"path",attrs:{d:"M912 190h-69.9c-9.8 0-19.1 4.5-25.1 12.2L404.7 724.5 207 474a32 32 0 00-25.1-12.2H112c-6.7 0-10.4 7.7-6.3 12.9l273.9 347c12.8 16.2 37.4 16.2 50.3 0l488.4-618.9c4.1-5.1.4-12.8-6.3-12.8z"}}]},name:"check",theme:"outlined"},l=r(84089),i=o.forwardRef(function(e,t){return o.createElement(l.Z,(0,n.Z)({},e,{ref:t,icon:a}))})},99611:function(e,t,r){r.d(t,{Z:function(){return i}});var n=r(87462),o=r(67294),a={icon:{tag:"svg",attrs:{viewBox:"64 64 896 896",focusable:"false"},children:[{tag:"path",attrs:{d:"M942.2 486.2C847.4 286.5 704.1 186 512 186c-192.2 0-335.4 100.5-430.2 300.3a60.3 60.3 0 000 51.5C176.6 737.5 319.9 838 512 838c192.2 0 335.4-100.5 430.2-300.3 7.7-16.2 7.7-35 0-51.5zM512 766c-161.3 0-279.4-81.8-362.7-254C232.6 339.8 350.7 258 512 258c161.3 0 279.4 81.8 362.7 254C791.5 684.2 673.4 766 512 766zm-4-430c-97.2 0-176 78.8-176 176s78.8 176 176 176 176-78.8 176-176-78.8-176-176-176zm0 288c-61.9 0-112-50.1-112-112s50.1-112 112-112 112 50.1 112 112-50.1 112-112 112z"}}]},name:"eye",theme:"outlined"},l=r(84089),i=o.forwardRef(function(e,t){return o.createElement(l.Z,(0,n.Z)({},e,{ref:t,icon:a}))})},68795:function(e,t,r){r.d(t,{Z:function(){return i}});var n=r(87462),o=r(67294),a={icon:{tag:"svg",attrs:{viewBox:"64 64 896 896",focusable:"false"},children:[{tag:"path",attrs:{d:"M909.6 854.5L649.9 594.8C690.2 542.7 712 479 712 412c0-80.2-31.3-155.4-87.9-212.1-56.6-56.7-132-87.9-212.1-87.9s-155.5 31.3-212.1 87.9C143.2 256.5 112 331.8 112 412c0 80.1 31.3 155.5 87.9 212.1C256.5 680.8 331.8 712 412 712c67 0 130.6-21.8 182.7-62l259.7 259.6a8.2 8.2 0 0011.6 0l43.6-43.5a8.2 8.2 0 000-11.6zM570.4 570.4C528 612.7 471.8 636 412 636s-116-23.3-158.4-65.6C211.3 528 188 471.8 188 412s23.3-116.1 65.6-158.4C296 211.3 352.2 188 412 188s116.1 23.2 158.4 65.6S636 352.2 636 412s-23.3 116.1-65.6 158.4z"}}]},name:"search",theme:"outlined"},l=r(84089),i=o.forwardRef(function(e,t){return o.createElement(l.Z,(0,n.Z)({},e,{ref:t,icon:a}))})},74443:function(e,t,r){r.d(t,{Z:function(){return s},c:function(){return a}});var n=r(67294),o=r(25976);let a=["xxl","xl","lg","md","sm","xs"],l=e=>({xs:`(max-width: ${e.screenXSMax}px)`,sm:`(min-width: ${e.screenSM}px)`,md:`(min-width: ${e.screenMD}px)`,lg:`(min-width: ${e.screenLG}px)`,xl:`(min-width: ${e.screenXL}px)`,xxl:`(min-width: ${e.screenXXL}px)`}),i=e=>{let t=[].concat(a).reverse();return t.forEach((r,n)=>{let o=r.toUpperCase(),a=`screen${o}Min`,l=`screen${o}`;if(!(e[a]<=e[l]))throw Error(`${a}<=${l} fails : !(${e[a]}<=${e[l]})`);if(n{let e=new Map,r=-1,n={};return{matchHandlers:{},dispatch:t=>(n=t,e.forEach(e=>e(n)),e.size>=1),subscribe(t){return e.size||this.register(),r+=1,e.set(r,t),t(n),r},unsubscribe(t){e.delete(t),e.size||this.unregister()},unregister(){Object.keys(t).forEach(e=>{let r=t[e],n=this.matchHandlers[r];null==n||n.mql.removeListener(null==n?void 0:n.listener)}),e.clear()},register(){Object.keys(t).forEach(e=>{let r=t[e],o=t=>{let{matches:r}=t;this.dispatch(Object.assign(Object.assign({},n),{[e]:r}))},a=window.matchMedia(r);a.addListener(o),this.matchHandlers[r]={mql:a,listener:o},o(a)})},responsiveMap:t}},[e])}},9708:function(e,t,r){r.d(t,{F:function(){return l},Z:function(){return a}});var n=r(94184),o=r.n(n);function a(e,t,r){return o()({[`${e}-status-success`]:"success"===t,[`${e}-status-warning`]:"warning"===t,[`${e}-status-error`]:"error"===t,[`${e}-status-validating`]:"validating"===t,[`${e}-has-feedback`]:r})}let l=(e,t)=>t||e},32983:function(e,t,r){r.d(t,{Z:function(){return v}});var n=r(94184),o=r.n(n),a=r(67294),l=r(53124),i=r(10110),s=r(10274),c=r(25976),d=r(67968),u=r(45503);let p=e=>{let{componentCls:t,margin:r,marginXS:n,marginXL:o,fontSize:a,lineHeight:l}=e;return{[t]:{marginInline:n,fontSize:a,lineHeight:l,textAlign:"center",[`${t}-image`]:{height:e.emptyImgHeight,marginBottom:n,opacity:e.opacityImage,img:{height:"100%"},svg:{maxWidth:"100%",height:"100%",margin:"auto"}},[`${t}-description`]:{color:e.colorText},[`${t}-footer`]:{marginTop:r},"&-normal":{marginBlock:o,color:e.colorTextDisabled,[`${t}-description`]:{color:e.colorTextDisabled},[`${t}-image`]:{height:e.emptyImgHeightMD}},"&-small":{marginBlock:n,color:e.colorTextDisabled,[`${t}-image`]:{height:e.emptyImgHeightSM}}}}};var f=(0,d.Z)("Empty",e=>{let{componentCls:t,controlHeightLG:r}=e,n=(0,u.TS)(e,{emptyImgCls:`${t}-img`,emptyImgHeight:2.5*r,emptyImgHeightMD:r,emptyImgHeightSM:.875*r});return[p(n)]}),g=function(e,t){var r={};for(var n in e)Object.prototype.hasOwnProperty.call(e,n)&&0>t.indexOf(n)&&(r[n]=e[n]);if(null!=e&&"function"==typeof Object.getOwnPropertySymbols)for(var o=0,n=Object.getOwnPropertySymbols(e);ot.indexOf(n[o])&&Object.prototype.propertyIsEnumerable.call(e,n[o])&&(r[n[o]]=e[n[o]]);return r};let m=a.createElement(()=>{let[,e]=(0,c.Z)(),t=new s.C(e.colorBgBase),r=t.toHsl().l<.5?{opacity:.65}:{};return a.createElement("svg",{style:r,width:"184",height:"152",viewBox:"0 0 184 152",xmlns:"http://www.w3.org/2000/svg"},a.createElement("g",{fill:"none",fillRule:"evenodd"},a.createElement("g",{transform:"translate(24 31.67)"},a.createElement("ellipse",{fillOpacity:".8",fill:"#F5F5F7",cx:"67.797",cy:"106.89",rx:"67.797",ry:"12.668"}),a.createElement("path",{d:"M122.034 69.674L98.109 40.229c-1.148-1.386-2.826-2.225-4.593-2.225h-51.44c-1.766 0-3.444.839-4.592 2.225L13.56 69.674v15.383h108.475V69.674z",fill:"#AEB8C2"}),a.createElement("path",{d:"M101.537 86.214L80.63 61.102c-1.001-1.207-2.507-1.867-4.048-1.867H31.724c-1.54 0-3.047.66-4.048 1.867L6.769 86.214v13.792h94.768V86.214z",fill:"url(#linearGradient-1)",transform:"translate(13.56)"}),a.createElement("path",{d:"M33.83 0h67.933a4 4 0 0 1 4 4v93.344a4 4 0 0 1-4 4H33.83a4 4 0 0 1-4-4V4a4 4 0 0 1 4-4z",fill:"#F5F5F7"}),a.createElement("path",{d:"M42.678 9.953h50.237a2 2 0 0 1 2 2V36.91a2 2 0 0 1-2 2H42.678a2 2 0 0 1-2-2V11.953a2 2 0 0 1 2-2zM42.94 49.767h49.713a2.262 2.262 0 1 1 0 4.524H42.94a2.262 2.262 0 0 1 0-4.524zM42.94 61.53h49.713a2.262 2.262 0 1 1 0 4.525H42.94a2.262 2.262 0 0 1 0-4.525zM121.813 105.032c-.775 3.071-3.497 5.36-6.735 5.36H20.515c-3.238 0-5.96-2.29-6.734-5.36a7.309 7.309 0 0 1-.222-1.79V69.675h26.318c2.907 0 5.25 2.448 5.25 5.42v.04c0 2.971 2.37 5.37 5.277 5.37h34.785c2.907 0 5.277-2.421 5.277-5.393V75.1c0-2.972 2.343-5.426 5.25-5.426h26.318v33.569c0 .617-.077 1.216-.221 1.789z",fill:"#DCE0E6"})),a.createElement("path",{d:"M149.121 33.292l-6.83 2.65a1 1 0 0 1-1.317-1.23l1.937-6.207c-2.589-2.944-4.109-6.534-4.109-10.408C138.802 8.102 148.92 0 161.402 0 173.881 0 184 8.102 184 18.097c0 9.995-10.118 18.097-22.599 18.097-4.528 0-8.744-1.066-12.28-2.902z",fill:"#DCE0E6"}),a.createElement("g",{transform:"translate(149.65 15.383)",fill:"#FFF"},a.createElement("ellipse",{cx:"20.654",cy:"3.167",rx:"2.849",ry:"2.815"}),a.createElement("path",{d:"M5.698 5.63H0L2.898.704zM9.259.704h4.985V5.63H9.259z"}))))},null),b=a.createElement(()=>{let[,e]=(0,c.Z)(),{colorFill:t,colorFillTertiary:r,colorFillQuaternary:n,colorBgContainer:o}=e,{borderColor:l,shadowColor:i,contentColor:d}=(0,a.useMemo)(()=>({borderColor:new s.C(t).onBackground(o).toHexShortString(),shadowColor:new s.C(r).onBackground(o).toHexShortString(),contentColor:new s.C(n).onBackground(o).toHexShortString()}),[t,r,n,o]);return a.createElement("svg",{width:"64",height:"41",viewBox:"0 0 64 41",xmlns:"http://www.w3.org/2000/svg"},a.createElement("g",{transform:"translate(0 1)",fill:"none",fillRule:"evenodd"},a.createElement("ellipse",{fill:i,cx:"32",cy:"33",rx:"32",ry:"7"}),a.createElement("g",{fillRule:"nonzero",stroke:l},a.createElement("path",{d:"M55 12.76L44.854 1.258C44.367.474 43.656 0 42.907 0H21.093c-.749 0-1.46.474-1.947 1.257L9 12.761V22h46v-9.24z"}),a.createElement("path",{d:"M41.613 15.931c0-1.605.994-2.93 2.227-2.931H55v18.137C55 33.26 53.68 35 52.05 35h-40.1C10.32 35 9 33.259 9 31.137V13h11.16c1.233 0 2.227 1.323 2.227 2.928v.022c0 1.605 1.005 2.901 2.237 2.901h14.752c1.232 0 2.237-1.308 2.237-2.913v-.007z",fill:d}))))},null),h=e=>{var{className:t,rootClassName:r,prefixCls:n,image:s=m,description:c,children:d,imageStyle:u,style:p}=e,h=g(e,["className","rootClassName","prefixCls","image","description","children","imageStyle","style"]);let{getPrefixCls:v,direction:x,empty:$}=a.useContext(l.E_),y=v("empty",n),[w,E]=f(y),[S]=(0,i.Z)("Empty"),C=void 0!==c?c:null==S?void 0:S.description,O="string"==typeof C?C:"empty",z=null;return z="string"==typeof s?a.createElement("img",{alt:O,src:s}):s,w(a.createElement("div",Object.assign({className:o()(E,y,null==$?void 0:$.className,{[`${y}-normal`]:s===b,[`${y}-rtl`]:"rtl"===x},t,r),style:Object.assign(Object.assign({},null==$?void 0:$.style),p)},h),a.createElement("div",{className:`${y}-image`,style:u},z),C&&a.createElement("div",{className:`${y}-description`},C),d&&a.createElement("div",{className:`${y}-footer`},d)))};h.PRESENTED_IMAGE_DEFAULT=m,h.PRESENTED_IMAGE_SIMPLE=b;var v=h},99134:function(e,t,r){var n=r(67294);let o=(0,n.createContext)({});t.Z=o},21584:function(e,t,r){var n=r(94184),o=r.n(n),a=r(67294),l=r(53124),i=r(99134),s=r(6999),c=function(e,t){var r={};for(var n in e)Object.prototype.hasOwnProperty.call(e,n)&&0>t.indexOf(n)&&(r[n]=e[n]);if(null!=e&&"function"==typeof Object.getOwnPropertySymbols)for(var o=0,n=Object.getOwnPropertySymbols(e);ot.indexOf(n[o])&&Object.prototype.propertyIsEnumerable.call(e,n[o])&&(r[n[o]]=e[n[o]]);return r};let d=["xs","sm","md","lg","xl","xxl"],u=a.forwardRef((e,t)=>{let{getPrefixCls:r,direction:n}=a.useContext(l.E_),{gutter:u,wrap:p,supportFlexGap:f}=a.useContext(i.Z),{prefixCls:g,span:m,order:b,offset:h,push:v,pull:x,className:$,children:y,flex:w,style:E}=e,S=c(e,["prefixCls","span","order","offset","push","pull","className","children","flex","style"]),C=r("col",g),[O,z]=(0,s.c)(C),R={};d.forEach(t=>{let r={},o=e[t];"number"==typeof o?r.span=o:"object"==typeof o&&(r=o||{}),delete S[t],R=Object.assign(Object.assign({},R),{[`${C}-${t}-${r.span}`]:void 0!==r.span,[`${C}-${t}-order-${r.order}`]:r.order||0===r.order,[`${C}-${t}-offset-${r.offset}`]:r.offset||0===r.offset,[`${C}-${t}-push-${r.push}`]:r.push||0===r.push,[`${C}-${t}-pull-${r.pull}`]:r.pull||0===r.pull,[`${C}-${t}-flex-${r.flex}`]:r.flex||"auto"===r.flex,[`${C}-rtl`]:"rtl"===n})});let j=o()(C,{[`${C}-${m}`]:void 0!==m,[`${C}-order-${b}`]:b,[`${C}-offset-${h}`]:h,[`${C}-push-${v}`]:v,[`${C}-pull-${x}`]:x},$,R,z),Z={};if(u&&u[0]>0){let e=u[0]/2;Z.paddingLeft=e,Z.paddingRight=e}if(u&&u[1]>0&&!f){let e=u[1]/2;Z.paddingTop=e,Z.paddingBottom=e}return w&&(Z.flex="number"==typeof w?`${w} ${w} auto`:/^\d+(\.\d+)?(px|em|rem|%)$/.test(w)?`0 0 ${w}`:w,!1!==p||Z.minWidth||(Z.minWidth=0)),O(a.createElement("div",Object.assign({},S,{style:Object.assign(Object.assign({},Z),E),className:j,ref:t}),y))});t.Z=u},92820:function(e,t,r){var n=r(94184),o=r.n(n),a=r(67294),l=r(53124),i=r(98082),s=r(74443),c=r(99134),d=r(6999),u=function(e,t){var r={};for(var n in e)Object.prototype.hasOwnProperty.call(e,n)&&0>t.indexOf(n)&&(r[n]=e[n]);if(null!=e&&"function"==typeof Object.getOwnPropertySymbols)for(var o=0,n=Object.getOwnPropertySymbols(e);ot.indexOf(n[o])&&Object.prototype.propertyIsEnumerable.call(e,n[o])&&(r[n[o]]=e[n[o]]);return r};function p(e,t){let[r,n]=a.useState("string"==typeof e?e:""),o=()=>{if("string"==typeof e&&n(e),"object"==typeof e)for(let r=0;r{o()},[JSON.stringify(e),t]),r}let f=a.forwardRef((e,t)=>{let{prefixCls:r,justify:n,align:f,className:g,style:m,children:b,gutter:h=0,wrap:v}=e,x=u(e,["prefixCls","justify","align","className","style","children","gutter","wrap"]),{getPrefixCls:$,direction:y}=a.useContext(l.E_),[w,E]=a.useState({xs:!0,sm:!0,md:!0,lg:!0,xl:!0,xxl:!0}),[S,C]=a.useState({xs:!1,sm:!1,md:!1,lg:!1,xl:!1,xxl:!1}),O=p(f,S),z=p(n,S),R=(0,i.Z)(),j=a.useRef(h),Z=(0,s.Z)();a.useEffect(()=>{let e=Z.subscribe(e=>{C(e);let t=j.current||0;(!Array.isArray(t)&&"object"==typeof t||Array.isArray(t)&&("object"==typeof t[0]||"object"==typeof t[1]))&&E(e)});return()=>Z.unsubscribe(e)},[]);let I=$("row",r),[H,M]=(0,d.V)(I),P=(()=>{let e=[void 0,void 0],t=Array.isArray(h)?h:[h,void 0];return t.forEach((t,r)=>{if("object"==typeof t)for(let n=0;n0?-(P[0]/2):void 0,B=null!=P[1]&&P[1]>0?-(P[1]/2):void 0;A&&(k.marginLeft=A,k.marginRight=A),R?[,k.rowGap]=P:B&&(k.marginTop=B,k.marginBottom=B);let[T,W]=P,L=a.useMemo(()=>({gutter:[T,W],wrap:v,supportFlexGap:R}),[T,W,v,R]);return H(a.createElement(c.Z.Provider,{value:L},a.createElement("div",Object.assign({},x,{className:N,style:Object.assign(Object.assign({},k),m),ref:t}),b)))});t.Z=f},6999:function(e,t,r){r.d(t,{V:function(){return d},c:function(){return u}});var n=r(67968),o=r(45503);let a=e=>{let{componentCls:t}=e;return{[t]:{display:"flex",flexFlow:"row wrap",minWidth:0,"&::before, &::after":{display:"flex"},"&-no-wrap":{flexWrap:"nowrap"},"&-start":{justifyContent:"flex-start"},"&-center":{justifyContent:"center"},"&-end":{justifyContent:"flex-end"},"&-space-between":{justifyContent:"space-between"},"&-space-around":{justifyContent:"space-around"},"&-space-evenly":{justifyContent:"space-evenly"},"&-top":{alignItems:"flex-start"},"&-middle":{alignItems:"center"},"&-bottom":{alignItems:"flex-end"}}}},l=e=>{let{componentCls:t}=e;return{[t]:{position:"relative",maxWidth:"100%",minHeight:1}}},i=(e,t)=>{let{componentCls:r,gridColumns:n}=e,o={};for(let e=n;e>=0;e--)0===e?(o[`${r}${t}-${e}`]={display:"none"},o[`${r}-push-${e}`]={insetInlineStart:"auto"},o[`${r}-pull-${e}`]={insetInlineEnd:"auto"},o[`${r}${t}-push-${e}`]={insetInlineStart:"auto"},o[`${r}${t}-pull-${e}`]={insetInlineEnd:"auto"},o[`${r}${t}-offset-${e}`]={marginInlineStart:0},o[`${r}${t}-order-${e}`]={order:0}):(o[`${r}${t}-${e}`]=[{"--ant-display":"block",display:"block"},{display:"var(--ant-display)",flex:`0 0 ${e/n*100}%`,maxWidth:`${e/n*100}%`}],o[`${r}${t}-push-${e}`]={insetInlineStart:`${e/n*100}%`},o[`${r}${t}-pull-${e}`]={insetInlineEnd:`${e/n*100}%`},o[`${r}${t}-offset-${e}`]={marginInlineStart:`${e/n*100}%`},o[`${r}${t}-order-${e}`]={order:e});return o},s=(e,t)=>i(e,t),c=(e,t,r)=>({[`@media (min-width: ${t}px)`]:Object.assign({},s(e,r))}),d=(0,n.Z)("Grid",e=>[a(e)]),u=(0,n.Z)("Grid",e=>{let t=(0,o.TS)(e,{gridColumns:24}),r={"-sm":t.screenSMMin,"-md":t.screenMDMin,"-lg":t.screenLGMin,"-xl":t.screenXLMin,"-xxl":t.screenXXLMin};return[l(t),s(t,""),s(t,"-xs"),Object.keys(r).map(e=>c(t,r[e],e)).reduce((e,t)=>Object.assign(Object.assign({},e),t),{})]})},59566:function(e,t,r){r.d(t,{default:function(){return er}});var n,o=r(94184),a=r.n(o),l=r(67294),i=r(53124),s=r(65223),c=r(47673),d=r(4340),u=r(67656),p=r(42550),f=r(9708),g=r(98866),m=r(98675),b=r(4173);function h(e,t){let r=(0,l.useRef)([]),n=()=>{r.current.push(setTimeout(()=>{var t,r,n,o;(null===(t=e.current)||void 0===t?void 0:t.input)&&(null===(r=e.current)||void 0===r?void 0:r.input.getAttribute("type"))==="password"&&(null===(n=e.current)||void 0===n?void 0:n.input.hasAttribute("value"))&&(null===(o=e.current)||void 0===o||o.input.removeAttribute("value"))}))};return(0,l.useEffect)(()=>(t&&n(),()=>r.current.forEach(e=>{e&&clearTimeout(e)})),[]),n}var v=function(e,t){var r={};for(var n in e)Object.prototype.hasOwnProperty.call(e,n)&&0>t.indexOf(n)&&(r[n]=e[n]);if(null!=e&&"function"==typeof Object.getOwnPropertySymbols)for(var o=0,n=Object.getOwnPropertySymbols(e);ot.indexOf(n[o])&&Object.prototype.propertyIsEnumerable.call(e,n[o])&&(r[n[o]]=e[n[o]]);return r};let x=(0,l.forwardRef)((e,t)=>{var r;let n;let{prefixCls:o,bordered:x=!0,status:$,size:y,disabled:w,onBlur:E,onFocus:S,suffix:C,allowClear:O,addonAfter:z,addonBefore:R,className:j,style:Z,styles:I,rootClassName:H,onChange:M,classNames:P}=e,N=v(e,["prefixCls","bordered","status","size","disabled","onBlur","onFocus","suffix","allowClear","addonAfter","addonBefore","className","style","styles","rootClassName","onChange","classNames"]),{getPrefixCls:k,direction:A,input:B}=l.useContext(i.E_),T=k("input",o),W=(0,l.useRef)(null),[L,D]=(0,c.ZP)(T),{compactSize:F,compactItemClassnames:V}=(0,b.ri)(T,A),X=(0,m.Z)(e=>{var t;return null!==(t=null!=y?y:F)&&void 0!==t?t:e}),G=l.useContext(g.Z),_=null!=w?w:G,{status:Q,hasFeedback:U,feedbackIcon:J}=(0,l.useContext)(s.aM),q=(0,f.F)(Q,$),K=!!(e.prefix||e.suffix||e.allowClear)||!!U,Y=(0,l.useRef)(K);(0,l.useEffect)(()=>{K&&Y.current,Y.current=K},[K]);let ee=h(W,!0),et=(U||C)&&l.createElement(l.Fragment,null,C,U&&J);return"object"==typeof O&&(null==O?void 0:O.clearIcon)?n=O:O&&(n={clearIcon:l.createElement(d.Z,null)}),L(l.createElement(u.Z,Object.assign({ref:(0,p.sQ)(t,W),prefixCls:T,autoComplete:null==B?void 0:B.autoComplete},N,{disabled:_,onBlur:e=>{ee(),null==E||E(e)},onFocus:e=>{ee(),null==S||S(e)},style:Object.assign(Object.assign({},null==B?void 0:B.style),Z),styles:Object.assign(Object.assign({},null==B?void 0:B.styles),I),suffix:et,allowClear:n,className:a()(j,H,V,null==B?void 0:B.className),onChange:e=>{ee(),null==M||M(e)},addonAfter:z&&l.createElement(b.BR,null,l.createElement(s.Ux,{override:!0,status:!0},z)),addonBefore:R&&l.createElement(b.BR,null,l.createElement(s.Ux,{override:!0,status:!0},R)),classNames:Object.assign(Object.assign(Object.assign({},P),null==B?void 0:B.classNames),{input:a()({[`${T}-sm`]:"small"===X,[`${T}-lg`]:"large"===X,[`${T}-rtl`]:"rtl"===A,[`${T}-borderless`]:!x},!K&&(0,f.Z)(T,q),null==P?void 0:P.input,null===(r=null==B?void 0:B.classNames)||void 0===r?void 0:r.input,D)}),classes:{affixWrapper:a()({[`${T}-affix-wrapper-sm`]:"small"===X,[`${T}-affix-wrapper-lg`]:"large"===X,[`${T}-affix-wrapper-rtl`]:"rtl"===A,[`${T}-affix-wrapper-borderless`]:!x},(0,f.Z)(`${T}-affix-wrapper`,q,U),D),wrapper:a()({[`${T}-group-rtl`]:"rtl"===A},D),group:a()({[`${T}-group-wrapper-sm`]:"small"===X,[`${T}-group-wrapper-lg`]:"large"===X,[`${T}-group-wrapper-rtl`]:"rtl"===A,[`${T}-group-wrapper-disabled`]:_},(0,f.Z)(`${T}-group-wrapper`,q,U),D)}})))});var $=r(87462),y={icon:{tag:"svg",attrs:{viewBox:"64 64 896 896",focusable:"false"},children:[{tag:"path",attrs:{d:"M942.2 486.2Q889.47 375.11 816.7 305l-50.88 50.88C807.31 395.53 843.45 447.4 874.7 512 791.5 684.2 673.4 766 512 766q-72.67 0-133.87-22.38L323 798.75Q408 838 512 838q288.3 0 430.2-300.3a60.29 60.29 0 000-51.5zm-63.57-320.64L836 122.88a8 8 0 00-11.32 0L715.31 232.2Q624.86 186 512 186q-288.3 0-430.2 300.3a60.3 60.3 0 000 51.5q56.69 119.4 136.5 191.41L112.48 835a8 8 0 000 11.31L155.17 889a8 8 0 0011.31 0l712.15-712.12a8 8 0 000-11.32zM149.3 512C232.6 339.8 350.7 258 512 258c54.54 0 104.13 9.36 149.12 28.39l-70.3 70.3a176 176 0 00-238.13 238.13l-83.42 83.42C223.1 637.49 183.3 582.28 149.3 512zm246.7 0a112.11 112.11 0 01146.2-106.69L401.31 546.2A112 112 0 01396 512z"}},{tag:"path",attrs:{d:"M508 624c-3.46 0-6.87-.16-10.25-.47l-52.82 52.82a176.09 176.09 0 00227.42-227.42l-52.82 52.82c.31 3.38.47 6.79.47 10.25a111.94 111.94 0 01-112 112z"}}]},name:"eye-invisible",theme:"outlined"},w=r(84089),E=l.forwardRef(function(e,t){return l.createElement(w.Z,(0,$.Z)({},e,{ref:t,icon:y}))}),S=r(99611),C=r(98423),O=function(e,t){var r={};for(var n in e)Object.prototype.hasOwnProperty.call(e,n)&&0>t.indexOf(n)&&(r[n]=e[n]);if(null!=e&&"function"==typeof Object.getOwnPropertySymbols)for(var o=0,n=Object.getOwnPropertySymbols(e);ot.indexOf(n[o])&&Object.prototype.propertyIsEnumerable.call(e,n[o])&&(r[n[o]]=e[n[o]]);return r};let z=e=>e?l.createElement(S.Z,null):l.createElement(E,null),R={click:"onClick",hover:"onMouseOver"},j=l.forwardRef((e,t)=>{let{visibilityToggle:r=!0}=e,n="object"==typeof r&&void 0!==r.visible,[o,s]=(0,l.useState)(()=>!!n&&r.visible),c=(0,l.useRef)(null);l.useEffect(()=>{n&&s(r.visible)},[n,r]);let d=h(c),u=()=>{let{disabled:t}=e;t||(o&&d(),s(e=>{var t;let n=!e;return"object"==typeof r&&(null===(t=r.onVisibleChange)||void 0===t||t.call(r,n)),n}))},{className:f,prefixCls:g,inputPrefixCls:m,size:b}=e,v=O(e,["className","prefixCls","inputPrefixCls","size"]),{getPrefixCls:$}=l.useContext(i.E_),y=$("input",m),w=$("input-password",g),E=r&&(t=>{let{action:r="click",iconRender:n=z}=e,a=R[r]||"",i=n(o),s={[a]:u,className:`${t}-icon`,key:"passwordIcon",onMouseDown:e=>{e.preventDefault()},onMouseUp:e=>{e.preventDefault()}};return l.cloneElement(l.isValidElement(i)?i:l.createElement("span",null,i),s)})(w),S=a()(w,f,{[`${w}-${b}`]:!!b}),j=Object.assign(Object.assign({},(0,C.Z)(v,["suffix","iconRender","visibilityToggle"])),{type:o?"text":"password",className:S,prefixCls:y,suffix:E});return b&&(j.size=b),l.createElement(x,Object.assign({ref:(0,p.sQ)(t,c)},j))});var Z=r(68795),I=r(96159),H=r(71577),M=function(e,t){var r={};for(var n in e)Object.prototype.hasOwnProperty.call(e,n)&&0>t.indexOf(n)&&(r[n]=e[n]);if(null!=e&&"function"==typeof Object.getOwnPropertySymbols)for(var o=0,n=Object.getOwnPropertySymbols(e);ot.indexOf(n[o])&&Object.prototype.propertyIsEnumerable.call(e,n[o])&&(r[n[o]]=e[n[o]]);return r};let P=l.forwardRef((e,t)=>{let r;let{prefixCls:n,inputPrefixCls:o,className:s,size:c,suffix:d,enterButton:u=!1,addonAfter:f,loading:g,disabled:h,onSearch:v,onChange:$,onCompositionStart:y,onCompositionEnd:w}=e,E=M(e,["prefixCls","inputPrefixCls","className","size","suffix","enterButton","addonAfter","loading","disabled","onSearch","onChange","onCompositionStart","onCompositionEnd"]),{getPrefixCls:S,direction:C}=l.useContext(i.E_),O=l.useRef(!1),z=S("input-search",n),R=S("input",o),{compactSize:j}=(0,b.ri)(z,C),P=(0,m.Z)(e=>{var t;return null!==(t=null!=c?c:j)&&void 0!==t?t:e}),N=l.useRef(null),k=e=>{var t;document.activeElement===(null===(t=N.current)||void 0===t?void 0:t.input)&&e.preventDefault()},A=e=>{var t,r;v&&v(null===(r=null===(t=N.current)||void 0===t?void 0:t.input)||void 0===r?void 0:r.value,e)},B="boolean"==typeof u?l.createElement(Z.Z,null):null,T=`${z}-button`,W=u||{},L=W.type&&!0===W.type.__ANT_BUTTON;r=L||"button"===W.type?(0,I.Tm)(W,Object.assign({onMouseDown:k,onClick:e=>{var t,r;null===(r=null===(t=null==W?void 0:W.props)||void 0===t?void 0:t.onClick)||void 0===r||r.call(t,e),A(e)},key:"enterButton"},L?{className:T,size:P}:{})):l.createElement(H.ZP,{className:T,type:u?"primary":void 0,size:P,disabled:h,key:"enterButton",onMouseDown:k,onClick:A,loading:g,icon:B},u),f&&(r=[r,(0,I.Tm)(f,{key:"addonAfter"})]);let D=a()(z,{[`${z}-rtl`]:"rtl"===C,[`${z}-${P}`]:!!P,[`${z}-with-button`]:!!u},s);return l.createElement(x,Object.assign({ref:(0,p.sQ)(N,t),onPressEnter:e=>{O.current||g||A(e)}},E,{size:P,onCompositionStart:e=>{O.current=!0,null==y||y(e)},onCompositionEnd:e=>{O.current=!1,null==w||w(e)},prefixCls:R,addonAfter:r,suffix:d,onChange:e=>{e&&e.target&&"click"===e.type&&v&&v(e.target.value,e),$&&$(e)},className:D,disabled:h}))});var N=r(1413),k=r(4942),A=r(71002),B=r(97685),T=r(45987),W=r(74902),L=r(87887),D=r(21770),F=r(9220),V=r(8410),X=r(75164),G=["letter-spacing","line-height","padding-top","padding-bottom","font-family","font-weight","font-size","font-variant","text-rendering","text-transform","width","text-indent","padding-left","padding-right","border-width","box-sizing","word-break","white-space"],_={},Q=["prefixCls","onPressEnter","defaultValue","value","autoSize","onResize","className","style","disabled","onChange","onInternalAutoSize"],U=l.forwardRef(function(e,t){var r=e.prefixCls,o=(e.onPressEnter,e.defaultValue),i=e.value,s=e.autoSize,c=e.onResize,d=e.className,u=e.style,p=e.disabled,f=e.onChange,g=(e.onInternalAutoSize,(0,T.Z)(e,Q)),m=(0,D.Z)(o,{value:i,postState:function(e){return null!=e?e:""}}),b=(0,B.Z)(m,2),h=b[0],v=b[1],x=l.useRef();l.useImperativeHandle(t,function(){return{textArea:x.current}});var y=l.useMemo(function(){return s&&"object"===(0,A.Z)(s)?[s.minRows,s.maxRows]:[]},[s]),w=(0,B.Z)(y,2),E=w[0],S=w[1],C=!!s,O=function(){try{if(document.activeElement===x.current){var e=x.current,t=e.selectionStart,r=e.selectionEnd,n=e.scrollTop;x.current.setSelectionRange(t,r),x.current.scrollTop=n}}catch(e){}},z=l.useState(2),R=(0,B.Z)(z,2),j=R[0],Z=R[1],I=l.useState(),H=(0,B.Z)(I,2),M=H[0],P=H[1],W=function(){Z(0)};(0,V.Z)(function(){C&&W()},[i,E,S,C]),(0,V.Z)(function(){if(0===j)Z(1);else if(1===j){var e=function(e){var t,r=arguments.length>1&&void 0!==arguments[1]&&arguments[1],o=arguments.length>2&&void 0!==arguments[2]?arguments[2]:null,a=arguments.length>3&&void 0!==arguments[3]?arguments[3]:null;n||((n=document.createElement("textarea")).setAttribute("tab-index","-1"),n.setAttribute("aria-hidden","true"),document.body.appendChild(n)),e.getAttribute("wrap")?n.setAttribute("wrap",e.getAttribute("wrap")):n.removeAttribute("wrap");var l=function(e){var t=arguments.length>1&&void 0!==arguments[1]&&arguments[1],r=e.getAttribute("id")||e.getAttribute("data-reactid")||e.getAttribute("name");if(t&&_[r])return _[r];var n=window.getComputedStyle(e),o=n.getPropertyValue("box-sizing")||n.getPropertyValue("-moz-box-sizing")||n.getPropertyValue("-webkit-box-sizing"),a=parseFloat(n.getPropertyValue("padding-bottom"))+parseFloat(n.getPropertyValue("padding-top")),l=parseFloat(n.getPropertyValue("border-bottom-width"))+parseFloat(n.getPropertyValue("border-top-width")),i={sizingStyle:G.map(function(e){return"".concat(e,":").concat(n.getPropertyValue(e))}).join(";"),paddingSize:a,borderSize:l,boxSizing:o};return t&&r&&(_[r]=i),i}(e,r),i=l.paddingSize,s=l.borderSize,c=l.boxSizing,d=l.sizingStyle;n.setAttribute("style","".concat(d,";").concat("\n min-height:0 !important;\n max-height:none !important;\n height:0 !important;\n visibility:hidden !important;\n overflow:hidden !important;\n position:absolute !important;\n z-index:-1000 !important;\n top:0 !important;\n right:0 !important;\n pointer-events: none !important;\n")),n.value=e.value||e.placeholder||"";var u=void 0,p=void 0,f=n.scrollHeight;if("border-box"===c?f+=s:"content-box"===c&&(f-=i),null!==o||null!==a){n.value=" ";var g=n.scrollHeight-i;null!==o&&(u=g*o,"border-box"===c&&(u=u+i+s),f=Math.max(u,f)),null!==a&&(p=g*a,"border-box"===c&&(p=p+i+s),t=f>p?"":"hidden",f=Math.min(p,f))}var m={height:f,overflowY:t,resize:"none"};return u&&(m.minHeight=u),p&&(m.maxHeight=p),m}(x.current,!1,E,S);Z(2),P(e)}else O()},[j]);var L=l.useRef(),U=function(){X.Z.cancel(L.current)};l.useEffect(function(){return U},[]);var J=C?M:null,q=(0,N.Z)((0,N.Z)({},u),J);return(0===j||1===j)&&(q.overflowY="hidden",q.overflowX="hidden"),l.createElement(F.Z,{onResize:function(e){2===j&&(null==c||c(e),s&&(U(),L.current=(0,X.Z)(function(){W()})))},disabled:!(s||c)},l.createElement("textarea",(0,$.Z)({},g,{ref:x,style:q,className:a()(r,d,(0,k.Z)({},"".concat(r,"-disabled"),p)),disabled:p,value:h,onChange:function(e){v(e.target.value),null==f||f(e)}})))}),J=["defaultValue","value","onFocus","onBlur","onChange","allowClear","maxLength","onCompositionStart","onCompositionEnd","suffix","prefixCls","classes","showCount","className","style","disabled","hidden","classNames","styles","onResize"];function q(e,t){return(0,W.Z)(e||"").slice(0,t).join("")}function K(e,t,r,n){var o=r;return e?o=q(r,n):(0,W.Z)(t||"").lengthn&&(o=t),o}var Y=l.forwardRef(function(e,t){var r,n,o=e.defaultValue,i=e.value,s=e.onFocus,c=e.onBlur,d=e.onChange,p=e.allowClear,f=e.maxLength,g=e.onCompositionStart,m=e.onCompositionEnd,b=e.suffix,h=e.prefixCls,v=void 0===h?"rc-textarea":h,x=e.classes,y=e.showCount,w=e.className,E=e.style,S=e.disabled,C=e.hidden,O=e.classNames,z=e.styles,R=e.onResize,j=(0,T.Z)(e,J),Z=(0,D.Z)(o,{value:i,defaultValue:o}),I=(0,B.Z)(Z,2),H=I[0],M=I[1],P=(0,l.useRef)(null),F=l.useState(!1),V=(0,B.Z)(F,2),X=V[0],G=V[1],_=l.useState(!1),Q=(0,B.Z)(_,2),Y=Q[0],ee=Q[1],et=l.useRef(),er=l.useRef(0),en=l.useState(null),eo=(0,B.Z)(en,2),ea=eo[0],el=eo[1],ei=function(){var e;null===(e=P.current)||void 0===e||e.textArea.focus()};(0,l.useImperativeHandle)(t,function(){return{resizableTextArea:P.current,focus:ei,blur:function(){var e;null===(e=P.current)||void 0===e||e.textArea.blur()}}}),(0,l.useEffect)(function(){G(function(e){return!S&&e})},[S]);var es=Number(f)>0,ec=(0,L.D7)(H);!Y&&es&&null==i&&(ec=q(ec,f));var ed=b;if(y){var eu=(0,W.Z)(ec).length;n="object"===(0,A.Z)(y)?y.formatter({value:ec,count:eu,maxLength:f}):"".concat(eu).concat(es?" / ".concat(f):""),ed=l.createElement(l.Fragment,null,ed,l.createElement("span",{className:a()("".concat(v,"-data-count"),null==O?void 0:O.count),style:null==z?void 0:z.count},n))}var ep=!j.autoSize&&!y&&!p;return l.createElement(u.Q,{value:ec,allowClear:p,handleReset:function(e){var t;M(""),ei(),(0,L.rJ)(null===(t=P.current)||void 0===t?void 0:t.textArea,e,d)},suffix:ed,prefixCls:v,classes:{affixWrapper:a()(null==x?void 0:x.affixWrapper,(r={},(0,k.Z)(r,"".concat(v,"-show-count"),y),(0,k.Z)(r,"".concat(v,"-textarea-allow-clear"),p),r))},disabled:S,focused:X,className:w,style:(0,N.Z)((0,N.Z)({},E),ea&&!ep?{height:"auto"}:{}),dataAttrs:{affixWrapper:{"data-count":"string"==typeof n?n:void 0}},hidden:C,inputElement:l.createElement(U,(0,$.Z)({},j,{onKeyDown:function(e){var t=j.onPressEnter,r=j.onKeyDown;"Enter"===e.key&&t&&t(e),null==r||r(e)},onChange:function(e){var t=e.target.value;!Y&&es&&(t=K(e.target.selectionStart>=f+1||e.target.selectionStart===t.length||!e.target.selectionStart,H,t,f)),M(t),(0,L.rJ)(e.currentTarget,e,d,t)},onFocus:function(e){G(!0),null==s||s(e)},onBlur:function(e){G(!1),null==c||c(e)},onCompositionStart:function(e){ee(!0),et.current=H,er.current=e.currentTarget.selectionStart,null==g||g(e)},onCompositionEnd:function(e){ee(!1);var t,r=e.currentTarget.value;es&&(r=K(er.current>=f+1||er.current===(null===(t=et.current)||void 0===t?void 0:t.length),et.current,r,f)),r!==H&&(M(r),(0,L.rJ)(e.currentTarget,e,d,r)),null==m||m(e)},className:null==O?void 0:O.textarea,style:(0,N.Z)((0,N.Z)({},null==z?void 0:z.textarea),{},{resize:null==E?void 0:E.resize}),disabled:S,prefixCls:v,onResize:function(e){var t;null==R||R(e),null!==(t=P.current)&&void 0!==t&&t.textArea.style.height&&el(!0)},ref:P}))})}),ee=function(e,t){var r={};for(var n in e)Object.prototype.hasOwnProperty.call(e,n)&&0>t.indexOf(n)&&(r[n]=e[n]);if(null!=e&&"function"==typeof Object.getOwnPropertySymbols)for(var o=0,n=Object.getOwnPropertySymbols(e);ot.indexOf(n[o])&&Object.prototype.propertyIsEnumerable.call(e,n[o])&&(r[n[o]]=e[n[o]]);return r};let et=(0,l.forwardRef)((e,t)=>{let r;let{prefixCls:n,bordered:o=!0,size:u,disabled:p,status:b,allowClear:h,showCount:v,classNames:x}=e,$=ee(e,["prefixCls","bordered","size","disabled","status","allowClear","showCount","classNames"]),{getPrefixCls:y,direction:w}=l.useContext(i.E_),E=(0,m.Z)(u),S=l.useContext(g.Z),{status:C,hasFeedback:O,feedbackIcon:z}=l.useContext(s.aM),R=(0,f.F)(C,b),j=l.useRef(null);l.useImperativeHandle(t,()=>{var e;return{resizableTextArea:null===(e=j.current)||void 0===e?void 0:e.resizableTextArea,focus:e=>{var t,r;!function(e,t){if(!e)return;e.focus(t);let{cursor:r}=t||{};if(r){let t=e.value.length;switch(r){case"start":e.setSelectionRange(0,0);break;case"end":e.setSelectionRange(t,t);break;default:e.setSelectionRange(0,t)}}}(null===(r=null===(t=j.current)||void 0===t?void 0:t.resizableTextArea)||void 0===r?void 0:r.textArea,e)},blur:()=>{var e;return null===(e=j.current)||void 0===e?void 0:e.blur()}}});let Z=y("input",n);"object"==typeof h&&(null==h?void 0:h.clearIcon)?r=h:h&&(r={clearIcon:l.createElement(d.Z,null)});let[I,H]=(0,c.ZP)(Z);return I(l.createElement(Y,Object.assign({},$,{disabled:null!=p?p:S,allowClear:r,classes:{affixWrapper:a()(`${Z}-textarea-affix-wrapper`,{[`${Z}-affix-wrapper-rtl`]:"rtl"===w,[`${Z}-affix-wrapper-borderless`]:!o,[`${Z}-affix-wrapper-sm`]:"small"===E,[`${Z}-affix-wrapper-lg`]:"large"===E,[`${Z}-textarea-show-count`]:v},(0,f.Z)(`${Z}-affix-wrapper`,R),H)},classNames:Object.assign(Object.assign({},x),{textarea:a()({[`${Z}-borderless`]:!o,[`${Z}-sm`]:"small"===E,[`${Z}-lg`]:"large"===E},(0,f.Z)(Z,R),H,null==x?void 0:x.textarea)}),prefixCls:Z,suffix:O&&l.createElement("span",{className:`${Z}-textarea-suffix`},z),showCount:v,ref:j})))});x.Group=e=>{let{getPrefixCls:t,direction:r}=(0,l.useContext)(i.E_),{prefixCls:n,className:o}=e,d=t("input-group",n),u=t("input"),[p,f]=(0,c.ZP)(u),g=a()(d,{[`${d}-lg`]:"large"===e.size,[`${d}-sm`]:"small"===e.size,[`${d}-compact`]:e.compact,[`${d}-rtl`]:"rtl"===r},f,o),m=(0,l.useContext)(s.aM),b=(0,l.useMemo)(()=>Object.assign(Object.assign({},m),{isFormItemInput:!1}),[m]);return p(l.createElement("span",{className:g,style:e.style,onMouseEnter:e.onMouseEnter,onMouseLeave:e.onMouseLeave,onFocus:e.onFocus,onBlur:e.onBlur},l.createElement(s.aM.Provider,{value:b},e.children)))},x.Search=P,x.TextArea=et,x.Password=j;var er=x},47673:function(e,t,r){r.d(t,{M1:function(){return c},Xy:function(){return d},bi:function(){return f},e5:function(){return y},ik:function(){return g},nz:function(){return i},pU:function(){return s},s7:function(){return m},x0:function(){return p}});var n=r(14747),o=r(80110),a=r(45503),l=r(67968);let i=e=>({"&::-moz-placeholder":{opacity:1},"&::placeholder":{color:e,userSelect:"none"},"&:placeholder-shown":{textOverflow:"ellipsis"}}),s=e=>({borderColor:e.inputBorderHoverColor,borderInlineEndWidth:e.lineWidth}),c=e=>({borderColor:e.inputBorderHoverColor,boxShadow:`0 0 0 ${e.controlOutlineWidth}px ${e.controlOutline}`,borderInlineEndWidth:e.lineWidth,outline:0}),d=e=>({color:e.colorTextDisabled,backgroundColor:e.colorBgContainerDisabled,borderColor:e.colorBorder,boxShadow:"none",cursor:"not-allowed",opacity:1,"&:hover":Object.assign({},s((0,a.TS)(e,{inputBorderHoverColor:e.colorBorder})))}),u=e=>{let{inputPaddingVerticalLG:t,fontSizeLG:r,lineHeightLG:n,borderRadiusLG:o,inputPaddingHorizontalLG:a}=e;return{padding:`${t}px ${a}px`,fontSize:r,lineHeight:n,borderRadius:o}},p=e=>({padding:`${e.inputPaddingVerticalSM}px ${e.controlPaddingHorizontalSM-1}px`,borderRadius:e.borderRadiusSM}),f=(e,t)=>{let{componentCls:r,colorError:n,colorWarning:o,colorErrorOutline:l,colorWarningOutline:i,colorErrorBorderHover:s,colorWarningBorderHover:d}=e;return{[`&-status-error:not(${t}-disabled):not(${t}-borderless)${t}`]:{borderColor:n,"&:hover":{borderColor:s},"&:focus, &-focused":Object.assign({},c((0,a.TS)(e,{inputBorderActiveColor:n,inputBorderHoverColor:n,controlOutline:l}))),[`${r}-prefix, ${r}-suffix`]:{color:n}},[`&-status-warning:not(${t}-disabled):not(${t}-borderless)${t}`]:{borderColor:o,"&:hover":{borderColor:d},"&:focus, &-focused":Object.assign({},c((0,a.TS)(e,{inputBorderActiveColor:o,inputBorderHoverColor:o,controlOutline:i}))),[`${r}-prefix, ${r}-suffix`]:{color:o}}}},g=e=>Object.assign(Object.assign({position:"relative",display:"inline-block",width:"100%",minWidth:0,padding:`${e.inputPaddingVertical}px ${e.inputPaddingHorizontal}px`,color:e.colorText,fontSize:e.fontSize,lineHeight:e.lineHeight,backgroundColor:e.colorBgContainer,backgroundImage:"none",borderWidth:e.lineWidth,borderStyle:e.lineType,borderColor:e.colorBorder,borderRadius:e.borderRadius,transition:`all ${e.motionDurationMid}`},i(e.colorTextPlaceholder)),{"&:hover":Object.assign({},s(e)),"&:focus, &-focused":Object.assign({},c(e)),"&-disabled, &[disabled]":Object.assign({},d(e)),"&-borderless":{"&, &:hover, &:focus, &-focused, &-disabled, &[disabled]":{backgroundColor:"transparent",border:"none",boxShadow:"none"}},"textarea&":{maxWidth:"100%",height:"auto",minHeight:e.controlHeight,lineHeight:e.lineHeight,verticalAlign:"bottom",transition:`all ${e.motionDurationSlow}, height 0s`,resize:"vertical"},"&-lg":Object.assign({},u(e)),"&-sm":Object.assign({},p(e)),"&-rtl":{direction:"rtl"},"&-textarea-rtl":{direction:"rtl"}}),m=e=>{let{componentCls:t,antCls:r}=e;return{position:"relative",display:"table",width:"100%",borderCollapse:"separate",borderSpacing:0,"&[class*='col-']":{paddingInlineEnd:e.paddingXS,"&:last-child":{paddingInlineEnd:0}},[`&-lg ${t}, &-lg > ${t}-group-addon`]:Object.assign({},u(e)),[`&-sm ${t}, &-sm > ${t}-group-addon`]:Object.assign({},p(e)),[`&-lg ${r}-select-single ${r}-select-selector`]:{height:e.controlHeightLG},[`&-sm ${r}-select-single ${r}-select-selector`]:{height:e.controlHeightSM},[`> ${t}`]:{display:"table-cell","&:not(:first-child):not(:last-child)":{borderRadius:0}},[`${t}-group`]:{"&-addon, &-wrap":{display:"table-cell",width:1,whiteSpace:"nowrap",verticalAlign:"middle","&:not(:first-child):not(:last-child)":{borderRadius:0}},"&-wrap > *":{display:"block !important"},"&-addon":{position:"relative",padding:`0 ${e.inputPaddingHorizontal}px`,color:e.colorText,fontWeight:"normal",fontSize:e.fontSize,textAlign:"center",backgroundColor:e.colorFillAlter,border:`${e.lineWidth}px ${e.lineType} ${e.colorBorder}`,borderRadius:e.borderRadius,transition:`all ${e.motionDurationSlow}`,lineHeight:1,[`${r}-select`]:{margin:`-${e.inputPaddingVertical+1}px -${e.inputPaddingHorizontal}px`,[`&${r}-select-single:not(${r}-select-customize-input)`]:{[`${r}-select-selector`]:{backgroundColor:"inherit",border:`${e.lineWidth}px ${e.lineType} transparent`,boxShadow:"none"}},"&-open, &-focused":{[`${r}-select-selector`]:{color:e.colorPrimary}}},[`${r}-cascader-picker`]:{margin:`-9px -${e.inputPaddingHorizontal}px`,backgroundColor:"transparent",[`${r}-cascader-input`]:{textAlign:"start",border:0,boxShadow:"none"}}},"&-addon:first-child":{borderInlineEnd:0},"&-addon:last-child":{borderInlineStart:0}},[`${t}`]:{width:"100%",marginBottom:0,textAlign:"inherit","&:focus":{zIndex:1,borderInlineEndWidth:1},"&:hover":{zIndex:1,borderInlineEndWidth:1,[`${t}-search-with-button &`]:{zIndex:0}}},[`> ${t}:first-child, ${t}-group-addon:first-child`]:{borderStartEndRadius:0,borderEndEndRadius:0,[`${r}-select ${r}-select-selector`]:{borderStartEndRadius:0,borderEndEndRadius:0}},[`> ${t}-affix-wrapper`]:{[`&:not(:first-child) ${t}`]:{borderStartStartRadius:0,borderEndStartRadius:0},[`&:not(:last-child) ${t}`]:{borderStartEndRadius:0,borderEndEndRadius:0}},[`> ${t}:last-child, ${t}-group-addon:last-child`]:{borderStartStartRadius:0,borderEndStartRadius:0,[`${r}-select ${r}-select-selector`]:{borderStartStartRadius:0,borderEndStartRadius:0}},[`${t}-affix-wrapper`]:{"&:not(:last-child)":{borderStartEndRadius:0,borderEndEndRadius:0,[`${t}-search &`]:{borderStartStartRadius:e.borderRadius,borderEndStartRadius:e.borderRadius}},[`&:not(:first-child), ${t}-search &:not(:first-child)`]:{borderStartStartRadius:0,borderEndStartRadius:0}},[`&${t}-group-compact`]:Object.assign(Object.assign({display:"block"},(0,n.dF)()),{[`${t}-group-addon, ${t}-group-wrap, > ${t}`]:{"&:not(:first-child):not(:last-child)":{borderInlineEndWidth:e.lineWidth,"&:hover":{zIndex:1},"&:focus":{zIndex:1}}},"& > *":{display:"inline-block",float:"none",verticalAlign:"top",borderRadius:0},[` + & > ${t}-affix-wrapper, + & > ${t}-number-affix-wrapper, + & > ${r}-picker-range + `]:{display:"inline-flex"},"& > *:not(:last-child)":{marginInlineEnd:-e.lineWidth,borderInlineEndWidth:e.lineWidth},[`${t}`]:{float:"none"},[`& > ${r}-select > ${r}-select-selector, + & > ${r}-select-auto-complete ${t}, + & > ${r}-cascader-picker ${t}, + & > ${t}-group-wrapper ${t}`]:{borderInlineEndWidth:e.lineWidth,borderRadius:0,"&:hover":{zIndex:1},"&:focus":{zIndex:1}},[`& > ${r}-select-focused`]:{zIndex:1},[`& > ${r}-select > ${r}-select-arrow`]:{zIndex:1},[`& > *:first-child, + & > ${r}-select:first-child > ${r}-select-selector, + & > ${r}-select-auto-complete:first-child ${t}, + & > ${r}-cascader-picker:first-child ${t}`]:{borderStartStartRadius:e.borderRadius,borderEndStartRadius:e.borderRadius},[`& > *:last-child, + & > ${r}-select:last-child > ${r}-select-selector, + & > ${r}-cascader-picker:last-child ${t}, + & > ${r}-cascader-picker-focused:last-child ${t}`]:{borderInlineEndWidth:e.lineWidth,borderStartEndRadius:e.borderRadius,borderEndEndRadius:e.borderRadius},[`& > ${r}-select-auto-complete ${t}`]:{verticalAlign:"top"},[`${t}-group-wrapper + ${t}-group-wrapper`]:{marginInlineStart:-e.lineWidth,[`${t}-affix-wrapper`]:{borderRadius:0}},[`${t}-group-wrapper:not(:last-child)`]:{[`&${t}-search > ${t}-group`]:{[`& > ${t}-group-addon > ${t}-search-button`]:{borderRadius:0},[`& > ${t}`]:{borderStartStartRadius:e.borderRadius,borderStartEndRadius:0,borderEndEndRadius:0,borderEndStartRadius:e.borderRadius}}}})}},b=e=>{let{componentCls:t,controlHeightSM:r,lineWidth:o}=e,a=(r-2*o-16)/2;return{[t]:Object.assign(Object.assign(Object.assign(Object.assign({},(0,n.Wf)(e)),g(e)),f(e,t)),{'&[type="color"]':{height:e.controlHeight,[`&${t}-lg`]:{height:e.controlHeightLG},[`&${t}-sm`]:{height:r,paddingTop:a,paddingBottom:a}},'&[type="search"]::-webkit-search-cancel-button, &[type="search"]::-webkit-search-decoration':{"-webkit-appearance":"none"}})}},h=e=>{let{componentCls:t}=e;return{[`${t}-clear-icon`]:{margin:0,color:e.colorTextQuaternary,fontSize:e.fontSizeIcon,verticalAlign:-1,cursor:"pointer",transition:`color ${e.motionDurationSlow}`,"&:hover":{color:e.colorTextTertiary},"&:active":{color:e.colorText},"&-hidden":{visibility:"hidden"},"&-has-suffix":{margin:`0 ${e.inputAffixPadding}px`}}}},v=e=>{let{componentCls:t,inputAffixPadding:r,colorTextDescription:n,motionDurationSlow:o,colorIcon:a,colorIconHover:l,iconCls:i}=e;return{[`${t}-affix-wrapper`]:Object.assign(Object.assign(Object.assign(Object.assign(Object.assign({},g(e)),{display:"inline-flex",[`&:not(${t}-affix-wrapper-disabled):hover`]:Object.assign(Object.assign({},s(e)),{zIndex:1,[`${t}-search-with-button &`]:{zIndex:0}}),"&-focused, &:focus":{zIndex:1},"&-disabled":{[`${t}[disabled]`]:{background:"transparent"}},[`> input${t}`]:{padding:0,fontSize:"inherit",border:"none",borderRadius:0,outline:"none","&::-ms-reveal":{display:"none"},"&:focus":{boxShadow:"none !important"}},"&::before":{display:"inline-block",width:0,visibility:"hidden",content:'"\\a0"'},[`${t}`]:{"&-prefix, &-suffix":{display:"flex",flex:"none",alignItems:"center","> *:not(:last-child)":{marginInlineEnd:e.paddingXS}},"&-show-count-suffix":{color:n},"&-show-count-has-suffix":{marginInlineEnd:e.paddingXXS},"&-prefix":{marginInlineEnd:r},"&-suffix":{marginInlineStart:r}}}),h(e)),{[`${i}${t}-password-icon`]:{color:a,cursor:"pointer",transition:`all ${o}`,"&:hover":{color:l}}}),f(e,`${t}-affix-wrapper`))}},x=e=>{let{componentCls:t,colorError:r,colorWarning:o,borderRadiusLG:a,borderRadiusSM:l}=e;return{[`${t}-group`]:Object.assign(Object.assign(Object.assign({},(0,n.Wf)(e)),m(e)),{"&-rtl":{direction:"rtl"},"&-wrapper":{display:"inline-block",width:"100%",textAlign:"start",verticalAlign:"top","&-rtl":{direction:"rtl"},"&-lg":{[`${t}-group-addon`]:{borderRadius:a,fontSize:e.fontSizeLG}},"&-sm":{[`${t}-group-addon`]:{borderRadius:l}},"&-status-error":{[`${t}-group-addon`]:{color:r,borderColor:r}},"&-status-warning":{[`${t}-group-addon`]:{color:o,borderColor:o}},"&-disabled":{[`${t}-group-addon`]:Object.assign({},d(e))},[`&:not(${t}-compact-first-item):not(${t}-compact-last-item)${t}-compact-item`]:{[`${t}, ${t}-group-addon`]:{borderRadius:0}},[`&:not(${t}-compact-last-item)${t}-compact-first-item`]:{[`${t}, ${t}-group-addon`]:{borderStartEndRadius:0,borderEndEndRadius:0}},[`&:not(${t}-compact-first-item)${t}-compact-last-item`]:{[`${t}, ${t}-group-addon`]:{borderStartStartRadius:0,borderEndStartRadius:0}}}})}},$=e=>{let{componentCls:t,antCls:r}=e,n=`${t}-search`;return{[n]:{[`${t}`]:{"&:hover, &:focus":{borderColor:e.colorPrimaryHover,[`+ ${t}-group-addon ${n}-button:not(${r}-btn-primary)`]:{borderInlineStartColor:e.colorPrimaryHover}}},[`${t}-affix-wrapper`]:{borderRadius:0},[`${t}-lg`]:{lineHeight:e.lineHeightLG-2e-4},[`> ${t}-group`]:{[`> ${t}-group-addon:last-child`]:{insetInlineStart:-1,padding:0,border:0,[`${n}-button`]:{paddingTop:0,paddingBottom:0,borderStartStartRadius:0,borderStartEndRadius:e.borderRadius,borderEndEndRadius:e.borderRadius,borderEndStartRadius:0},[`${n}-button:not(${r}-btn-primary)`]:{color:e.colorTextDescription,"&:hover":{color:e.colorPrimaryHover},"&:active":{color:e.colorPrimaryActive},[`&${r}-btn-loading::before`]:{insetInlineStart:0,insetInlineEnd:0,insetBlockStart:0,insetBlockEnd:0}}}},[`${n}-button`]:{height:e.controlHeight,"&:hover, &:focus":{zIndex:1}},[`&-large ${n}-button`]:{height:e.controlHeightLG},[`&-small ${n}-button`]:{height:e.controlHeightSM},"&-rtl":{direction:"rtl"},[`&${t}-compact-item`]:{[`&:not(${t}-compact-last-item)`]:{[`${t}-group-addon`]:{[`${t}-search-button`]:{marginInlineEnd:-e.lineWidth,borderRadius:0}}},[`&:not(${t}-compact-first-item)`]:{[`${t},${t}-affix-wrapper`]:{borderRadius:0}},[`> ${t}-group-addon ${t}-search-button, + > ${t}, + ${t}-affix-wrapper`]:{"&:hover,&:focus,&:active":{zIndex:2}},[`> ${t}-affix-wrapper-focused`]:{zIndex:2}}}}};function y(e){return(0,a.TS)(e,{inputAffixPadding:e.paddingXXS,inputPaddingVertical:Math.max(Math.round((e.controlHeight-e.fontSize*e.lineHeight)/2*10)/10-e.lineWidth,3),inputPaddingVerticalLG:Math.ceil((e.controlHeightLG-e.fontSizeLG*e.lineHeightLG)/2*10)/10-e.lineWidth,inputPaddingVerticalSM:Math.max(Math.round((e.controlHeightSM-e.fontSize*e.lineHeight)/2*10)/10-e.lineWidth,0),inputPaddingHorizontal:e.paddingSM-e.lineWidth,inputPaddingHorizontalSM:e.paddingXS-e.lineWidth,inputPaddingHorizontalLG:e.controlPaddingHorizontal-e.lineWidth,inputBorderHoverColor:e.colorPrimaryHover,inputBorderActiveColor:e.colorPrimaryHover})}let w=e=>{let{componentCls:t,paddingLG:r}=e,n=`${t}-textarea`;return{[n]:{position:"relative","&-show-count":{[`> ${t}`]:{height:"100%"},[`${t}-data-count`]:{position:"absolute",bottom:-e.fontSize*e.lineHeight,insetInlineEnd:0,color:e.colorTextDescription,whiteSpace:"nowrap",pointerEvents:"none"}},"&-allow-clear":{[`> ${t}`]:{paddingInlineEnd:r}},[`&-affix-wrapper${n}-has-feedback`]:{[`${t}`]:{paddingInlineEnd:r}},[`&-affix-wrapper${t}-affix-wrapper`]:{padding:0,[`> textarea${t}`]:{fontSize:"inherit",border:"none",outline:"none","&:focus":{boxShadow:"none !important"}},[`${t}-suffix`]:{margin:0,"> *:not(:last-child)":{marginInline:0},[`${t}-clear-icon`]:{position:"absolute",insetInlineEnd:e.paddingXS,insetBlockStart:e.paddingXS},[`${n}-suffix`]:{position:"absolute",top:0,insetInlineEnd:e.inputPaddingHorizontal,bottom:0,zIndex:1,display:"inline-flex",alignItems:"center",margin:"auto",pointerEvents:"none"}}}}}};t.ZP=(0,l.Z)("Input",e=>{let t=y(e);return[b(t),w(t),v(t),x(t),$(t),(0,o.c)(t)]})},67656:function(e,t,r){r.d(t,{Q:function(){return u},Z:function(){return v}});var n=r(87462),o=r(1413),a=r(4942),l=r(71002),i=r(94184),s=r.n(i),c=r(67294),d=r(87887),u=function(e){var t=e.inputElement,r=e.prefixCls,i=e.prefix,u=e.suffix,p=e.addonBefore,f=e.addonAfter,g=e.className,m=e.style,b=e.disabled,h=e.readOnly,v=e.focused,x=e.triggerFocus,$=e.allowClear,y=e.value,w=e.handleReset,E=e.hidden,S=e.classes,C=e.classNames,O=e.dataAttrs,z=e.styles,R=e.components,j=(null==R?void 0:R.affixWrapper)||"span",Z=(null==R?void 0:R.groupWrapper)||"span",I=(null==R?void 0:R.wrapper)||"span",H=(null==R?void 0:R.groupAddon)||"span",M=(0,c.useRef)(null),P=(0,c.cloneElement)(t,{value:y,hidden:E,className:s()(null===(N=t.props)||void 0===N?void 0:N.className,!(0,d.X3)(e)&&!(0,d.He)(e)&&g)||null,style:(0,o.Z)((0,o.Z)({},null===(k=t.props)||void 0===k?void 0:k.style),(0,d.X3)(e)||(0,d.He)(e)?{}:m)});if((0,d.X3)(e)){var N,k,A,B="".concat(r,"-affix-wrapper"),T=s()(B,(A={},(0,a.Z)(A,"".concat(B,"-disabled"),b),(0,a.Z)(A,"".concat(B,"-focused"),v),(0,a.Z)(A,"".concat(B,"-readonly"),h),(0,a.Z)(A,"".concat(B,"-input-with-clear-btn"),u&&$&&y),A),!(0,d.He)(e)&&g,null==S?void 0:S.affixWrapper,null==C?void 0:C.affixWrapper),W=(u||$)&&c.createElement("span",{className:s()("".concat(r,"-suffix"),null==C?void 0:C.suffix),style:null==z?void 0:z.suffix},function(){if(!$)return null;var e,t=!b&&!h&&y,n="".concat(r,"-clear-icon"),o="object"===(0,l.Z)($)&&null!=$&&$.clearIcon?$.clearIcon:"✖";return c.createElement("span",{onClick:w,onMouseDown:function(e){return e.preventDefault()},className:s()(n,(e={},(0,a.Z)(e,"".concat(n,"-hidden"),!t),(0,a.Z)(e,"".concat(n,"-has-suffix"),!!u),e)),role:"button",tabIndex:-1},o)}(),u);P=c.createElement(j,(0,n.Z)({className:T,style:(0,o.Z)((0,o.Z)({},(0,d.He)(e)?void 0:m),null==z?void 0:z.affixWrapper),hidden:!(0,d.He)(e)&&E,onClick:function(e){var t;null!==(t=M.current)&&void 0!==t&&t.contains(e.target)&&(null==x||x())}},null==O?void 0:O.affixWrapper,{ref:M}),i&&c.createElement("span",{className:s()("".concat(r,"-prefix"),null==C?void 0:C.prefix),style:null==z?void 0:z.prefix},i),(0,c.cloneElement)(t,{value:y,hidden:null}),W)}if((0,d.He)(e)){var L="".concat(r,"-group"),D="".concat(L,"-addon"),F=s()("".concat(r,"-wrapper"),L,null==S?void 0:S.wrapper),V=s()("".concat(r,"-group-wrapper"),g,null==S?void 0:S.group);return c.createElement(Z,{className:V,style:m,hidden:E},c.createElement(I,{className:F},p&&c.createElement(H,{className:D},p),(0,c.cloneElement)(P,{hidden:null}),f&&c.createElement(H,{className:D},f)))}return P},p=r(74902),f=r(97685),g=r(45987),m=r(21770),b=r(98423),h=["autoComplete","onChange","onFocus","onBlur","onPressEnter","onKeyDown","prefixCls","disabled","htmlSize","className","maxLength","suffix","showCount","type","classes","classNames","styles"],v=(0,c.forwardRef)(function(e,t){var r,i=e.autoComplete,v=e.onChange,x=e.onFocus,$=e.onBlur,y=e.onPressEnter,w=e.onKeyDown,E=e.prefixCls,S=void 0===E?"rc-input":E,C=e.disabled,O=e.htmlSize,z=e.className,R=e.maxLength,j=e.suffix,Z=e.showCount,I=e.type,H=e.classes,M=e.classNames,P=e.styles,N=(0,g.Z)(e,h),k=(0,m.Z)(e.defaultValue,{value:e.value}),A=(0,f.Z)(k,2),B=A[0],T=A[1],W=(0,c.useState)(!1),L=(0,f.Z)(W,2),D=L[0],F=L[1],V=(0,c.useRef)(null),X=function(e){V.current&&(0,d.nH)(V.current,e)};return(0,c.useImperativeHandle)(t,function(){return{focus:X,blur:function(){var e;null===(e=V.current)||void 0===e||e.blur()},setSelectionRange:function(e,t,r){var n;null===(n=V.current)||void 0===n||n.setSelectionRange(e,t,r)},select:function(){var e;null===(e=V.current)||void 0===e||e.select()},input:V.current}}),(0,c.useEffect)(function(){F(function(e){return(!e||!C)&&e})},[C]),c.createElement(u,(0,n.Z)({},N,{prefixCls:S,className:z,inputElement:(r=(0,b.Z)(e,["prefixCls","onPressEnter","addonBefore","addonAfter","prefix","suffix","allowClear","defaultValue","showCount","classes","htmlSize","styles","classNames"]),c.createElement("input",(0,n.Z)({autoComplete:i},r,{onChange:function(t){void 0===e.value&&T(t.target.value),V.current&&(0,d.rJ)(V.current,t,v)},onFocus:function(e){F(!0),null==x||x(e)},onBlur:function(e){F(!1),null==$||$(e)},onKeyDown:function(e){y&&"Enter"===e.key&&y(e),null==w||w(e)},className:s()(S,(0,a.Z)({},"".concat(S,"-disabled"),C),null==M?void 0:M.input),style:null==P?void 0:P.input,ref:V,size:O,type:void 0===I?"text":I}))),handleReset:function(e){T(""),X(),V.current&&(0,d.rJ)(V.current,e,v)},value:(0,d.D7)(B),focused:D,triggerFocus:X,suffix:function(){var e=Number(R)>0;if(j||Z){var t=(0,d.D7)(B),r=(0,p.Z)(t).length,n="object"===(0,l.Z)(Z)?Z.formatter({value:t,count:r,maxLength:R}):"".concat(r).concat(e?" / ".concat(R):"");return c.createElement(c.Fragment,null,!!Z&&c.createElement("span",{className:s()("".concat(S,"-show-count-suffix"),(0,a.Z)({},"".concat(S,"-show-count-has-suffix"),!!j),null==M?void 0:M.count),style:(0,o.Z)({},null==P?void 0:P.count)},n),j)}return null}(),disabled:C,classes:H,classNames:M,styles:P}))})},87887:function(e,t,r){function n(e){return!!(e.addonBefore||e.addonAfter)}function o(e){return!!(e.prefix||e.suffix||e.allowClear)}function a(e,t,r,n){if(r){var o=t;if("click"===t.type){var a=e.cloneNode(!0);o=Object.create(t,{target:{value:a},currentTarget:{value:a}}),a.value="",r(o);return}if(void 0!==n){o=Object.create(t,{target:{value:e},currentTarget:{value:e}}),e.value=n,r(o);return}r(o)}}function l(e,t){if(e){e.focus(t);var r=(t||{}).cursor;if(r){var n=e.value.length;switch(r){case"start":e.setSelectionRange(0,0);break;case"end":e.setSelectionRange(n,n);break;default:e.setSelectionRange(0,n)}}}}function i(e){return null==e?"":String(e)}r.d(t,{D7:function(){return i},He:function(){return n},X3:function(){return o},nH:function(){return l},rJ:function(){return a}})}}]); \ No newline at end of file diff --git a/pilot/server/static/_next/static/chunks/719-5a18c3c696beda6f.js b/pilot/server/static/_next/static/chunks/719-5a18c3c696beda6f.js deleted file mode 100644 index 1618e8c2c..000000000 --- a/pilot/server/static/_next/static/chunks/719-5a18c3c696beda6f.js +++ /dev/null @@ -1,16 +0,0 @@ -"use strict";(self.webpackChunk_N_E=self.webpackChunk_N_E||[]).push([[719],{6171:function(e,t,n){n.d(t,{Z:function(){return l}});var i=n(87462),o=n(67294),r={icon:{tag:"svg",attrs:{viewBox:"64 64 896 896",focusable:"false"},children:[{tag:"path",attrs:{d:"M724 218.3V141c0-6.7-7.7-10.4-12.9-6.3L260.3 486.8a31.86 31.86 0 000 50.3l450.8 352.1c5.3 4.1 12.9.4 12.9-6.3v-77.3c0-4.9-2.3-9.6-6.1-12.6l-360-281 360-281.1c3.8-3 6.1-7.7 6.1-12.6z"}}]},name:"left",theme:"outlined"},a=n(84089),l=o.forwardRef(function(e,t){return o.createElement(a.Z,(0,i.Z)({},e,{ref:t,icon:r}))})},38780:function(e,t){t.Z=function(){let e=Object.assign({},arguments.length<=0?void 0:arguments[0]);for(let t=1;t{let i=n[t];void 0!==i&&(e[t]=i)})}return e}},66367:function(e,t,n){function i(e){return null!=e&&e===e.window}function o(e,t){var n,o;if("undefined"==typeof window)return 0;let r=t?"scrollTop":"scrollLeft",a=0;return i(e)?a=e[t?"pageYOffset":"pageXOffset"]:e instanceof Document?a=e.documentElement[r]:e instanceof HTMLElement?a=e[r]:e&&(a=e[r]),e&&!i(e)&&"number"!=typeof a&&(a=null===(o=(null!==(n=e.ownerDocument)&&void 0!==n?n:e).documentElement)||void 0===o?void 0:o[r]),a}n.d(t,{F:function(){return i},Z:function(){return o}})},58375:function(e,t,n){n.d(t,{Z:function(){return r}});var i=n(75164),o=n(66367);function r(e){let t=arguments.length>1&&void 0!==arguments[1]?arguments[1]:{},{getContainer:n=()=>window,callback:r,duration:a=450}=t,l=n(),s=(0,o.Z)(l,!0),c=Date.now(),u=()=>{let t=Date.now(),n=t-c,p=function(e,t,n,i){let o=n-t;return(e/=i/2)<1?o/2*e*e*e+t:o/2*((e-=2)*e*e+2)+t}(n>a?a:n,s,e,a);(0,o.F)(l)?l.scrollTo(window.pageXOffset,p):l instanceof Document||"HTMLDocument"===l.constructor.name?l.documentElement.scrollTop=p:l.scrollTop=p,n0)||void 0===arguments[0]||arguments[0],t=(0,i.useRef)({}),n=(0,r.Z)(),l=(0,a.Z)();return(0,o.Z)(()=>{let i=l.subscribe(i=>{t.current=i,e&&n()});return()=>l.unsubscribe(i)},[]),t.current}},81647:function(e,t,n){n.d(t,{Z:function(){return F}});var i=n(87462),o=n(67294),r={icon:{tag:"svg",attrs:{viewBox:"64 64 896 896",focusable:"false"},children:[{tag:"path",attrs:{d:"M272.9 512l265.4-339.1c4.1-5.2.4-12.9-6.3-12.9h-77.3c-4.9 0-9.6 2.3-12.6 6.1L186.8 492.3a31.99 31.99 0 000 39.5l255.3 326.1c3 3.9 7.7 6.1 12.6 6.1H532c6.7 0 10.4-7.7 6.3-12.9L272.9 512zm304 0l265.4-339.1c4.1-5.2.4-12.9-6.3-12.9h-77.3c-4.9 0-9.6 2.3-12.6 6.1L490.8 492.3a31.99 31.99 0 000 39.5l255.3 326.1c3 3.9 7.7 6.1 12.6 6.1H836c6.7 0 10.4-7.7 6.3-12.9L576.9 512z"}}]},name:"double-left",theme:"outlined"},a=n(84089),l=o.forwardRef(function(e,t){return o.createElement(a.Z,(0,i.Z)({},e,{ref:t,icon:r}))}),s={icon:{tag:"svg",attrs:{viewBox:"64 64 896 896",focusable:"false"},children:[{tag:"path",attrs:{d:"M533.2 492.3L277.9 166.1c-3-3.9-7.7-6.1-12.6-6.1H188c-6.7 0-10.4 7.7-6.3 12.9L447.1 512 181.7 851.1A7.98 7.98 0 00188 864h77.3c4.9 0 9.6-2.3 12.6-6.1l255.3-326.1c9.1-11.7 9.1-27.9 0-39.5zm304 0L581.9 166.1c-3-3.9-7.7-6.1-12.6-6.1H492c-6.7 0-10.4 7.7-6.3 12.9L751.1 512 485.7 851.1A7.98 7.98 0 00492 864h77.3c4.9 0 9.6-2.3 12.6-6.1l255.3-326.1c9.1-11.7 9.1-27.9 0-39.5z"}}]},name:"double-right",theme:"outlined"},c=o.forwardRef(function(e,t){return o.createElement(a.Z,(0,i.Z)({},e,{ref:t,icon:s}))}),u=n(6171),p=n(18073),m=n(94184),d=n.n(m),g=n(4942),h=n(1413),v=n(15671),b=n(43144),f=n(32531),S=n(73568),C=n(64217),$={ZERO:48,NINE:57,NUMPAD_ZERO:96,NUMPAD_NINE:105,BACKSPACE:8,DELETE:46,ENTER:13,ARROW_UP:38,ARROW_DOWN:40},x=function(e){(0,f.Z)(n,e);var t=(0,S.Z)(n);function n(){var e;(0,v.Z)(this,n);for(var i=arguments.length,o=Array(i),r=0;r=0||t.relatedTarget.className.indexOf("".concat(r,"-item"))>=0)||o(e.getValidValue()))},e.go=function(t){""!==e.state.goInputText&&(t.keyCode===$.ENTER||"click"===t.type)&&(e.setState({goInputText:""}),e.props.quickGo(e.getValidValue()))},e}return(0,b.Z)(n,[{key:"getPageSizeOptions",value:function(){var e=this.props,t=e.pageSize,n=e.pageSizeOptions;return n.some(function(e){return e.toString()===t.toString()})?n:n.concat([t.toString()]).sort(function(e,t){return(Number.isNaN(Number(e))?0:Number(e))-(Number.isNaN(Number(t))?0:Number(t))})}},{key:"render",value:function(){var e=this,t=this.props,n=t.pageSize,i=t.locale,r=t.rootPrefixCls,a=t.changeSize,l=t.quickGo,s=t.goButton,c=t.selectComponentClass,u=t.buildOptionText,p=t.selectPrefixCls,m=t.disabled,d=this.state.goInputText,g="".concat(r,"-options"),h=null,v=null,b=null;if(!a&&!l)return null;var f=this.getPageSizeOptions();if(a&&c){var S=f.map(function(t,n){return o.createElement(c.Option,{key:n,value:t.toString()},(u||e.buildOptionText)(t))});h=o.createElement(c,{disabled:m,prefixCls:p,showSearch:!1,className:"".concat(g,"-size-changer"),optionLabelProp:"children",popupMatchSelectWidth:!1,value:(n||f[0]).toString(),onChange:this.changeSize,getPopupContainer:function(e){return e.parentNode},"aria-label":i.page_size,defaultOpen:!1},S)}return l&&(s&&(b="boolean"==typeof s?o.createElement("button",{type:"button",onClick:this.go,onKeyUp:this.go,disabled:m,className:"".concat(g,"-quick-jumper-button")},i.jump_to_confirm):o.createElement("span",{onClick:this.go,onKeyUp:this.go},s)),v=o.createElement("div",{className:"".concat(g,"-quick-jumper")},i.jump_to,o.createElement("input",{disabled:m,type:"text",value:d,onChange:this.handleChange,onKeyUp:this.go,onBlur:this.handleBlur,"aria-label":i.page}),i.page,b)),o.createElement("li",{className:"".concat(g)},h,v)}}]),n}(o.Component);x.defaultProps={pageSizeOptions:["10","20","50","100"]};var y=function(e){var t,n=e.rootPrefixCls,i=e.page,r=e.active,a=e.className,l=e.showTitle,s=e.onClick,c=e.onKeyPress,u=e.itemRender,p="".concat(n,"-item"),m=d()(p,"".concat(p,"-").concat(i),(t={},(0,g.Z)(t,"".concat(p,"-active"),r),(0,g.Z)(t,"".concat(p,"-disabled"),!i),(0,g.Z)(t,e.className,a),t)),h=u(i,"page",o.createElement("a",{rel:"nofollow"},i));return h?o.createElement("li",{title:l?i.toString():null,className:m,onClick:function(){s(i)},onKeyPress:function(e){c(e,s,i)},tabIndex:0},h):null};function k(){}function E(e){var t=Number(e);return"number"==typeof t&&!Number.isNaN(t)&&isFinite(t)&&Math.floor(t)===t}function N(e,t,n){var i=void 0===e?t.pageSize:e;return Math.floor((n.total-1)/i)+1}var z=function(e){(0,f.Z)(n,e);var t=(0,S.Z)(n);function n(e){(0,v.Z)(this,n),(i=t.call(this,e)).paginationNode=o.createRef(),i.getJumpPrevPage=function(){return Math.max(1,i.state.current-(i.props.showLessItems?3:5))},i.getJumpNextPage=function(){return Math.min(N(void 0,i.state,i.props),i.state.current+(i.props.showLessItems?3:5))},i.getItemIcon=function(e,t){var n=i.props.prefixCls,r=e||o.createElement("button",{type:"button","aria-label":t,className:"".concat(n,"-item-link")});return"function"==typeof e&&(r=o.createElement(e,(0,h.Z)({},i.props))),r},i.isValid=function(e){var t=i.props.total;return E(e)&&e!==i.state.current&&E(t)&&t>0},i.shouldDisplayQuickJumper=function(){var e=i.props,t=e.showQuickJumper;return!(e.total<=i.state.pageSize)&&t},i.handleKeyDown=function(e){(e.keyCode===$.ARROW_UP||e.keyCode===$.ARROW_DOWN)&&e.preventDefault()},i.handleKeyUp=function(e){var t=i.getValidValue(e);t!==i.state.currentInputValue&&i.setState({currentInputValue:t}),e.keyCode===$.ENTER?i.handleChange(t):e.keyCode===$.ARROW_UP?i.handleChange(t-1):e.keyCode===$.ARROW_DOWN&&i.handleChange(t+1)},i.handleBlur=function(e){var t=i.getValidValue(e);i.handleChange(t)},i.changePageSize=function(e){var t=i.state.current,n=N(e,i.state,i.props);t=t>n?n:t,0===n&&(t=i.state.current),"number"!=typeof e||("pageSize"in i.props||i.setState({pageSize:e}),"current"in i.props||i.setState({current:t,currentInputValue:t})),i.props.onShowSizeChange(t,e),"onChange"in i.props&&i.props.onChange&&i.props.onChange(t,e)},i.handleChange=function(e){var t=i.props,n=t.disabled,o=t.onChange,r=i.state,a=r.pageSize,l=r.current,s=r.currentInputValue;if(i.isValid(e)&&!n){var c=N(void 0,i.state,i.props),u=e;return e>c?u=c:e<1&&(u=1),"current"in i.props||i.setState({current:u}),u!==s&&i.setState({currentInputValue:u}),o(u,a),u}return l},i.prev=function(){i.hasPrev()&&i.handleChange(i.state.current-1)},i.next=function(){i.hasNext()&&i.handleChange(i.state.current+1)},i.jumpPrev=function(){i.handleChange(i.getJumpPrevPage())},i.jumpNext=function(){i.handleChange(i.getJumpNextPage())},i.hasPrev=function(){return i.state.current>1},i.hasNext=function(){return i.state.current2?n-2:0),o=2;o=n?n:Number(t)}},{key:"getShowSizeChanger",value:function(){var e=this.props,t=e.showSizeChanger,n=e.total,i=e.totalBoundaryShowSizeChanger;return void 0!==t?t:n>i}},{key:"render",value:function(){var e=this.props,t=e.prefixCls,n=e.className,r=e.style,a=e.disabled,l=e.hideOnSinglePage,s=e.total,c=e.locale,u=e.showQuickJumper,p=e.showLessItems,m=e.showTitle,h=e.showTotal,v=e.simple,b=e.itemRender,f=e.showPrevNextJumpers,S=e.jumpPrevIcon,$=e.jumpNextIcon,k=e.selectComponentClass,E=e.selectPrefixCls,z=e.pageSizeOptions,I=this.state,P=I.current,w=I.pageSize,O=I.currentInputValue;if(!0===l&&s<=w)return null;var D=N(void 0,this.state,this.props),T=[],j=null,M=null,B=null,Z=null,A=null,_=u&&u.goButton,H=p?1:2,R=P-1>0?P-1:0,L=P+1s?s:P*w]));if(v){_&&(A="boolean"==typeof _?o.createElement("button",{type:"button",onClick:this.handleGoTO,onKeyUp:this.handleGoTO},c.jump_to_confirm):o.createElement("span",{onClick:this.handleGoTO,onKeyUp:this.handleGoTO},_),A=o.createElement("li",{title:m?"".concat(c.jump_to).concat(P,"/").concat(D):null,className:"".concat(t,"-simple-pager")},A));var W=this.renderPrev(R);return o.createElement("ul",(0,i.Z)({className:d()(t,"".concat(t,"-simple"),(0,g.Z)({},"".concat(t,"-disabled"),a),n),style:r,ref:this.paginationNode},X),V,W?o.createElement("li",{title:m?c.prev_page:null,onClick:this.prev,tabIndex:this.hasPrev()?0:null,onKeyPress:this.runIfEnterPrev,className:d()("".concat(t,"-prev"),(0,g.Z)({},"".concat(t,"-disabled"),!this.hasPrev())),"aria-disabled":!this.hasPrev()},W):null,o.createElement("li",{title:m?"".concat(P,"/").concat(D):null,className:"".concat(t,"-simple-pager")},o.createElement("input",{type:"text",value:O,disabled:a,onKeyDown:this.handleKeyDown,onKeyUp:this.handleKeyUp,onChange:this.handleKeyUp,onBlur:this.handleBlur,size:3}),o.createElement("span",{className:"".concat(t,"-slash")},"/"),D),o.createElement("li",{title:m?c.next_page:null,onClick:this.next,tabIndex:this.hasPrev()?0:null,onKeyPress:this.runIfEnterNext,className:d()("".concat(t,"-next"),(0,g.Z)({},"".concat(t,"-disabled"),!this.hasNext())),"aria-disabled":!this.hasNext()},this.renderNext(L)),A)}if(D<=3+2*H){var K={locale:c,rootPrefixCls:t,onClick:this.handleChange,onKeyPress:this.runIfEnter,showTitle:m,itemRender:b};D||T.push(o.createElement(y,(0,i.Z)({},K,{key:"noPager",page:1,className:"".concat(t,"-item-disabled")})));for(var G=1;G<=D;G+=1){var J=P===G;T.push(o.createElement(y,(0,i.Z)({},K,{key:G,page:G,active:J})))}}else{var U=p?c.prev_3:c.prev_5,F=p?c.next_3:c.next_5,q=b(this.getJumpPrevPage(),"jump-prev",this.getItemIcon(S,"prev page")),Q=b(this.getJumpNextPage(),"jump-next",this.getItemIcon($,"next page"));f&&(j=q?o.createElement("li",{title:m?U:null,key:"prev",onClick:this.jumpPrev,tabIndex:0,onKeyPress:this.runIfEnterJumpPrev,className:d()("".concat(t,"-jump-prev"),(0,g.Z)({},"".concat(t,"-jump-prev-custom-icon"),!!S))},q):null,M=Q?o.createElement("li",{title:m?F:null,key:"next",tabIndex:0,onClick:this.jumpNext,onKeyPress:this.runIfEnterJumpNext,className:d()("".concat(t,"-jump-next"),(0,g.Z)({},"".concat(t,"-jump-next-custom-icon"),!!$))},Q):null),Z=o.createElement(y,{locale:c,last:!0,rootPrefixCls:t,onClick:this.handleChange,onKeyPress:this.runIfEnter,key:D,page:D,active:!1,showTitle:m,itemRender:b}),B=o.createElement(y,{locale:c,rootPrefixCls:t,onClick:this.handleChange,onKeyPress:this.runIfEnter,key:1,page:1,active:!1,showTitle:m,itemRender:b});var Y=Math.max(1,P-H),ee=Math.min(P+H,D);P-1<=H&&(ee=1+2*H),D-P<=H&&(Y=D-2*H);for(var et=Y;et<=ee;et+=1){var en=P===et;T.push(o.createElement(y,{locale:c,rootPrefixCls:t,onClick:this.handleChange,onKeyPress:this.runIfEnter,key:et,page:et,active:en,showTitle:m,itemRender:b}))}P-1>=2*H&&3!==P&&(T[0]=(0,o.cloneElement)(T[0],{className:"".concat(t,"-item-after-jump-prev")}),T.unshift(j)),D-P>=2*H&&P!==D-2&&(T[T.length-1]=(0,o.cloneElement)(T[T.length-1],{className:"".concat(t,"-item-before-jump-next")}),T.push(M)),1!==Y&&T.unshift(B),ee!==D&&T.push(Z)}var ei=!this.hasPrev()||!D,eo=!this.hasNext()||!D,er=this.renderPrev(R),ea=this.renderNext(L);return o.createElement("ul",(0,i.Z)({className:d()(t,n,(0,g.Z)({},"".concat(t,"-disabled"),a)),style:r,ref:this.paginationNode},X),V,er?o.createElement("li",{title:m?c.prev_page:null,onClick:this.prev,tabIndex:ei?null:0,onKeyPress:this.runIfEnterPrev,className:d()("".concat(t,"-prev"),(0,g.Z)({},"".concat(t,"-disabled"),ei)),"aria-disabled":ei},er):null,T,ea?o.createElement("li",{title:m?c.next_page:null,onClick:this.next,tabIndex:eo?null:0,onKeyPress:this.runIfEnterNext,className:d()("".concat(t,"-next"),(0,g.Z)({},"".concat(t,"-disabled"),eo)),"aria-disabled":eo},ea):null,o.createElement(x,{disabled:a,locale:c,rootPrefixCls:t,selectComponentClass:k,selectPrefixCls:E,changeSize:this.getShowSizeChanger()?this.changePageSize:null,current:P,pageSize:w,pageSizeOptions:z,quickGo:this.shouldDisplayQuickJumper()?this.handleChange:null,goButton:_}))}}],[{key:"getDerivedStateFromProps",value:function(e,t){var n={};if("current"in e&&(n.current=e.current,e.current!==t.current&&(n.currentInputValue=n.current)),"pageSize"in e&&e.pageSize!==t.pageSize){var i=t.current,o=N(e.pageSize,t,e);i=i>o?o:i,"current"in e||(n.current=i,n.currentInputValue=i),n.pageSize=e.pageSize}return n}}]),n}(o.Component);z.defaultProps={defaultCurrent:1,total:0,defaultPageSize:10,onChange:k,className:"",selectPrefixCls:"rc-select",prefixCls:"rc-pagination",selectComponentClass:null,hideOnSinglePage:!1,showPrevNextJumpers:!0,showQuickJumper:!1,showLessItems:!1,showTitle:!0,onShowSizeChange:k,locale:{items_per_page:"条/页",jump_to:"跳至",jump_to_confirm:"确定",page:"页",prev_page:"上一页",next_page:"下一页",prev_5:"向前 5 页",next_5:"向后 5 页",prev_3:"向前 3 页",next_3:"向后 3 页",page_size:"页码"},style:{},itemRender:function(e,t,n){return n},totalBoundaryShowSizeChanger:50};var I=n(62906),P=n(53124),w=n(98675),O=n(25378),D=n(10110),T=n(51009);let j=e=>o.createElement(T.default,Object.assign({},e,{showSearch:!0,size:"small"})),M=e=>o.createElement(T.default,Object.assign({},e,{showSearch:!0,size:"middle"}));j.Option=T.default.Option,M.Option=T.default.Option;var B=n(47673),Z=n(14747),A=n(67968),_=n(45503);let H=e=>{let{componentCls:t}=e;return{[`${t}-disabled`]:{"&, &:hover":{cursor:"not-allowed",[`${t}-item-link`]:{color:e.colorTextDisabled,cursor:"not-allowed"}},"&:focus-visible":{cursor:"not-allowed",[`${t}-item-link`]:{color:e.colorTextDisabled,cursor:"not-allowed"}}},[`&${t}-disabled`]:{cursor:"not-allowed",[`${t}-item`]:{cursor:"not-allowed","&:hover, &:active":{backgroundColor:"transparent"},a:{color:e.colorTextDisabled,backgroundColor:"transparent",border:"none",cursor:"not-allowed"},"&-active":{borderColor:e.colorBorder,backgroundColor:e.itemActiveBgDisabled,"&:hover, &:active":{backgroundColor:e.itemActiveBgDisabled},a:{color:e.itemActiveColorDisabled}}},[`${t}-item-link`]:{color:e.colorTextDisabled,cursor:"not-allowed","&:hover, &:active":{backgroundColor:"transparent"},[`${t}-simple&`]:{backgroundColor:"transparent","&:hover, &:active":{backgroundColor:"transparent"}}},[`${t}-simple-pager`]:{color:e.colorTextDisabled},[`${t}-jump-prev, ${t}-jump-next`]:{[`${t}-item-link-icon`]:{opacity:0},[`${t}-item-ellipsis`]:{opacity:1}}},[`&${t}-simple`]:{[`${t}-prev, ${t}-next`]:{[`&${t}-disabled ${t}-item-link`]:{"&:hover, &:active":{backgroundColor:"transparent"}}}}}},R=e=>{let{componentCls:t}=e;return{[`&${t}-mini ${t}-total-text, &${t}-mini ${t}-simple-pager`]:{height:e.itemSizeSM,lineHeight:`${e.itemSizeSM}px`},[`&${t}-mini ${t}-item`]:{minWidth:e.itemSizeSM,height:e.itemSizeSM,margin:0,lineHeight:`${e.itemSizeSM-2}px`},[`&${t}-mini:not(${t}-disabled) ${t}-item:not(${t}-item-active)`]:{backgroundColor:"transparent",borderColor:"transparent","&:hover":{backgroundColor:e.colorBgTextHover},"&:active":{backgroundColor:e.colorBgTextActive}},[`&${t}-mini ${t}-prev, &${t}-mini ${t}-next`]:{minWidth:e.itemSizeSM,height:e.itemSizeSM,margin:0,lineHeight:`${e.itemSizeSM}px`},[`&${t}-mini:not(${t}-disabled)`]:{[`${t}-prev, ${t}-next`]:{[`&:hover ${t}-item-link`]:{backgroundColor:e.colorBgTextHover},[`&:active ${t}-item-link`]:{backgroundColor:e.colorBgTextActive},[`&${t}-disabled:hover ${t}-item-link`]:{backgroundColor:"transparent"}}},[` - &${t}-mini ${t}-prev ${t}-item-link, - &${t}-mini ${t}-next ${t}-item-link - `]:{backgroundColor:"transparent",borderColor:"transparent","&::after":{height:e.itemSizeSM,lineHeight:`${e.itemSizeSM}px`}},[`&${t}-mini ${t}-jump-prev, &${t}-mini ${t}-jump-next`]:{height:e.itemSizeSM,marginInlineEnd:0,lineHeight:`${e.itemSizeSM}px`},[`&${t}-mini ${t}-options`]:{marginInlineStart:e.paginationMiniOptionsMarginInlineStart,"&-size-changer":{top:e.miniOptionsSizeChangerTop},"&-quick-jumper":{height:e.itemSizeSM,lineHeight:`${e.itemSizeSM}px`,input:Object.assign(Object.assign({},(0,B.x0)(e)),{width:e.paginationMiniQuickJumperInputWidth,height:e.controlHeightSM})}}}},L=e=>{let{componentCls:t}=e;return{[` - &${t}-simple ${t}-prev, - &${t}-simple ${t}-next - `]:{height:e.itemSizeSM,lineHeight:`${e.itemSizeSM}px`,verticalAlign:"top",[`${t}-item-link`]:{height:e.itemSizeSM,backgroundColor:"transparent",border:0,"&:hover":{backgroundColor:e.colorBgTextHover},"&:active":{backgroundColor:e.colorBgTextActive},"&::after":{height:e.itemSizeSM,lineHeight:`${e.itemSizeSM}px`}}},[`&${t}-simple ${t}-simple-pager`]:{display:"inline-block",height:e.itemSizeSM,marginInlineEnd:e.marginXS,input:{boxSizing:"border-box",height:"100%",marginInlineEnd:e.marginXS,padding:`0 ${e.paginationItemPaddingInline}px`,textAlign:"center",backgroundColor:e.itemInputBg,border:`${e.lineWidth}px ${e.lineType} ${e.colorBorder}`,borderRadius:e.borderRadius,outline:"none",transition:`border-color ${e.motionDurationMid}`,color:"inherit","&:hover":{borderColor:e.colorPrimary},"&:focus":{borderColor:e.colorPrimaryHover,boxShadow:`${e.inputOutlineOffset}px 0 ${e.controlOutlineWidth}px ${e.controlOutline}`},"&[disabled]":{color:e.colorTextDisabled,backgroundColor:e.colorBgContainerDisabled,borderColor:e.colorBorder,cursor:"not-allowed"}}}}},X=e=>{let{componentCls:t}=e;return{[`${t}-jump-prev, ${t}-jump-next`]:{outline:0,[`${t}-item-container`]:{position:"relative",[`${t}-item-link-icon`]:{color:e.colorPrimary,fontSize:e.fontSizeSM,opacity:0,transition:`all ${e.motionDurationMid}`,"&-svg":{top:0,insetInlineEnd:0,bottom:0,insetInlineStart:0,margin:"auto"}},[`${t}-item-ellipsis`]:{position:"absolute",top:0,insetInlineEnd:0,bottom:0,insetInlineStart:0,display:"block",margin:"auto",color:e.colorTextDisabled,fontFamily:"Arial, Helvetica, sans-serif",letterSpacing:e.paginationEllipsisLetterSpacing,textAlign:"center",textIndent:e.paginationEllipsisTextIndent,opacity:1,transition:`all ${e.motionDurationMid}`}},"&:hover":{[`${t}-item-link-icon`]:{opacity:1},[`${t}-item-ellipsis`]:{opacity:0}}},[` - ${t}-prev, - ${t}-jump-prev, - ${t}-jump-next - `]:{marginInlineEnd:e.marginXS},[` - ${t}-prev, - ${t}-next, - ${t}-jump-prev, - ${t}-jump-next - `]:{display:"inline-block",minWidth:e.itemSize,height:e.itemSize,color:e.colorText,fontFamily:e.fontFamily,lineHeight:`${e.itemSize}px`,textAlign:"center",verticalAlign:"middle",listStyle:"none",borderRadius:e.borderRadius,cursor:"pointer",transition:`all ${e.motionDurationMid}`},[`${t}-prev, ${t}-next`]:{fontFamily:"Arial, Helvetica, sans-serif",outline:0,button:{color:e.colorText,cursor:"pointer",userSelect:"none"},[`${t}-item-link`]:{display:"block",width:"100%",height:"100%",padding:0,fontSize:e.fontSizeSM,textAlign:"center",backgroundColor:"transparent",border:`${e.lineWidth}px ${e.lineType} transparent`,borderRadius:e.borderRadius,outline:"none",transition:`all ${e.motionDurationMid}`},[`&:hover ${t}-item-link`]:{backgroundColor:e.colorBgTextHover},[`&:active ${t}-item-link`]:{backgroundColor:e.colorBgTextActive},[`&${t}-disabled:hover`]:{[`${t}-item-link`]:{backgroundColor:"transparent"}}},[`${t}-slash`]:{marginInlineEnd:e.paginationSlashMarginInlineEnd,marginInlineStart:e.paginationSlashMarginInlineStart},[`${t}-options`]:{display:"inline-block",marginInlineStart:e.margin,verticalAlign:"middle","&-size-changer.-select":{display:"inline-block",width:"auto"},"&-quick-jumper":{display:"inline-block",height:e.controlHeight,marginInlineStart:e.marginXS,lineHeight:`${e.controlHeight}px`,verticalAlign:"top",input:Object.assign(Object.assign({},(0,B.ik)(e)),{width:1.25*e.controlHeightLG,height:e.controlHeight,boxSizing:"border-box",margin:0,marginInlineStart:e.marginXS,marginInlineEnd:e.marginXS})}}}},V=e=>{let{componentCls:t}=e;return{[`${t}-item`]:{display:"inline-block",minWidth:e.itemSize,height:e.itemSize,marginInlineEnd:e.marginXS,fontFamily:e.fontFamily,lineHeight:`${e.itemSize-2}px`,textAlign:"center",verticalAlign:"middle",listStyle:"none",backgroundColor:"transparent",border:`${e.lineWidth}px ${e.lineType} transparent`,borderRadius:e.borderRadius,outline:0,cursor:"pointer",userSelect:"none",a:{display:"block",padding:`0 ${e.paginationItemPaddingInline}px`,color:e.colorText,"&:hover":{textDecoration:"none"}},[`&:not(${t}-item-active)`]:{"&:hover":{transition:`all ${e.motionDurationMid}`,backgroundColor:e.colorBgTextHover},"&:active":{backgroundColor:e.colorBgTextActive}},"&-active":{fontWeight:e.fontWeightStrong,backgroundColor:e.itemActiveBg,borderColor:e.colorPrimary,a:{color:e.colorPrimary},"&:hover":{borderColor:e.colorPrimaryHover},"&:hover a":{color:e.colorPrimaryHover}}}}},W=e=>{let{componentCls:t}=e;return{[t]:Object.assign(Object.assign(Object.assign(Object.assign(Object.assign(Object.assign(Object.assign(Object.assign({},(0,Z.Wf)(e)),{"ul, ol":{margin:0,padding:0,listStyle:"none"},"&::after":{display:"block",clear:"both",height:0,overflow:"hidden",visibility:"hidden",content:'""'},[`${t}-total-text`]:{display:"inline-block",height:e.itemSize,marginInlineEnd:e.marginXS,lineHeight:`${e.itemSize-2}px`,verticalAlign:"middle"}}),V(e)),X(e)),L(e)),R(e)),H(e)),{[`@media only screen and (max-width: ${e.screenLG}px)`]:{[`${t}-item`]:{"&-after-jump-prev, &-before-jump-next":{display:"none"}}},[`@media only screen and (max-width: ${e.screenSM}px)`]:{[`${t}-options`]:{display:"none"}}}),[`&${e.componentCls}-rtl`]:{direction:"rtl"}}},K=e=>{let{componentCls:t}=e;return{[`${t}${t}-disabled:not(${t}-mini)`]:{"&, &:hover":{[`${t}-item-link`]:{borderColor:e.colorBorder}},"&:focus-visible":{[`${t}-item-link`]:{borderColor:e.colorBorder}},[`${t}-item, ${t}-item-link`]:{backgroundColor:e.colorBgContainerDisabled,borderColor:e.colorBorder,[`&:hover:not(${t}-item-active)`]:{backgroundColor:e.colorBgContainerDisabled,borderColor:e.colorBorder,a:{color:e.colorTextDisabled}},[`&${t}-item-active`]:{backgroundColor:e.itemActiveBgDisabled}},[`${t}-prev, ${t}-next`]:{"&:hover button":{backgroundColor:e.colorBgContainerDisabled,borderColor:e.colorBorder,color:e.colorTextDisabled},[`${t}-item-link`]:{backgroundColor:e.colorBgContainerDisabled,borderColor:e.colorBorder}}},[`${t}:not(${t}-mini)`]:{[`${t}-prev, ${t}-next`]:{"&:hover button":{borderColor:e.colorPrimaryHover,backgroundColor:e.itemBg},[`${t}-item-link`]:{backgroundColor:e.itemLinkBg,borderColor:e.colorBorder},[`&:hover ${t}-item-link`]:{borderColor:e.colorPrimary,backgroundColor:e.itemBg,color:e.colorPrimary},[`&${t}-disabled`]:{[`${t}-item-link`]:{borderColor:e.colorBorder,color:e.colorTextDisabled}}},[`${t}-item`]:{backgroundColor:e.itemBg,border:`${e.lineWidth}px ${e.lineType} ${e.colorBorder}`,[`&:hover:not(${t}-item-active)`]:{borderColor:e.colorPrimary,backgroundColor:e.itemBg,a:{color:e.colorPrimary}},"&-active":{borderColor:e.colorPrimary}}}}},G=e=>{let{componentCls:t}=e;return{[`${t}:not(${t}-disabled)`]:{[`${t}-item`]:Object.assign({},(0,Z.Qy)(e)),[`${t}-jump-prev, ${t}-jump-next`]:{"&:focus-visible":Object.assign({[`${t}-item-link-icon`]:{opacity:1},[`${t}-item-ellipsis`]:{opacity:0}},(0,Z.oN)(e))},[`${t}-prev, ${t}-next`]:{[`&:focus-visible ${t}-item-link`]:Object.assign({},(0,Z.oN)(e))}}}};var J=(0,A.Z)("Pagination",e=>{let t=(0,_.TS)(e,{inputOutlineOffset:0,paginationMiniOptionsMarginInlineStart:e.marginXXS/2,paginationMiniQuickJumperInputWidth:1.1*e.controlHeightLG,paginationItemPaddingInline:1.5*e.marginXXS,paginationEllipsisLetterSpacing:e.marginXXS/2,paginationSlashMarginInlineStart:e.marginXXS,paginationSlashMarginInlineEnd:e.marginSM,paginationEllipsisTextIndent:"0.13em"},(0,B.e5)(e));return[W(t),G(t),e.wireframe&&K(t)]},e=>({itemBg:e.colorBgContainer,itemSize:e.controlHeight,itemSizeSM:e.controlHeightSM,itemActiveBg:e.colorBgContainer,itemLinkBg:e.colorBgContainer,itemActiveColorDisabled:e.colorTextDisabled,itemActiveBgDisabled:e.controlItemBgActiveDisabled,itemInputBg:e.colorBgContainer,miniOptionsSizeChangerTop:0})),U=function(e,t){var n={};for(var i in e)Object.prototype.hasOwnProperty.call(e,i)&&0>t.indexOf(i)&&(n[i]=e[i]);if(null!=e&&"function"==typeof Object.getOwnPropertySymbols)for(var o=0,i=Object.getOwnPropertySymbols(e);ot.indexOf(i[o])&&Object.prototype.propertyIsEnumerable.call(e,i[o])&&(n[i[o]]=e[i[o]]);return n},F=e=>{let{prefixCls:t,selectPrefixCls:n,className:i,rootClassName:r,style:a,size:s,locale:m,selectComponentClass:g,responsive:h,showSizeChanger:v}=e,b=U(e,["prefixCls","selectPrefixCls","className","rootClassName","style","size","locale","selectComponentClass","responsive","showSizeChanger"]),{xs:f}=(0,O.Z)(h),{getPrefixCls:S,direction:C,pagination:$={}}=o.useContext(P.E_),x=S("pagination",t),[y,k]=J(x),E=null!=v?v:$.showSizeChanger,N=o.useMemo(()=>{let e=o.createElement("span",{className:`${x}-item-ellipsis`},"•••"),t=o.createElement("button",{className:`${x}-item-link`,type:"button",tabIndex:-1},"rtl"===C?o.createElement(p.Z,null):o.createElement(u.Z,null)),n=o.createElement("button",{className:`${x}-item-link`,type:"button",tabIndex:-1},"rtl"===C?o.createElement(u.Z,null):o.createElement(p.Z,null)),i=o.createElement("a",{className:`${x}-item-link`},o.createElement("div",{className:`${x}-item-container`},"rtl"===C?o.createElement(c,{className:`${x}-item-link-icon`}):o.createElement(l,{className:`${x}-item-link-icon`}),e)),r=o.createElement("a",{className:`${x}-item-link`},o.createElement("div",{className:`${x}-item-container`},"rtl"===C?o.createElement(l,{className:`${x}-item-link-icon`}):o.createElement(c,{className:`${x}-item-link-icon`}),e));return{prevIcon:t,nextIcon:n,jumpPrevIcon:i,jumpNextIcon:r}},[C,x]),[T]=(0,D.Z)("Pagination",I.Z),B=Object.assign(Object.assign({},T),m),Z=(0,w.Z)(s),A="small"===Z||!!(f&&!Z&&h),_=S("select",n),H=d()({[`${x}-mini`]:A,[`${x}-rtl`]:"rtl"===C},null==$?void 0:$.className,i,r,k),R=Object.assign(Object.assign({},null==$?void 0:$.style),a);return y(o.createElement(z,Object.assign({},N,b,{style:R,prefixCls:x,selectPrefixCls:_,className:H,selectComponentClass:g||(A?j:M),locale:B,showSizeChanger:E})))}},75081:function(e,t,n){n.d(t,{Z:function(){return $}});var i=n(94184),o=n.n(i),r=n(98423),a=n(67294),l=n(96159),s=n(53124),c=n(23183),u=n(14747),p=n(67968),m=n(45503);let d=new c.E4("antSpinMove",{to:{opacity:1}}),g=new c.E4("antRotate",{to:{transform:"rotate(405deg)"}}),h=e=>({[`${e.componentCls}`]:Object.assign(Object.assign({},(0,u.Wf)(e)),{position:"absolute",display:"none",color:e.colorPrimary,fontSize:0,textAlign:"center",verticalAlign:"middle",opacity:0,transition:`transform ${e.motionDurationSlow} ${e.motionEaseInOutCirc}`,"&-spinning":{position:"static",display:"inline-block",opacity:1},"&-nested-loading":{position:"relative",[`> div > ${e.componentCls}`]:{position:"absolute",top:0,insetInlineStart:0,zIndex:4,display:"block",width:"100%",height:"100%",maxHeight:e.contentHeight,[`${e.componentCls}-dot`]:{position:"absolute",top:"50%",insetInlineStart:"50%",margin:-e.spinDotSize/2},[`${e.componentCls}-text`]:{position:"absolute",top:"50%",width:"100%",paddingTop:(e.spinDotSize-e.fontSize)/2+2,textShadow:`0 1px 2px ${e.colorBgContainer}`,fontSize:e.fontSize},[`&${e.componentCls}-show-text ${e.componentCls}-dot`]:{marginTop:-(e.spinDotSize/2)-10},"&-sm":{[`${e.componentCls}-dot`]:{margin:-e.spinDotSizeSM/2},[`${e.componentCls}-text`]:{paddingTop:(e.spinDotSizeSM-e.fontSize)/2+2},[`&${e.componentCls}-show-text ${e.componentCls}-dot`]:{marginTop:-(e.spinDotSizeSM/2)-10}},"&-lg":{[`${e.componentCls}-dot`]:{margin:-(e.spinDotSizeLG/2)},[`${e.componentCls}-text`]:{paddingTop:(e.spinDotSizeLG-e.fontSize)/2+2},[`&${e.componentCls}-show-text ${e.componentCls}-dot`]:{marginTop:-(e.spinDotSizeLG/2)-10}}},[`${e.componentCls}-container`]:{position:"relative",transition:`opacity ${e.motionDurationSlow}`,"&::after":{position:"absolute",top:0,insetInlineEnd:0,bottom:0,insetInlineStart:0,zIndex:10,width:"100%",height:"100%",background:e.colorBgContainer,opacity:0,transition:`all ${e.motionDurationSlow}`,content:'""',pointerEvents:"none"}},[`${e.componentCls}-blur`]:{clear:"both",opacity:.5,userSelect:"none",pointerEvents:"none","&::after":{opacity:.4,pointerEvents:"auto"}}},"&-tip":{color:e.spinDotDefault},[`${e.componentCls}-dot`]:{position:"relative",display:"inline-block",fontSize:e.spinDotSize,width:"1em",height:"1em","&-item":{position:"absolute",display:"block",width:(e.spinDotSize-e.marginXXS/2)/2,height:(e.spinDotSize-e.marginXXS/2)/2,backgroundColor:e.colorPrimary,borderRadius:"100%",transform:"scale(0.75)",transformOrigin:"50% 50%",opacity:.3,animationName:d,animationDuration:"1s",animationIterationCount:"infinite",animationTimingFunction:"linear",animationDirection:"alternate","&:nth-child(1)":{top:0,insetInlineStart:0},"&:nth-child(2)":{top:0,insetInlineEnd:0,animationDelay:"0.4s"},"&:nth-child(3)":{insetInlineEnd:0,bottom:0,animationDelay:"0.8s"},"&:nth-child(4)":{bottom:0,insetInlineStart:0,animationDelay:"1.2s"}},"&-spin":{transform:"rotate(45deg)",animationName:g,animationDuration:"1.2s",animationIterationCount:"infinite",animationTimingFunction:"linear"}},[`&-sm ${e.componentCls}-dot`]:{fontSize:e.spinDotSizeSM,i:{width:(e.spinDotSizeSM-e.marginXXS/2)/2,height:(e.spinDotSizeSM-e.marginXXS/2)/2}},[`&-lg ${e.componentCls}-dot`]:{fontSize:e.spinDotSizeLG,i:{width:(e.spinDotSizeLG-e.marginXXS)/2,height:(e.spinDotSizeLG-e.marginXXS)/2}},[`&${e.componentCls}-show-text ${e.componentCls}-text`]:{display:"block"}})});var v=(0,p.Z)("Spin",e=>{let t=(0,m.TS)(e,{spinDotDefault:e.colorTextDescription,spinDotSize:e.controlHeightLG/2,spinDotSizeSM:.35*e.controlHeightLG,spinDotSizeLG:e.controlHeight});return[h(t)]},{contentHeight:400}),b=function(e,t){var n={};for(var i in e)Object.prototype.hasOwnProperty.call(e,i)&&0>t.indexOf(i)&&(n[i]=e[i]);if(null!=e&&"function"==typeof Object.getOwnPropertySymbols)for(var o=0,i=Object.getOwnPropertySymbols(e);ot.indexOf(i[o])&&Object.prototype.propertyIsEnumerable.call(e,i[o])&&(n[i[o]]=e[i[o]]);return n};let f=null,S=e=>{let{spinPrefixCls:t,spinning:n=!0,delay:i=0,className:c,rootClassName:u,size:p="default",tip:m,wrapperClassName:d,style:g,children:h,hashId:v}=e,S=b(e,["spinPrefixCls","spinning","delay","className","rootClassName","size","tip","wrapperClassName","style","children","hashId"]),[C,$]=a.useState(()=>n&&(!n||!i||!!isNaN(Number(i))));a.useEffect(()=>{if(n){var e;let t=function(e,t,n){var i,o=n||{},r=o.noTrailing,a=void 0!==r&&r,l=o.noLeading,s=void 0!==l&&l,c=o.debounceMode,u=void 0===c?void 0:c,p=!1,m=0;function d(){i&&clearTimeout(i)}function g(){for(var n=arguments.length,o=Array(n),r=0;re?s?(m=Date.now(),a||(i=setTimeout(u?h:g,e))):g():!0!==a&&(i=setTimeout(u?h:g,void 0===u?e-c:e)))}return g.cancel=function(e){var t=(e||{}).upcomingOnly;d(),p=!(void 0!==t&&t)},g}(i,()=>{$(!0)},{debounceMode:!1!==(void 0!==(e=({}).atBegin)&&e)});return t(),()=>{var e;null===(e=null==t?void 0:t.cancel)||void 0===e||e.call(t)}}$(!1)},[i,n]);let x=a.useMemo(()=>void 0!==h,[h]),{direction:y,spin:k}=a.useContext(s.E_),E=o()(t,null==k?void 0:k.className,{[`${t}-sm`]:"small"===p,[`${t}-lg`]:"large"===p,[`${t}-spinning`]:C,[`${t}-show-text`]:!!m,[`${t}-rtl`]:"rtl"===y},c,u,v),N=o()(`${t}-container`,{[`${t}-blur`]:C}),z=(0,r.Z)(S,["indicator","prefixCls"]),I=Object.assign(Object.assign({},null==k?void 0:k.style),g),P=a.createElement("div",Object.assign({},z,{style:I,className:E,"aria-live":"polite","aria-busy":C}),function(e,t){let{indicator:n}=t,i=`${e}-dot`;return null===n?null:(0,l.l$)(n)?(0,l.Tm)(n,{className:o()(n.props.className,i)}):(0,l.l$)(f)?(0,l.Tm)(f,{className:o()(f.props.className,i)}):a.createElement("span",{className:o()(i,`${e}-dot-spin`)},a.createElement("i",{className:`${e}-dot-item`,key:1}),a.createElement("i",{className:`${e}-dot-item`,key:2}),a.createElement("i",{className:`${e}-dot-item`,key:3}),a.createElement("i",{className:`${e}-dot-item`,key:4}))}(t,e),m&&x?a.createElement("div",{className:`${t}-text`},m):null);return x?a.createElement("div",Object.assign({},z,{className:o()(`${t}-nested-loading`,d,v)}),C&&a.createElement("div",{key:"loading"},P),a.createElement("div",{className:N,key:"container"},h)):P},C=e=>{let{prefixCls:t}=e,{getPrefixCls:n}=a.useContext(s.E_),i=n("spin",t),[o,r]=v(i),l=Object.assign(Object.assign({},e),{spinPrefixCls:i,hashId:r});return o(a.createElement(S,Object.assign({},l)))};C.setDefaultIndicator=e=>{f=e};var $=C}}]); \ No newline at end of file diff --git a/pilot/server/static/_next/static/chunks/830.959c3f306e690976.js b/pilot/server/static/_next/static/chunks/739.82283c4d1eea95ee.js similarity index 59% rename from pilot/server/static/_next/static/chunks/830.959c3f306e690976.js rename to pilot/server/static/_next/static/chunks/739.82283c4d1eea95ee.js index 19b2a1040..bfdc3e13b 100644 --- a/pilot/server/static/_next/static/chunks/830.959c3f306e690976.js +++ b/pilot/server/static/_next/static/chunks/739.82283c4d1eea95ee.js @@ -1,9 +1,9 @@ -(self.webpackChunk_N_E=self.webpackChunk_N_E||[]).push([[830],{96991:function(e,t,i){"use strict";i.d(t,{Z:function(){return a}});var n=i(87462),r=i(67294),o={icon:{tag:"svg",attrs:{viewBox:"64 64 896 896",focusable:"false"},children:[{tag:"path",attrs:{d:"M864 144H560c-8.8 0-16 7.2-16 16v304c0 8.8 7.2 16 16 16h304c8.8 0 16-7.2 16-16V160c0-8.8-7.2-16-16-16zm0 400H560c-8.8 0-16 7.2-16 16v304c0 8.8 7.2 16 16 16h304c8.8 0 16-7.2 16-16V560c0-8.8-7.2-16-16-16zM464 144H160c-8.8 0-16 7.2-16 16v304c0 8.8 7.2 16 16 16h304c8.8 0 16-7.2 16-16V160c0-8.8-7.2-16-16-16zm0 400H160c-8.8 0-16 7.2-16 16v304c0 8.8 7.2 16 16 16h304c8.8 0 16-7.2 16-16V560c0-8.8-7.2-16-16-16z"}}]},name:"appstore",theme:"filled"},s=i(84089),a=r.forwardRef(function(e,t){return r.createElement(s.Z,(0,n.Z)({},e,{ref:t,icon:o}))})},29158:function(e,t,i){"use strict";i.d(t,{Z:function(){return a}});var n=i(87462),r=i(67294),o={icon:{tag:"svg",attrs:{viewBox:"64 64 896 896",focusable:"false"},children:[{tag:"path",attrs:{d:"M574 665.4a8.03 8.03 0 00-11.3 0L446.5 781.6c-53.8 53.8-144.6 59.5-204 0-59.5-59.5-53.8-150.2 0-204l116.2-116.2c3.1-3.1 3.1-8.2 0-11.3l-39.8-39.8a8.03 8.03 0 00-11.3 0L191.4 526.5c-84.6 84.6-84.6 221.5 0 306s221.5 84.6 306 0l116.2-116.2c3.1-3.1 3.1-8.2 0-11.3L574 665.4zm258.6-474c-84.6-84.6-221.5-84.6-306 0L410.3 307.6a8.03 8.03 0 000 11.3l39.7 39.7c3.1 3.1 8.2 3.1 11.3 0l116.2-116.2c53.8-53.8 144.6-59.5 204 0 59.5 59.5 53.8 150.2 0 204L665.3 562.6a8.03 8.03 0 000 11.3l39.8 39.8c3.1 3.1 8.2 3.1 11.3 0l116.2-116.2c84.5-84.6 84.5-221.5 0-306.1zM610.1 372.3a8.03 8.03 0 00-11.3 0L372.3 598.7a8.03 8.03 0 000 11.3l39.6 39.6c3.1 3.1 8.2 3.1 11.3 0l226.4-226.4c3.1-3.1 3.1-8.2 0-11.3l-39.5-39.6z"}}]},name:"link",theme:"outlined"},s=i(84089),a=r.forwardRef(function(e,t){return r.createElement(s.Z,(0,n.Z)({},e,{ref:t,icon:o}))})},49591:function(e,t,i){"use strict";i.d(t,{Z:function(){return a}});var n=i(87462),r=i(67294),o={icon:{tag:"svg",attrs:{viewBox:"64 64 896 896",focusable:"false"},children:[{tag:"path",attrs:{d:"M880 112H144c-17.7 0-32 14.3-32 32v736c0 17.7 14.3 32 32 32h360c4.4 0 8-3.6 8-8v-56c0-4.4-3.6-8-8-8H184V184h656v320c0 4.4 3.6 8 8 8h56c4.4 0 8-3.6 8-8V144c0-17.7-14.3-32-32-32zM653.3 599.4l52.2-52.2a8.01 8.01 0 00-4.7-13.6l-179.4-21c-5.1-.6-9.5 3.7-8.9 8.9l21 179.4c.8 6.6 8.9 9.4 13.6 4.7l52.4-52.4 256.2 256.2c3.1 3.1 8.2 3.1 11.3 0l42.4-42.4c3.1-3.1 3.1-8.2 0-11.3L653.3 599.4z"}}]},name:"select",theme:"outlined"},s=i(84089),a=r.forwardRef(function(e,t){return r.createElement(s.Z,(0,n.Z)({},e,{ref:t,icon:o}))})},88484:function(e,t,i){"use strict";i.d(t,{Z:function(){return a}});var n=i(87462),r=i(67294),o={icon:{tag:"svg",attrs:{viewBox:"64 64 896 896",focusable:"false"},children:[{tag:"path",attrs:{d:"M400 317.7h73.9V656c0 4.4 3.6 8 8 8h60c4.4 0 8-3.6 8-8V317.7H624c6.7 0 10.4-7.7 6.3-12.9L518.3 163a8 8 0 00-12.6 0l-112 141.7c-4.1 5.3-.4 13 6.3 13zM878 626h-60c-4.4 0-8 3.6-8 8v154H214V634c0-4.4-3.6-8-8-8h-60c-4.4 0-8 3.6-8 8v198c0 17.7 14.3 32 32 32h684c17.7 0 32-14.3 32-32V634c0-4.4-3.6-8-8-8z"}}]},name:"upload",theme:"outlined"},s=i(84089),a=r.forwardRef(function(e,t){return r.createElement(s.Z,(0,n.Z)({},e,{ref:t,icon:o}))})},17816:function(e,t){!function(e){"use strict";function t(e){var t="function"==typeof Symbol&&Symbol.iterator,i=t&&e[t],n=0;if(i)return i.call(e);if(e&&"number"==typeof e.length)return{next:function(){return{value:(e=e&&n>=e.length?void 0:e)&&e[n++],done:!e}}};throw TypeError(t?"Object is not iterable.":"Symbol.iterator is not defined.")}function i(e,t){var i="function"==typeof Symbol&&e[Symbol.iterator];if(!i)return e;var n,r,o=i.call(e),s=[];try{for(;(void 0===t||0i=>e(t(i)),e)}function y(e,t){return t-e?i=>(i-e)/(t-e):e=>.5}x=new f(3),f!=Float32Array&&(x[0]=0,x[1]=0,x[2]=0),x=new f(4),f!=Float32Array&&(x[0]=0,x[1]=0,x[2]=0,x[3]=0);let R=Math.sqrt(50),A=Math.sqrt(10),N=Math.sqrt(2);function O(e,t,i){return e=Math.floor(Math.log(t=(t-e)/Math.max(0,i))/Math.LN10),i=t/10**e,0<=e?(i>=R?10:i>=A?5:i>=N?2:1)*10**e:-(10**-e)/(i>=R?10:i>=A?5:i>=N?2:1)}let L=(e,t,i=5)=>{let n=0,r=(e=[e,t]).length-1,o=e[n],s=e[r],a;return s{i.prototype.rescale=function(){this.initRange(),this.nice();var[e]=this.chooseTransforms();this.composeOutput(e,this.chooseClamp(e))},i.prototype.initRange=function(){var t=this.options.interpolator;this.options.range=e(t)},i.prototype.composeOutput=function(e,i){var{domain:n,interpolator:r,round:o}=this.getOptions(),n=t(n.map(e)),o=o?e=>a(e=r(e),"Number")?Math.round(e):e:r;this.output=T(o,n,i,e)},i.prototype.invert=void 0}}var D,x={exports:{}},M={exports:{}},k=Array.prototype.concat,P=Array.prototype.slice,F=M.exports=function(e){for(var t=[],i=0,n=e.length;ii=>e*(1-i)+t*i,q=(e,t)=>{if("number"==typeof e&&"number"==typeof t)return $(e,t);if("string"!=typeof e||"string"!=typeof t)return()=>e;{let i=Y(e),n=Y(t);return null===i||null===n?i?()=>e:()=>t:e=>{var t=[,,,,];for(let s=0;s<4;s+=1){var r=i[s],o=n[s];t[s]=r*(1-e)+o*e}var[s,a,l,h]=t;return`rgba(${Math.round(s)}, ${Math.round(a)}, ${Math.round(l)}, ${h})`}}},X=(e,t)=>{let i=$(e,t);return e=>Math.round(i(e))};function Z({map:e,initKey:t},i){return t=t(i),e.has(t)?e.get(t):i}function J(e){return"object"==typeof e?e.valueOf():e}class Q extends Map{constructor(e){if(super(),this.map=new Map,this.initKey=J,null!==e)for(var[t,i]of e)this.set(t,i)}get(e){return super.get(Z({map:this.map,initKey:this.initKey},e))}has(e){return super.has(Z({map:this.map,initKey:this.initKey},e))}set(e,t){var i,n;return super.set(([{map:e,initKey:i},n]=[{map:this.map,initKey:this.initKey},e],i=i(n),e.has(i)?e.get(i):(e.set(i,n),n)),t)}delete(e){var t,i;return super.delete(([{map:e,initKey:t},i]=[{map:this.map,initKey:this.initKey},e],t=t(i),e.has(t)&&(i=e.get(t),e.delete(t)),i))}}class ee{constructor(e){this.options=d({},this.getDefaultOptions()),this.update(e)}getOptions(){return this.options}update(e={}){this.options=d({},this.options,e),this.rescale(e)}rescale(e){}}let et=Symbol("defaultUnknown");function ei(e,t,i){for(let n=0;n""+e:"object"==typeof e?e=>JSON.stringify(e):e=>e}class eo extends ee{getDefaultOptions(){return{domain:[],range:[],unknown:et}}constructor(e){super(e)}map(e){return 0===this.domainIndexMap.size&&ei(this.domainIndexMap,this.getDomain(),this.domainKey),en({value:this.domainKey(e),mapper:this.domainIndexMap,from:this.getDomain(),to:this.getRange(),notFoundReturn:this.options.unknown})}invert(e){return 0===this.rangeIndexMap.size&&ei(this.rangeIndexMap,this.getRange(),this.rangeKey),en({value:this.rangeKey(e),mapper:this.rangeIndexMap,from:this.getRange(),to:this.getDomain(),notFoundReturn:this.options.unknown})}rescale(e){var[t]=this.options.domain,[i]=this.options.range;this.domainKey=er(t),this.rangeKey=er(i),this.rangeIndexMap?(e&&!e.range||this.rangeIndexMap.clear(),(!e||e.domain||e.compare)&&(this.domainIndexMap.clear(),this.sortedDomain=void 0)):(this.rangeIndexMap=new Map,this.domainIndexMap=new Map)}clone(){return new eo(this.options)}getRange(){return this.options.range}getDomain(){var e,t;return this.sortedDomain||({domain:e,compare:t}=this.options,this.sortedDomain=t?[...e].sort(t):e),this.sortedDomain}}class es extends eo{getDefaultOptions(){return{domain:[],range:[0,1],align:.5,round:!1,paddingInner:0,paddingOuter:0,padding:0,unknown:et,flex:[]}}constructor(e){super(e)}clone(){return new es(this.options)}getStep(e){return void 0===this.valueStep?1:"number"==typeof this.valueStep?this.valueStep:void 0===e?Array.from(this.valueStep.values())[0]:this.valueStep.get(e)}getBandWidth(e){return void 0===this.valueBandWidth?1:"number"==typeof this.valueBandWidth?this.valueBandWidth:void 0===e?Array.from(this.valueBandWidth.values())[0]:this.valueBandWidth.get(e)}getRange(){return this.adjustedRange}getPaddingInner(){var{padding:e,paddingInner:t}=this.options;return 0e/t)}(h),f=d/g.reduce((e,t)=>e+t);var h=new Q(t.map((e,t)=>(t=g[t]*f,[e,s?Math.floor(t):t]))),p=new Q(t.map((e,t)=>(t=g[t]*f+c,[e,s?Math.floor(t):t]))),d=Array.from(p.values()).reduce((e,t)=>e+t),e=e+(u-(d-d/l*r))*a;let m=s?Math.round(e):e;var _=Array(l);for(let e=0;el+t*s),{valueStep:s,valueBandWidth:a,adjustedRange:e}}({align:e,range:i,round:n,flex:r,paddingInner:this.getPaddingInner(),paddingOuter:this.getPaddingOuter(),domain:t});this.valueStep=n,this.valueBandWidth=i,this.adjustedRange=e}}let ea=(e,t,i)=>{let n,r,o=e,s=t;if(o===s&&0{let n;var[e,r]=e,[t,o]=t;return T(e{let n=Math.min(e.length,t.length)-1,r=Array(n),o=Array(n);var s=e[0]>e[n],a=s?[...e].reverse():e,l=s?[...t].reverse():t;for(let e=0;e{var i=function(e,t,i,n,r){let o=1,s=n||e.length;for(var a=e=>e;ot?s=l:o=l+1}return o}(e,t,0,n)-1,s=r[i];return T(o[i],s)(t)}},eu=(e,t,i,n)=>(2Math.min(Math.max(n,e),r)}return c}composeOutput(e,t){var{domain:i,range:n,round:r,interpolate:o}=this.options,i=eu(i.map(e),n,o,r);this.output=T(i,t,e)}composeInput(e,t,i){var{domain:n,range:r}=this.options,r=eu(r,n.map(e),$);this.input=T(t,i,r)}}class ec extends ed{getDefaultOptions(){return{domain:[0,1],range:[0,1],unknown:void 0,nice:!1,clamp:!1,round:!1,interpolate:q,tickMethod:ea,tickCount:5}}chooseTransforms(){return[c,c]}clone(){return new ec(this.options)}}class eg extends es{getDefaultOptions(){return{domain:[],range:[0,1],align:.5,round:!1,padding:0,unknown:et,paddingInner:1,paddingOuter:0}}constructor(e){super(e)}getPaddingInner(){return 1}clone(){return new eg(this.options)}update(e){super.update(e)}getPaddingOuter(){return this.options.padding}}function ef(e,t){for(var i=[],n=0,r=e.length;n{var[e,t]=e;return T($(0,1),y(e,t))})],e_);let eE=o=class extends ec{getDefaultOptions(){return{domain:[0,.5,1],unknown:void 0,nice:!1,clamp:!1,round:!1,interpolator:c,tickMethod:ea,tickCount:5}}constructor(e){super(e)}clone(){return new o(this.options)}};function ev(e,t,n,r,o){var s=new ec({range:[t,t+r]}),a=new ec({range:[n,n+o]});return{transform:function(e){var e=i(e,2),t=e[0],e=e[1];return[s.map(t),a.map(e)]},untransform:function(e){var e=i(e,2),t=e[0],e=e[1];return[s.invert(t),a.invert(e)]}}}function eC(e,t,n,r,o){return(0,i(e,1)[0])(t,n,r,o)}function eb(e,t,n,r,o){return i(e,1)[0]}function eS(e,t,n,r,o){var s=(e=i(e,4))[0],a=e[1],l=e[2],e=e[3],h=new ec({range:[l,e]}),u=new ec({range:[s,a]}),d=1<(l=o/r)?1:l,c=1{let[t,i,n]=e,r=T($(0,.5),y(t,i)),o=T($(.5,1),y(i,n));return e=>(t>n?eh&&(h=f)}for(var p=Math.atan(n/(i*Math.tan(r))),m=1/0,_=-1/0,E=[o,s],d=-(2*Math.PI);d<=2*Math.PI;d+=Math.PI){var v=p+d;o_&&(_=b)}return{x:l,y:m,width:h-l,height:_-m}}function l(e,t,i,n){return o(e,t,i,n)}function h(e,t,i,n,r){return{x:(1-r)*e+r*i,y:(1-r)*t+r*n}}function u(e,t,i,n,r){var o=1-r;return o*o*o*e+3*t*r*o*o+3*i*r*r*o+n*r*r*r}function d(e,t,i,n){var o,s,a,l=-3*e+9*t-9*i+3*n,h=6*e-12*t+6*i,u=3*t-3*e,d=[];if((0,r.Z)(l,0))!(0,r.Z)(h,0)&&(o=-u/h)>=0&&o<=1&&d.push(o);else{var c=h*h-4*l*u;(0,r.Z)(c,0)?d.push(-h/(2*l)):c>0&&(o=(-h+(a=Math.sqrt(c)))/(2*l),s=(-h-a)/(2*l),o>=0&&o<=1&&d.push(o),s>=0&&s<=1&&d.push(s))}return d}function c(e,t,i,n,r,o,a,l){for(var h=[e,a],c=[t,l],g=d(e,i,r,a),f=d(t,n,o,l),p=0;p=0?[o]:[]}function m(e,t,i,n,r,o){var a=p(e,i,r)[0],l=p(t,n,o)[0],h=[e,r],u=[t,o];return void 0!==a&&h.push(f(e,i,r,a)),void 0!==l&&u.push(f(t,n,o,l)),s(h,u)}},53984:function(e,t){"use strict";t.Z=function(e,t,i){return ei?i:e}},47427:function(e,t,i){"use strict";var n=i(10410);t.Z=function(e){return Array.isArray?Array.isArray(e):(0,n.Z)(e,"Array")}},63725:function(e,t,i){"use strict";var n=i(10410);t.Z=function(e){return(0,n.Z)(e,"Boolean")}},37377:function(e,t){"use strict";t.Z=function(e){return null==e}},76703:function(e,t,i){"use strict";function n(e,t,i){return void 0===i&&(i=1e-5),Math.abs(e-t)1&&(v*=O=Math.sqrt(O),C*=O);var L=v*v,I=C*C,w=(s===l?-1:1)*Math.sqrt(Math.abs((L*I-L*N*N-I*A*A)/(L*N*N+I*A*A)));p=w*v*N/C+(_+b)/2,m=-(w*C)*A/v+(E+S)/2,g=Math.asin(((E-m)/C*1e9>>0)/1e9),f=Math.asin(((S-m)/C*1e9>>0)/1e9),g=_f&&(g-=2*Math.PI),!l&&f>g&&(f-=2*Math.PI)}var D=f-g;if(Math.abs(D)>T){var x=f,M=b,k=S;R=e(b=p+v*Math.cos(f=g+T*(l&&f>g?1:-1)),S=m+C*Math.sin(f),v,C,o,0,l,M,k,[f,x,p,m])}D=f-g;var P=Math.cos(g),F=Math.cos(f),B=Math.tan(D/4),U=4/3*v*B,H=4/3*C*B,V=[_,E],W=[_+U*Math.sin(g),E-H*P],G=[b+U*Math.sin(f),S-H*F],j=[b,S];if(W[0]=2*V[0]-W[0],W[1]=2*V[1]-W[1],d)return W.concat(G,j,R);R=W.concat(G,j,R);for(var z=[],K=0,Y=R.length;K7){e[i].shift();for(var n=e[i],r=i;n.length;)t[i]="A",e.splice(r+=1,0,["C"].concat(n.splice(0,6)));e.splice(i,1)}}(d,g,_),p=d.length,"Z"===f&&m.push(_),l=(i=d[_]).length,c.x1=+i[l-2],c.y1=+i[l-1],c.x2=+i[l-4]||c.x1,c.y2=+i[l-3]||c.y1}return t?[d,m]:d}},63893:function(e,t,i){"use strict";i.d(t,{R:function(){return n}});var n={a:7,c:6,h:1,l:2,m:2,r:4,q:4,s:4,t:2,v:1,z:0}},54109:function(e,t,i){"use strict";i.d(t,{z:function(){return n}});var n={x1:0,y1:0,x2:0,y2:0,x:0,y:0,qx:null,qy:null}},8699:function(e,t,i){"use strict";function n(e){return e.map(function(e){return Array.isArray(e)?[].concat(e):e})}i.d(t,{U:function(){return n}})},28024:function(e,t,i){"use strict";i.d(t,{A:function(){return g}});var n=i(97582),r=i(12884),o=i(54109),s=i(41793),a=i(66141),l=i(63893);function h(e){for(var t=e.pathValue[e.segmentStart],i=t.toLowerCase(),n=e.data;n.length>=l.R[i]&&("m"===i&&n.length>2?(e.segments.push([t].concat(n.splice(0,2))),i="l",t="m"===t?"l":"L"):e.segments.push([t].concat(n.splice(0,l.R[i]))),l.R[i]););}function u(e){return e>=48&&e<=57}function d(e){for(var t,i=e.pathValue,n=e.max;e.index=5760&&[5760,6158,8192,8193,8194,8195,8196,8197,8198,8199,8200,8201,8202,8239,8287,12288,65279].includes(t));)e.index+=1}var c=function(e){this.pathValue=e,this.segments=[],this.max=e.length,this.index=0,this.param=0,this.segmentStart=0,this.data=[],this.err=""};function g(e){if((0,r.y)(e))return[].concat(e);for(var t=function(e){if((0,s.b)(e))return[].concat(e);var t=function(e){if((0,a.n)(e))return[].concat(e);var t=new c(e);for(d(t);t.index0;a-=1){if((32|r)==97&&(3===a||4===a)?function(e){var t=e.index,i=e.pathValue,n=i.charCodeAt(t);if(48===n){e.param=0,e.index+=1;return}if(49===n){e.param=1,e.index+=1;return}e.err='[path-util]: invalid Arc flag "'+i[t]+'", expecting 0 or 1 at index '+t}(e):function(e){var t,i=e.max,n=e.pathValue,r=e.index,o=r,s=!1,a=!1,l=!1,h=!1;if(o>=i){e.err="[path-util]: Invalid path value at index "+o+', "pathValue" is missing param';return}if((43===(t=n.charCodeAt(o))||45===t)&&(o+=1,t=n.charCodeAt(o)),!u(t)&&46!==t){e.err="[path-util]: Invalid path value at index "+o+', "'+n[o]+'" is not a number';return}if(46!==t){if(s=48===t,o+=1,t=n.charCodeAt(o),s&&o=e.max||!((s=i.charCodeAt(e.index))>=48&&s<=57||43===s||45===s||46===s))break}h(e)}(t);return t.err?t.err:t.segments}(e),i=0,n=0,r=0,o=0;return t.map(function(e){var t,s=e.slice(1).map(Number),a=e[0],l=a.toUpperCase();if("M"===a)return i=s[0],n=s[1],r=i,o=n,["M",i,n];if(a!==l)switch(l){case"A":t=[l,s[0],s[1],s[2],s[3],s[4],s[5]+i,s[6]+n];break;case"V":t=[l,s[0]+n];break;case"H":t=[l,s[0]+i];break;default:t=[l].concat(s.map(function(e,t){return e+(t%2?n:i)}))}else t=[l].concat(s);var h=t.length;switch(l){case"Z":i=r,n=o;break;case"H":i=t[1];break;case"V":n=t[1];break;default:i=t[h-2],n=t[h-1],"M"===l&&(r=i,o=n)}return t})}(e),i=(0,n.pi)({},o.z),g=0;g=f[t],p[t]-=m?1:0,m?e.ss:[e.s]}).flat()});return _[0].length===_[1].length?_:e(_[0],_[1],g)}}});var n=i(47852),r=i(31427);function o(e){return e.map(function(e,t,i){var o,s,a,l,h,u,d,c,g,f,p,m,_=t&&i[t-1].slice(-2).concat(e.slice(1)),E=t?(0,r.S)(_[0],_[1],_[2],_[3],_[4],_[5],_[6],_[7],_[8],{bbox:!1}).length:0;return m=t?E?(void 0===o&&(o=.5),s=_.slice(0,2),a=_.slice(2,4),l=_.slice(4,6),h=_.slice(6,8),u=(0,n.k)(s,a,o),d=(0,n.k)(a,l,o),c=(0,n.k)(l,h,o),g=(0,n.k)(u,d,o),f=(0,n.k)(d,c,o),p=(0,n.k)(g,f,o),[["C"].concat(u,g,p),["C"].concat(f,c,h)]):[e,e]:[e],{s:e,ss:m,l:E}})}},49958:function(e,t,i){"use strict";i.d(t,{b:function(){return r}});var n=i(75066);function r(e){var t,i,r;return t=0,i=0,r=0,(0,n.Y)(e).map(function(e){if("M"===e[0])return t=e[1],i=e[2],0;var n,o,s,a=e.slice(1),l=a[0],h=a[1],u=a[2],d=a[3],c=a[4],g=a[5];return o=t,r=3*((g-(s=i))*(l+u)-(c-o)*(h+d)+h*(o-u)-l*(s-d)+g*(u+o/3)-c*(d+s/3))/20,t=(n=e.slice(-2))[0],i=n[1],r}).reduce(function(e,t){return e+t},0)>=0}},80431:function(e,t,i){"use strict";i.d(t,{r:function(){return o}});var n=i(97582),r=i(12369);function o(e,t,i){return(0,r.s)(e,t,(0,n.pi)((0,n.pi)({},i),{bbox:!1,length:!0})).point}},88154:function(e,t,i){"use strict";i.d(t,{g:function(){return r}});var n=i(6393);function r(e,t){var i,r,o=e.length-1,s=[],a=0,l=(r=(i=e.length)-1,e.map(function(t,n){return e.map(function(t,o){var s=n+o;return 0===o||e[s]&&"M"===e[s][0]?["M"].concat(e[s].slice(-2)):(s>=i&&(s-=r),e[s])})}));return l.forEach(function(i,r){e.slice(1).forEach(function(i,s){a+=(0,n.y)(e[(r+s)%o].slice(-2),t[s%o].slice(-2))}),s[r]=a,a=0}),l[s.indexOf(Math.min.apply(null,s))]}},72888:function(e,t,i){"use strict";i.d(t,{D:function(){return o}});var n=i(97582),r=i(12369);function o(e,t){return(0,r.s)(e,void 0,(0,n.pi)((0,n.pi)({},t),{bbox:!1,length:!0})).length}},41793:function(e,t,i){"use strict";i.d(t,{b:function(){return r}});var n=i(66141);function r(e){return(0,n.n)(e)&&e.every(function(e){var t=e[0];return t===t.toUpperCase()})}},12884:function(e,t,i){"use strict";i.d(t,{y:function(){return r}});var n=i(41793);function r(e){return(0,n.b)(e)&&e.every(function(e){var t=e[0];return"ACLMQZ".includes(t)})}},66141:function(e,t,i){"use strict";i.d(t,{n:function(){return r}});var n=i(63893);function r(e){return Array.isArray(e)&&e.every(function(e){var t=e[0].toLowerCase();return n.R[t]===e.length-1&&"achlmqstvz".includes(t)})}},47852:function(e,t,i){"use strict";function n(e,t,i){var n=e[0],r=e[1];return[n+(t[0]-n)*i,r+(t[1]-r)*i]}i.d(t,{k:function(){return n}})},12369:function(e,t,i){"use strict";i.d(t,{s:function(){return h}});var n=i(28024),r=i(47852),o=i(6393);function s(e,t,i,n,s){var a=(0,o.y)([e,t],[i,n]),l={x:0,y:0};if("number"==typeof s){if(s<=0)l={x:e,y:t};else if(s>=a)l={x:i,y:n};else{var h=(0,r.k)([e,t],[i,n],s/a);l={x:h[0],y:h[1]}}}return{length:a,point:l,min:{x:Math.min(e,i),y:Math.min(t,n)},max:{x:Math.max(e,i),y:Math.max(t,n)}}}function a(e,t){var i=e.x,n=e.y,r=t.x,o=t.y,s=Math.sqrt((Math.pow(i,2)+Math.pow(n,2))*(Math.pow(r,2)+Math.pow(o,2)));return(i*o-n*r<0?-1:1)*Math.acos((i*r+n*o)/s)}var l=i(31427);function h(e,t,i){for(var r,h,u,d,c,g,f,p,m,_=(0,n.A)(e),E="number"==typeof t,v=[],C=0,b=0,S=0,T=0,y=[],R=[],A=0,N={x:0,y:0},O=N,L=N,I=N,w=0,D=0,x=_.length;D1&&(_*=p(T),E*=p(T));var y=(Math.pow(_,2)*Math.pow(E,2)-Math.pow(_,2)*Math.pow(S.y,2)-Math.pow(E,2)*Math.pow(S.x,2))/(Math.pow(_,2)*Math.pow(S.y,2)+Math.pow(E,2)*Math.pow(S.x,2)),R=(o!==l?1:-1)*p(y=y<0?0:y),A={x:R*(_*S.y/E),y:R*(-(E*S.x)/_)},N={x:f(v)*A.x-g(v)*A.y+(e+h)/2,y:g(v)*A.x+f(v)*A.y+(t+u)/2},O={x:(S.x-A.x)/_,y:(S.y-A.y)/E},L=a({x:1,y:0},O),I=a(O,{x:(-S.x-A.x)/_,y:(-S.y-A.y)/E});!l&&I>0?I-=2*m:l&&I<0&&(I+=2*m);var w=L+(I%=2*m)*d,D=_*f(w),x=E*g(w);return{x:f(v)*D-g(v)*x+N.x,y:g(v)*D+f(v)*x+N.y}}(e,t,i,n,r,l,h,u,d,L/C)).x,T=f.y,m&&O.push({x:S,y:T}),E&&(y+=(0,o.y)(A,[S,T])),A=[S,T],b&&y>=c&&c>R[2]){var I=(y-c)/(y-R[2]);N={x:A[0]*(1-I)+R[0]*I,y:A[1]*(1-I)+R[1]*I}}R=[S,T,y]}return b&&c>=y&&(N={x:u,y:d}),{length:y,point:N,min:{x:Math.min.apply(null,O.map(function(e){return e.x})),y:Math.min.apply(null,O.map(function(e){return e.y}))},max:{x:Math.max.apply(null,O.map(function(e){return e.x})),y:Math.max.apply(null,O.map(function(e){return e.y}))}}}(v[0],v[1],v[2],v[3],v[4],v[5],v[6],v[7],v[8],(t||0)-w,i||{})).length,N=h.min,O=h.max,L=h.point):"C"===p?(A=(u=(0,l.S)(v[0],v[1],v[2],v[3],v[4],v[5],v[6],v[7],(t||0)-w,i||{})).length,N=u.min,O=u.max,L=u.point):"Q"===p?(A=(d=function(e,t,i,n,r,s,a,l){var h,u=l.bbox,d=void 0===u||u,c=l.length,g=void 0===c||c,f=l.sampleSize,p=void 0===f?10:f,m="number"==typeof a,_=e,E=t,v=0,C=[_,E,0],b=[_,E],S={x:0,y:0},T=[{x:_,y:E}];m&&a<=0&&(S={x:_,y:E});for(var y=0;y<=p;y+=1){if(_=(h=function(e,t,i,n,r,o,s){var a=1-s;return{x:Math.pow(a,2)*e+2*a*s*i+Math.pow(s,2)*r,y:Math.pow(a,2)*t+2*a*s*n+Math.pow(s,2)*o}}(e,t,i,n,r,s,y/p)).x,E=h.y,d&&T.push({x:_,y:E}),g&&(v+=(0,o.y)(b,[_,E])),b=[_,E],m&&v>=a&&a>C[2]){var R=(v-a)/(v-C[2]);S={x:b[0]*(1-R)+C[0]*R,y:b[1]*(1-R)+C[1]*R}}C=[_,E,v]}return m&&a>=v&&(S={x:r,y:s}),{length:v,point:S,min:{x:Math.min.apply(null,T.map(function(e){return e.x})),y:Math.min.apply(null,T.map(function(e){return e.y}))},max:{x:Math.max.apply(null,T.map(function(e){return e.x})),y:Math.max.apply(null,T.map(function(e){return e.y}))}}}(v[0],v[1],v[2],v[3],v[4],v[5],(t||0)-w,i||{})).length,N=d.min,O=d.max,L=d.point):"Z"===p&&(A=(c=s((v=[C,b,S,T])[0],v[1],v[2],v[3],(t||0)-w)).length,N=c.min,O=c.max,L=c.point),E&&w=t&&(I=L),R.push(O),y.push(N),w+=A,C=(g="Z"!==p?m.slice(-2):[S,T])[0],b=g[1];return E&&t>=w&&(I={x:C,y:b}),{length:w,point:I,min:{x:Math.min.apply(null,y.map(function(e){return e.x})),y:Math.min.apply(null,y.map(function(e){return e.y}))},max:{x:Math.max.apply(null,R.map(function(e){return e.x})),y:Math.max.apply(null,R.map(function(e){return e.y}))}}}},31427:function(e,t,i){"use strict";i.d(t,{S:function(){return r}});var n=i(6393);function r(e,t,i,r,o,s,a,l,h,u){var d,c=u.bbox,g=void 0===c||c,f=u.length,p=void 0===f||f,m=u.sampleSize,_=void 0===m?10:m,E="number"==typeof h,v=e,C=t,b=0,S=[v,C,0],T=[v,C],y={x:0,y:0},R=[{x:v,y:C}];E&&h<=0&&(y={x:v,y:C});for(var A=0;A<=_;A+=1){if(v=(d=function(e,t,i,n,r,o,s,a,l){var h=1-l;return{x:Math.pow(h,3)*e+3*Math.pow(h,2)*l*i+3*h*Math.pow(l,2)*r+Math.pow(l,3)*s,y:Math.pow(h,3)*t+3*Math.pow(h,2)*l*n+3*h*Math.pow(l,2)*o+Math.pow(l,3)*a}}(e,t,i,r,o,s,a,l,A/_)).x,C=d.y,g&&R.push({x:v,y:C}),p&&(b+=(0,n.y)(T,[v,C])),T=[v,C],E&&b>=h&&h>S[2]){var N=(b-h)/(b-S[2]);y={x:T[0]*(1-N)+S[0]*N,y:T[1]*(1-N)+S[1]*N}}S=[v,C,b]}return E&&h>=b&&(y={x:a,y:l}),{length:b,point:y,min:{x:Math.min.apply(null,R.map(function(e){return e.x})),y:Math.min.apply(null,R.map(function(e){return e.y}))},max:{x:Math.max.apply(null,R.map(function(e){return e.x})),y:Math.max.apply(null,R.map(function(e){return e.y}))}}}},33439:function(e,t,i){"use strict";function n(e,t,i){e.prototype=t.prototype=i,i.constructor=e}function r(e,t){var i=Object.create(e.prototype);for(var n in t)i[n]=t[n];return i}function o(){}i.d(t,{ZP:function(){return v}});var s="\\s*([+-]?\\d+)\\s*",a="\\s*([+-]?\\d*\\.?\\d+(?:[eE][+-]?\\d+)?)\\s*",l="\\s*([+-]?\\d*\\.?\\d+(?:[eE][+-]?\\d+)?)%\\s*",h=/^#([0-9a-f]{3,8})$/,u=RegExp("^rgb\\("+[s,s,s]+"\\)$"),d=RegExp("^rgb\\("+[l,l,l]+"\\)$"),c=RegExp("^rgba\\("+[s,s,s,a]+"\\)$"),g=RegExp("^rgba\\("+[l,l,l,a]+"\\)$"),f=RegExp("^hsl\\("+[a,l,l]+"\\)$"),p=RegExp("^hsla\\("+[a,l,l,a]+"\\)$"),m={aliceblue:15792383,antiquewhite:16444375,aqua:65535,aquamarine:8388564,azure:15794175,beige:16119260,bisque:16770244,black:0,blanchedalmond:16772045,blue:255,blueviolet:9055202,brown:10824234,burlywood:14596231,cadetblue:6266528,chartreuse:8388352,chocolate:13789470,coral:16744272,cornflowerblue:6591981,cornsilk:16775388,crimson:14423100,cyan:65535,darkblue:139,darkcyan:35723,darkgoldenrod:12092939,darkgray:11119017,darkgreen:25600,darkgrey:11119017,darkkhaki:12433259,darkmagenta:9109643,darkolivegreen:5597999,darkorange:16747520,darkorchid:10040012,darkred:9109504,darksalmon:15308410,darkseagreen:9419919,darkslateblue:4734347,darkslategray:3100495,darkslategrey:3100495,darkturquoise:52945,darkviolet:9699539,deeppink:16716947,deepskyblue:49151,dimgray:6908265,dimgrey:6908265,dodgerblue:2003199,firebrick:11674146,floralwhite:16775920,forestgreen:2263842,fuchsia:16711935,gainsboro:14474460,ghostwhite:16316671,gold:16766720,goldenrod:14329120,gray:8421504,green:32768,greenyellow:11403055,grey:8421504,honeydew:15794160,hotpink:16738740,indianred:13458524,indigo:4915330,ivory:16777200,khaki:15787660,lavender:15132410,lavenderblush:16773365,lawngreen:8190976,lemonchiffon:16775885,lightblue:11393254,lightcoral:15761536,lightcyan:14745599,lightgoldenrodyellow:16448210,lightgray:13882323,lightgreen:9498256,lightgrey:13882323,lightpink:16758465,lightsalmon:16752762,lightseagreen:2142890,lightskyblue:8900346,lightslategray:7833753,lightslategrey:7833753,lightsteelblue:11584734,lightyellow:16777184,lime:65280,limegreen:3329330,linen:16445670,magenta:16711935,maroon:8388608,mediumaquamarine:6737322,mediumblue:205,mediumorchid:12211667,mediumpurple:9662683,mediumseagreen:3978097,mediumslateblue:8087790,mediumspringgreen:64154,mediumturquoise:4772300,mediumvioletred:13047173,midnightblue:1644912,mintcream:16121850,mistyrose:16770273,moccasin:16770229,navajowhite:16768685,navy:128,oldlace:16643558,olive:8421376,olivedrab:7048739,orange:16753920,orangered:16729344,orchid:14315734,palegoldenrod:15657130,palegreen:10025880,paleturquoise:11529966,palevioletred:14381203,papayawhip:16773077,peachpuff:16767673,peru:13468991,pink:16761035,plum:14524637,powderblue:11591910,purple:8388736,rebeccapurple:6697881,red:16711680,rosybrown:12357519,royalblue:4286945,saddlebrown:9127187,salmon:16416882,sandybrown:16032864,seagreen:3050327,seashell:16774638,sienna:10506797,silver:12632256,skyblue:8900331,slateblue:6970061,slategray:7372944,slategrey:7372944,snow:16775930,springgreen:65407,steelblue:4620980,tan:13808780,teal:32896,thistle:14204888,tomato:16737095,turquoise:4251856,violet:15631086,wheat:16113331,white:16777215,whitesmoke:16119285,yellow:16776960,yellowgreen:10145074};function _(){return this.rgb().formatHex()}function E(){return this.rgb().formatRgb()}function v(e){var t,i;return e=(e+"").trim().toLowerCase(),(t=h.exec(e))?(i=t[1].length,t=parseInt(t[1],16),6===i?C(t):3===i?new S(t>>8&15|t>>4&240,t>>4&15|240&t,(15&t)<<4|15&t,1):8===i?b(t>>24&255,t>>16&255,t>>8&255,(255&t)/255):4===i?b(t>>12&15|t>>8&240,t>>8&15|t>>4&240,t>>4&15|240&t,((15&t)<<4|15&t)/255):null):(t=u.exec(e))?new S(t[1],t[2],t[3],1):(t=d.exec(e))?new S(255*t[1]/100,255*t[2]/100,255*t[3]/100,1):(t=c.exec(e))?b(t[1],t[2],t[3],t[4]):(t=g.exec(e))?b(255*t[1]/100,255*t[2]/100,255*t[3]/100,t[4]):(t=f.exec(e))?A(t[1],t[2]/100,t[3]/100,1):(t=p.exec(e))?A(t[1],t[2]/100,t[3]/100,t[4]):m.hasOwnProperty(e)?C(m[e]):"transparent"===e?new S(NaN,NaN,NaN,0):null}function C(e){return new S(e>>16&255,e>>8&255,255&e,1)}function b(e,t,i,n){return n<=0&&(e=t=i=NaN),new S(e,t,i,n)}function S(e,t,i,n){this.r=+e,this.g=+t,this.b=+i,this.opacity=+n}function T(){return"#"+R(this.r)+R(this.g)+R(this.b)}function y(){var e=this.opacity;return(1===(e=isNaN(e)?1:Math.max(0,Math.min(1,e)))?"rgb(":"rgba(")+Math.max(0,Math.min(255,Math.round(this.r)||0))+", "+Math.max(0,Math.min(255,Math.round(this.g)||0))+", "+Math.max(0,Math.min(255,Math.round(this.b)||0))+(1===e?")":", "+e+")")}function R(e){return((e=Math.max(0,Math.min(255,Math.round(e)||0)))<16?"0":"")+e.toString(16)}function A(e,t,i,n){return n<=0?e=t=i=NaN:i<=0||i>=1?e=t=NaN:t<=0&&(e=NaN),new O(e,t,i,n)}function N(e){if(e instanceof O)return new O(e.h,e.s,e.l,e.opacity);if(e instanceof o||(e=v(e)),!e)return new O;if(e instanceof O)return e;var t=(e=e.rgb()).r/255,i=e.g/255,n=e.b/255,r=Math.min(t,i,n),s=Math.max(t,i,n),a=NaN,l=s-r,h=(s+r)/2;return l?(a=t===s?(i-n)/l+(i0&&h<1?0:a,new O(a,l,h,e.opacity)}function O(e,t,i,n){this.h=+e,this.s=+t,this.l=+i,this.opacity=+n}function L(e,t,i){return(e<60?t+(i-t)*e/60:e<180?i:e<240?t+(i-t)*(240-e)/60:t)*255}n(o,v,{copy:function(e){return Object.assign(new this.constructor,this,e)},displayable:function(){return this.rgb().displayable()},hex:_,formatHex:_,formatHsl:function(){return N(this).formatHsl()},formatRgb:E,toString:E}),n(S,function(e,t,i,n){var r;return 1==arguments.length?((r=e)instanceof o||(r=v(r)),r)?(r=r.rgb(),new S(r.r,r.g,r.b,r.opacity)):new S:new S(e,t,i,null==n?1:n)},r(o,{brighter:function(e){return e=null==e?1.4285714285714286:Math.pow(1.4285714285714286,e),new S(this.r*e,this.g*e,this.b*e,this.opacity)},darker:function(e){return e=null==e?.7:Math.pow(.7,e),new S(this.r*e,this.g*e,this.b*e,this.opacity)},rgb:function(){return this},displayable:function(){return -.5<=this.r&&this.r<255.5&&-.5<=this.g&&this.g<255.5&&-.5<=this.b&&this.b<255.5&&0<=this.opacity&&this.opacity<=1},hex:T,formatHex:T,formatRgb:y,toString:y})),n(O,function(e,t,i,n){return 1==arguments.length?N(e):new O(e,t,i,null==n?1:n)},r(o,{brighter:function(e){return e=null==e?1.4285714285714286:Math.pow(1.4285714285714286,e),new O(this.h,this.s,this.l*e,this.opacity)},darker:function(e){return e=null==e?.7:Math.pow(.7,e),new O(this.h,this.s,this.l*e,this.opacity)},rgb:function(){var e=this.h%360+(this.h<0)*360,t=isNaN(e)||isNaN(this.s)?0:this.s,i=this.l,n=i+(i<.5?i:1-i)*t,r=2*i-n;return new S(L(e>=240?e-240:e+120,r,n),L(e,r,n),L(e<120?e+240:e-120,r,n),this.opacity)},displayable:function(){return(0<=this.s&&this.s<=1||isNaN(this.s))&&0<=this.l&&this.l<=1&&0<=this.opacity&&this.opacity<=1},formatHsl:function(){var e=this.opacity;return(1===(e=isNaN(e)?1:Math.max(0,Math.min(1,e)))?"hsl(":"hsla(")+(this.h||0)+", "+100*(this.s||0)+"%, "+100*(this.l||0)+"%"+(1===e?")":", "+e+")")}}))},53406:function(e,t,i){"use strict";i.d(t,{r:function(){return ew}});var n,r,o,s,a,l=i(87462),h=i(63366),u=i(67294),d=i(33703),c=i(73546),g=i(82690);function f(e){if(null==e)return window;if("[object Window]"!==e.toString()){var t=e.ownerDocument;return t&&t.defaultView||window}return e}function p(e){var t=f(e).Element;return e instanceof t||e instanceof Element}function m(e){var t=f(e).HTMLElement;return e instanceof t||e instanceof HTMLElement}function _(e){if("undefined"==typeof ShadowRoot)return!1;var t=f(e).ShadowRoot;return e instanceof t||e instanceof ShadowRoot}var E=Math.max,v=Math.min,C=Math.round;function b(){var e=navigator.userAgentData;return null!=e&&e.brands&&Array.isArray(e.brands)?e.brands.map(function(e){return e.brand+"/"+e.version}).join(" "):navigator.userAgent}function S(){return!/^((?!chrome|android).)*safari/i.test(b())}function T(e,t,i){void 0===t&&(t=!1),void 0===i&&(i=!1);var n=e.getBoundingClientRect(),r=1,o=1;t&&m(e)&&(r=e.offsetWidth>0&&C(n.width)/e.offsetWidth||1,o=e.offsetHeight>0&&C(n.height)/e.offsetHeight||1);var s=(p(e)?f(e):window).visualViewport,a=!S()&&i,l=(n.left+(a&&s?s.offsetLeft:0))/r,h=(n.top+(a&&s?s.offsetTop:0))/o,u=n.width/r,d=n.height/o;return{width:u,height:d,top:h,right:l+u,bottom:h+d,left:l,x:l,y:h}}function y(e){var t=f(e);return{scrollLeft:t.pageXOffset,scrollTop:t.pageYOffset}}function R(e){return e?(e.nodeName||"").toLowerCase():null}function A(e){return((p(e)?e.ownerDocument:e.document)||window.document).documentElement}function N(e){return T(A(e)).left+y(e).scrollLeft}function O(e){return f(e).getComputedStyle(e)}function L(e){var t=O(e),i=t.overflow,n=t.overflowX,r=t.overflowY;return/auto|scroll|overlay|hidden/.test(i+r+n)}function I(e){var t=T(e),i=e.offsetWidth,n=e.offsetHeight;return 1>=Math.abs(t.width-i)&&(i=t.width),1>=Math.abs(t.height-n)&&(n=t.height),{x:e.offsetLeft,y:e.offsetTop,width:i,height:n}}function w(e){return"html"===R(e)?e:e.assignedSlot||e.parentNode||(_(e)?e.host:null)||A(e)}function D(e,t){void 0===t&&(t=[]);var i,n=function e(t){return["html","body","#document"].indexOf(R(t))>=0?t.ownerDocument.body:m(t)&&L(t)?t:e(w(t))}(e),r=n===(null==(i=e.ownerDocument)?void 0:i.body),o=f(n),s=r?[o].concat(o.visualViewport||[],L(n)?n:[]):n,a=t.concat(s);return r?a:a.concat(D(w(s)))}function x(e){return m(e)&&"fixed"!==O(e).position?e.offsetParent:null}function M(e){for(var t=f(e),i=x(e);i&&["table","td","th"].indexOf(R(i))>=0&&"static"===O(i).position;)i=x(i);return i&&("html"===R(i)||"body"===R(i)&&"static"===O(i).position)?t:i||function(e){var t=/firefox/i.test(b());if(/Trident/i.test(b())&&m(e)&&"fixed"===O(e).position)return null;var i=w(e);for(_(i)&&(i=i.host);m(i)&&0>["html","body"].indexOf(R(i));){var n=O(i);if("none"!==n.transform||"none"!==n.perspective||"paint"===n.contain||-1!==["transform","perspective"].indexOf(n.willChange)||t&&"filter"===n.willChange||t&&n.filter&&"none"!==n.filter)return i;i=i.parentNode}return null}(e)||t}var k="bottom",P="right",F="left",B="auto",U=["top",k,P,F],H="start",V="viewport",W="popper",G=U.reduce(function(e,t){return e.concat([t+"-"+H,t+"-end"])},[]),j=[].concat(U,[B]).reduce(function(e,t){return e.concat([t,t+"-"+H,t+"-end"])},[]),z=["beforeRead","read","afterRead","beforeMain","main","afterMain","beforeWrite","write","afterWrite"],K={placement:"bottom",modifiers:[],strategy:"absolute"};function Y(){for(var e=arguments.length,t=Array(e),i=0;i=0?"x":"y"}function J(e){var t,i=e.reference,n=e.element,r=e.placement,o=r?q(r):null,s=r?X(r):null,a=i.x+i.width/2-n.width/2,l=i.y+i.height/2-n.height/2;switch(o){case"top":t={x:a,y:i.y-n.height};break;case k:t={x:a,y:i.y+i.height};break;case P:t={x:i.x+i.width,y:l};break;case F:t={x:i.x-n.width,y:l};break;default:t={x:i.x,y:i.y}}var h=o?Z(o):null;if(null!=h){var u="y"===h?"height":"width";switch(s){case H:t[h]=t[h]-(i[u]/2-n[u]/2);break;case"end":t[h]=t[h]+(i[u]/2-n[u]/2)}}return t}var Q={top:"auto",right:"auto",bottom:"auto",left:"auto"};function ee(e){var t,i,n,r,o,s,a,l=e.popper,h=e.popperRect,u=e.placement,d=e.variation,c=e.offsets,g=e.position,p=e.gpuAcceleration,m=e.adaptive,_=e.roundOffsets,E=e.isFixed,v=c.x,b=void 0===v?0:v,S=c.y,T=void 0===S?0:S,y="function"==typeof _?_({x:b,y:T}):{x:b,y:T};b=y.x,T=y.y;var R=c.hasOwnProperty("x"),N=c.hasOwnProperty("y"),L=F,I="top",w=window;if(m){var D=M(l),x="clientHeight",B="clientWidth";D===f(l)&&"static"!==O(D=A(l)).position&&"absolute"===g&&(x="scrollHeight",B="scrollWidth"),("top"===u||(u===F||u===P)&&"end"===d)&&(I=k,T-=(E&&D===w&&w.visualViewport?w.visualViewport.height:D[x])-h.height,T*=p?1:-1),(u===F||("top"===u||u===k)&&"end"===d)&&(L=P,b-=(E&&D===w&&w.visualViewport?w.visualViewport.width:D[B])-h.width,b*=p?1:-1)}var U=Object.assign({position:g},m&&Q),H=!0===_?(t={x:b,y:T},i=f(l),n=t.x,r=t.y,{x:C(n*(o=i.devicePixelRatio||1))/o||0,y:C(r*o)/o||0}):{x:b,y:T};return(b=H.x,T=H.y,p)?Object.assign({},U,((a={})[I]=N?"0":"",a[L]=R?"0":"",a.transform=1>=(w.devicePixelRatio||1)?"translate("+b+"px, "+T+"px)":"translate3d("+b+"px, "+T+"px, 0)",a)):Object.assign({},U,((s={})[I]=N?T+"px":"",s[L]=R?b+"px":"",s.transform="",s))}var et={left:"right",right:"left",bottom:"top",top:"bottom"};function ei(e){return e.replace(/left|right|bottom|top/g,function(e){return et[e]})}var en={start:"end",end:"start"};function er(e){return e.replace(/start|end/g,function(e){return en[e]})}function eo(e,t){var i=t.getRootNode&&t.getRootNode();if(e.contains(t))return!0;if(i&&_(i)){var n=t;do{if(n&&e.isSameNode(n))return!0;n=n.parentNode||n.host}while(n)}return!1}function es(e){return Object.assign({},e,{left:e.x,top:e.y,right:e.x+e.width,bottom:e.y+e.height})}function ea(e,t,i){var n,r,o,s,a,l,h,u,d,c;return t===V?es(function(e,t){var i=f(e),n=A(e),r=i.visualViewport,o=n.clientWidth,s=n.clientHeight,a=0,l=0;if(r){o=r.width,s=r.height;var h=S();(h||!h&&"fixed"===t)&&(a=r.offsetLeft,l=r.offsetTop)}return{width:o,height:s,x:a+N(e),y:l}}(e,i)):p(t)?((n=T(t,!1,"fixed"===i)).top=n.top+t.clientTop,n.left=n.left+t.clientLeft,n.bottom=n.top+t.clientHeight,n.right=n.left+t.clientWidth,n.width=t.clientWidth,n.height=t.clientHeight,n.x=n.left,n.y=n.top,n):es((r=A(e),s=A(r),a=y(r),l=null==(o=r.ownerDocument)?void 0:o.body,h=E(s.scrollWidth,s.clientWidth,l?l.scrollWidth:0,l?l.clientWidth:0),u=E(s.scrollHeight,s.clientHeight,l?l.scrollHeight:0,l?l.clientHeight:0),d=-a.scrollLeft+N(r),c=-a.scrollTop,"rtl"===O(l||s).direction&&(d+=E(s.clientWidth,l?l.clientWidth:0)-h),{width:h,height:u,x:d,y:c}))}function el(){return{top:0,right:0,bottom:0,left:0}}function eh(e){return Object.assign({},el(),e)}function eu(e,t){return t.reduce(function(t,i){return t[i]=e,t},{})}function ed(e,t){void 0===t&&(t={});var i,n,r,o,s,a,l,h=t,u=h.placement,d=void 0===u?e.placement:u,c=h.strategy,g=void 0===c?e.strategy:c,f=h.boundary,_=h.rootBoundary,C=h.elementContext,b=void 0===C?W:C,S=h.altBoundary,y=h.padding,N=void 0===y?0:y,L=eh("number"!=typeof N?N:eu(N,U)),I=e.rects.popper,x=e.elements[void 0!==S&&S?b===W?"reference":W:b],F=(i=p(x)?x:x.contextElement||A(e.elements.popper),a=(s=[].concat("clippingParents"===(n=void 0===f?"clippingParents":f)?(r=D(w(i)),p(o=["absolute","fixed"].indexOf(O(i).position)>=0&&m(i)?M(i):i)?r.filter(function(e){return p(e)&&eo(e,o)&&"body"!==R(e)}):[]):[].concat(n),[void 0===_?V:_]))[0],(l=s.reduce(function(e,t){var n=ea(i,t,g);return e.top=E(n.top,e.top),e.right=v(n.right,e.right),e.bottom=v(n.bottom,e.bottom),e.left=E(n.left,e.left),e},ea(i,a,g))).width=l.right-l.left,l.height=l.bottom-l.top,l.x=l.left,l.y=l.top,l),B=T(e.elements.reference),H=J({reference:B,element:I,strategy:"absolute",placement:d}),G=es(Object.assign({},I,H)),j=b===W?G:B,z={top:F.top-j.top+L.top,bottom:j.bottom-F.bottom+L.bottom,left:F.left-j.left+L.left,right:j.right-F.right+L.right},K=e.modifiersData.offset;if(b===W&&K){var Y=K[d];Object.keys(z).forEach(function(e){var t=[P,k].indexOf(e)>=0?1:-1,i=["top",k].indexOf(e)>=0?"y":"x";z[e]+=Y[i]*t})}return z}function ec(e,t,i){return E(e,v(t,i))}function eg(e,t,i){return void 0===i&&(i={x:0,y:0}),{top:e.top-t.height-i.y,right:e.right-t.width+i.x,bottom:e.bottom-t.height+i.y,left:e.left-t.width-i.x}}function ef(e){return["top",P,k,F].some(function(t){return e[t]>=0})}var ep=(o=void 0===(r=(n={defaultModifiers:[{name:"eventListeners",enabled:!0,phase:"write",fn:function(){},effect:function(e){var t=e.state,i=e.instance,n=e.options,r=n.scroll,o=void 0===r||r,s=n.resize,a=void 0===s||s,l=f(t.elements.popper),h=[].concat(t.scrollParents.reference,t.scrollParents.popper);return o&&h.forEach(function(e){e.addEventListener("scroll",i.update,$)}),a&&l.addEventListener("resize",i.update,$),function(){o&&h.forEach(function(e){e.removeEventListener("scroll",i.update,$)}),a&&l.removeEventListener("resize",i.update,$)}},data:{}},{name:"popperOffsets",enabled:!0,phase:"read",fn:function(e){var t=e.state,i=e.name;t.modifiersData[i]=J({reference:t.rects.reference,element:t.rects.popper,strategy:"absolute",placement:t.placement})},data:{}},{name:"computeStyles",enabled:!0,phase:"beforeWrite",fn:function(e){var t=e.state,i=e.options,n=i.gpuAcceleration,r=i.adaptive,o=i.roundOffsets,s=void 0===o||o,a={placement:q(t.placement),variation:X(t.placement),popper:t.elements.popper,popperRect:t.rects.popper,gpuAcceleration:void 0===n||n,isFixed:"fixed"===t.options.strategy};null!=t.modifiersData.popperOffsets&&(t.styles.popper=Object.assign({},t.styles.popper,ee(Object.assign({},a,{offsets:t.modifiersData.popperOffsets,position:t.options.strategy,adaptive:void 0===r||r,roundOffsets:s})))),null!=t.modifiersData.arrow&&(t.styles.arrow=Object.assign({},t.styles.arrow,ee(Object.assign({},a,{offsets:t.modifiersData.arrow,position:"absolute",adaptive:!1,roundOffsets:s})))),t.attributes.popper=Object.assign({},t.attributes.popper,{"data-popper-placement":t.placement})},data:{}},{name:"applyStyles",enabled:!0,phase:"write",fn:function(e){var t=e.state;Object.keys(t.elements).forEach(function(e){var i=t.styles[e]||{},n=t.attributes[e]||{},r=t.elements[e];m(r)&&R(r)&&(Object.assign(r.style,i),Object.keys(n).forEach(function(e){var t=n[e];!1===t?r.removeAttribute(e):r.setAttribute(e,!0===t?"":t)}))})},effect:function(e){var t=e.state,i={popper:{position:t.options.strategy,left:"0",top:"0",margin:"0"},arrow:{position:"absolute"},reference:{}};return Object.assign(t.elements.popper.style,i.popper),t.styles=i,t.elements.arrow&&Object.assign(t.elements.arrow.style,i.arrow),function(){Object.keys(t.elements).forEach(function(e){var n=t.elements[e],r=t.attributes[e]||{},o=Object.keys(t.styles.hasOwnProperty(e)?t.styles[e]:i[e]).reduce(function(e,t){return e[t]="",e},{});m(n)&&R(n)&&(Object.assign(n.style,o),Object.keys(r).forEach(function(e){n.removeAttribute(e)}))})}},requires:["computeStyles"]},{name:"offset",enabled:!0,phase:"main",requires:["popperOffsets"],fn:function(e){var t=e.state,i=e.options,n=e.name,r=i.offset,o=void 0===r?[0,0]:r,s=j.reduce(function(e,i){var n,r,s,a,l,h;return e[i]=(n=t.rects,s=[F,"top"].indexOf(r=q(i))>=0?-1:1,l=(a="function"==typeof o?o(Object.assign({},n,{placement:i})):o)[0],h=a[1],l=l||0,h=(h||0)*s,[F,P].indexOf(r)>=0?{x:h,y:l}:{x:l,y:h}),e},{}),a=s[t.placement],l=a.x,h=a.y;null!=t.modifiersData.popperOffsets&&(t.modifiersData.popperOffsets.x+=l,t.modifiersData.popperOffsets.y+=h),t.modifiersData[n]=s}},{name:"flip",enabled:!0,phase:"main",fn:function(e){var t=e.state,i=e.options,n=e.name;if(!t.modifiersData[n]._skip){for(var r=i.mainAxis,o=void 0===r||r,s=i.altAxis,a=void 0===s||s,l=i.fallbackPlacements,h=i.padding,u=i.boundary,d=i.rootBoundary,c=i.altBoundary,g=i.flipVariations,f=void 0===g||g,p=i.allowedAutoPlacements,m=t.options.placement,_=q(m)===m,E=l||(_||!f?[ei(m)]:function(e){if(q(e)===B)return[];var t=ei(e);return[er(e),t,er(t)]}(m)),v=[m].concat(E).reduce(function(e,i){var n,r,o,s,a,l,c,g,m,_,E,v;return e.concat(q(i)===B?(r=(n={placement:i,boundary:u,rootBoundary:d,padding:h,flipVariations:f,allowedAutoPlacements:p}).placement,o=n.boundary,s=n.rootBoundary,a=n.padding,l=n.flipVariations,g=void 0===(c=n.allowedAutoPlacements)?j:c,0===(E=(_=(m=X(r))?l?G:G.filter(function(e){return X(e)===m}):U).filter(function(e){return g.indexOf(e)>=0})).length&&(E=_),Object.keys(v=E.reduce(function(e,i){return e[i]=ed(t,{placement:i,boundary:o,rootBoundary:s,padding:a})[q(i)],e},{})).sort(function(e,t){return v[e]-v[t]})):i)},[]),C=t.rects.reference,b=t.rects.popper,S=new Map,T=!0,y=v[0],R=0;R=0,I=L?"width":"height",w=ed(t,{placement:A,boundary:u,rootBoundary:d,altBoundary:c,padding:h}),D=L?O?P:F:O?k:"top";C[I]>b[I]&&(D=ei(D));var x=ei(D),M=[];if(o&&M.push(w[N]<=0),a&&M.push(w[D]<=0,w[x]<=0),M.every(function(e){return e})){y=A,T=!1;break}S.set(A,M)}if(T)for(var V=f?3:1,W=function(e){var t=v.find(function(t){var i=S.get(t);if(i)return i.slice(0,e).every(function(e){return e})});if(t)return y=t,"break"},z=V;z>0&&"break"!==W(z);z--);t.placement!==y&&(t.modifiersData[n]._skip=!0,t.placement=y,t.reset=!0)}},requiresIfExists:["offset"],data:{_skip:!1}},{name:"preventOverflow",enabled:!0,phase:"main",fn:function(e){var t=e.state,i=e.options,n=e.name,r=i.mainAxis,o=i.altAxis,s=i.boundary,a=i.rootBoundary,l=i.altBoundary,h=i.padding,u=i.tether,d=void 0===u||u,c=i.tetherOffset,g=void 0===c?0:c,f=ed(t,{boundary:s,rootBoundary:a,padding:h,altBoundary:l}),p=q(t.placement),m=X(t.placement),_=!m,C=Z(p),b="x"===C?"y":"x",S=t.modifiersData.popperOffsets,T=t.rects.reference,y=t.rects.popper,R="function"==typeof g?g(Object.assign({},t.rects,{placement:t.placement})):g,A="number"==typeof R?{mainAxis:R,altAxis:R}:Object.assign({mainAxis:0,altAxis:0},R),N=t.modifiersData.offset?t.modifiersData.offset[t.placement]:null,O={x:0,y:0};if(S){if(void 0===r||r){var L,w="y"===C?"top":F,D="y"===C?k:P,x="y"===C?"height":"width",B=S[C],U=B+f[w],V=B-f[D],W=d?-y[x]/2:0,G=m===H?T[x]:y[x],j=m===H?-y[x]:-T[x],z=t.elements.arrow,K=d&&z?I(z):{width:0,height:0},Y=t.modifiersData["arrow#persistent"]?t.modifiersData["arrow#persistent"].padding:el(),$=Y[w],J=Y[D],Q=ec(0,T[x],K[x]),ee=_?T[x]/2-W-Q-$-A.mainAxis:G-Q-$-A.mainAxis,et=_?-T[x]/2+W+Q+J+A.mainAxis:j+Q+J+A.mainAxis,ei=t.elements.arrow&&M(t.elements.arrow),en=ei?"y"===C?ei.clientTop||0:ei.clientLeft||0:0,er=null!=(L=null==N?void 0:N[C])?L:0,eo=B+ee-er-en,es=B+et-er,ea=ec(d?v(U,eo):U,B,d?E(V,es):V);S[C]=ea,O[C]=ea-B}if(void 0!==o&&o){var eh,eu,eg="x"===C?"top":F,ef="x"===C?k:P,ep=S[b],em="y"===b?"height":"width",e_=ep+f[eg],eE=ep-f[ef],ev=-1!==["top",F].indexOf(p),eC=null!=(eu=null==N?void 0:N[b])?eu:0,eb=ev?e_:ep-T[em]-y[em]-eC+A.altAxis,eS=ev?ep+T[em]+y[em]-eC-A.altAxis:eE,eT=d&&ev?(eh=ec(eb,ep,eS))>eS?eS:eh:ec(d?eb:e_,ep,d?eS:eE);S[b]=eT,O[b]=eT-ep}t.modifiersData[n]=O}},requiresIfExists:["offset"]},{name:"arrow",enabled:!0,phase:"main",fn:function(e){var t,i,n=e.state,r=e.name,o=e.options,s=n.elements.arrow,a=n.modifiersData.popperOffsets,l=q(n.placement),h=Z(l),u=[F,P].indexOf(l)>=0?"height":"width";if(s&&a){var d=eh("number"!=typeof(t="function"==typeof(t=o.padding)?t(Object.assign({},n.rects,{placement:n.placement})):t)?t:eu(t,U)),c=I(s),g="y"===h?"top":F,f="y"===h?k:P,p=n.rects.reference[u]+n.rects.reference[h]-a[h]-n.rects.popper[u],m=a[h]-n.rects.reference[h],_=M(s),E=_?"y"===h?_.clientHeight||0:_.clientWidth||0:0,v=d[g],C=E-c[u]-d[f],b=E/2-c[u]/2+(p/2-m/2),S=ec(v,b,C);n.modifiersData[r]=((i={})[h]=S,i.centerOffset=S-b,i)}},effect:function(e){var t=e.state,i=e.options.element,n=void 0===i?"[data-popper-arrow]":i;null!=n&&("string"!=typeof n||(n=t.elements.popper.querySelector(n)))&&eo(t.elements.popper,n)&&(t.elements.arrow=n)},requires:["popperOffsets"],requiresIfExists:["preventOverflow"]},{name:"hide",enabled:!0,phase:"main",requiresIfExists:["preventOverflow"],fn:function(e){var t=e.state,i=e.name,n=t.rects.reference,r=t.rects.popper,o=t.modifiersData.preventOverflow,s=ed(t,{elementContext:"reference"}),a=ed(t,{altBoundary:!0}),l=eg(s,n),h=eg(a,r,o),u=ef(l),d=ef(h);t.modifiersData[i]={referenceClippingOffsets:l,popperEscapeOffsets:h,isReferenceHidden:u,hasPopperEscaped:d},t.attributes.popper=Object.assign({},t.attributes.popper,{"data-popper-reference-hidden":u,"data-popper-escaped":d})}}]}).defaultModifiers)?[]:r,a=void 0===(s=n.defaultOptions)?K:s,function(e,t,i){void 0===i&&(i=a);var n,r={placement:"bottom",orderedModifiers:[],options:Object.assign({},K,a),modifiersData:{},elements:{reference:e,popper:t},attributes:{},styles:{}},s=[],l=!1,h={state:r,setOptions:function(i){var n,l,d,c,g,f="function"==typeof i?i(r.options):i;u(),r.options=Object.assign({},a,r.options,f),r.scrollParents={reference:p(e)?D(e):e.contextElement?D(e.contextElement):[],popper:D(t)};var m=(l=Object.keys(n=[].concat(o,r.options.modifiers).reduce(function(e,t){var i=e[t.name];return e[t.name]=i?Object.assign({},i,t,{options:Object.assign({},i.options,t.options),data:Object.assign({},i.data,t.data)}):t,e},{})).map(function(e){return n[e]}),d=new Map,c=new Set,g=[],l.forEach(function(e){d.set(e.name,e)}),l.forEach(function(e){c.has(e.name)||function e(t){c.add(t.name),[].concat(t.requires||[],t.requiresIfExists||[]).forEach(function(t){if(!c.has(t)){var i=d.get(t);i&&e(i)}}),g.push(t)}(e)}),z.reduce(function(e,t){return e.concat(g.filter(function(e){return e.phase===t}))},[]));return r.orderedModifiers=m.filter(function(e){return e.enabled}),r.orderedModifiers.forEach(function(e){var t=e.name,i=e.options,n=e.effect;if("function"==typeof n){var o=n({state:r,name:t,instance:h,options:void 0===i?{}:i});s.push(o||function(){})}}),h.update()},forceUpdate:function(){if(!l){var e,t,i,n,o,s,a,u,d,c,g,p,_=r.elements,E=_.reference,v=_.popper;if(Y(E,v)){r.rects={reference:(t=M(v),i="fixed"===r.options.strategy,n=m(t),u=m(t)&&(s=C((o=t.getBoundingClientRect()).width)/t.offsetWidth||1,a=C(o.height)/t.offsetHeight||1,1!==s||1!==a),d=A(t),c=T(E,u,i),g={scrollLeft:0,scrollTop:0},p={x:0,y:0},(n||!n&&!i)&&(("body"!==R(t)||L(d))&&(g=(e=t)!==f(e)&&m(e)?{scrollLeft:e.scrollLeft,scrollTop:e.scrollTop}:y(e)),m(t)?(p=T(t,!0),p.x+=t.clientLeft,p.y+=t.clientTop):d&&(p.x=N(d))),{x:c.left+g.scrollLeft-p.x,y:c.top+g.scrollTop-p.y,width:c.width,height:c.height}),popper:I(v)},r.reset=!1,r.placement=r.options.placement,r.orderedModifiers.forEach(function(e){return r.modifiersData[e.name]=Object.assign({},e.data)});for(var b=0;b{!r&&s(("function"==typeof n?n():n)||document.body)},[n,r]),(0,c.Z)(()=>{if(o&&!r)return(0,eE.Z)(t,o),()=>{(0,eE.Z)(t,null)}},[t,o,r]),r)?u.isValidElement(i)?u.cloneElement(i,{ref:a}):(0,ev.jsx)(u.Fragment,{children:i}):(0,ev.jsx)(u.Fragment,{children:o?e_.createPortal(i,o):o})});var eb=i(34867);function eS(e){return(0,eb.Z)("MuiPopper",e)}(0,i(1588).Z)("MuiPopper",["root"]);var eT=i(7293);let ey=u.createContext({disableDefaultClasses:!1}),eR=["anchorEl","children","direction","disablePortal","modifiers","open","placement","popperOptions","popperRef","slotProps","slots","TransitionProps","ownerState"],eA=["anchorEl","children","container","direction","disablePortal","keepMounted","modifiers","open","placement","popperOptions","popperRef","style","transition","slotProps","slots"];function eN(e){return"function"==typeof e?e():e}let eO=()=>(0,em.Z)({root:["root"]},function(e){let{disableDefaultClasses:t}=u.useContext(ey);return i=>t?"":e(i)}(eS)),eL={},eI=u.forwardRef(function(e,t){var i;let{anchorEl:n,children:r,direction:o,disablePortal:s,modifiers:a,open:g,placement:f,popperOptions:p,popperRef:m,slotProps:_={},slots:E={},TransitionProps:v}=e,C=(0,h.Z)(e,eR),b=u.useRef(null),S=(0,d.Z)(b,t),T=u.useRef(null),y=(0,d.Z)(T,m),R=u.useRef(y);(0,c.Z)(()=>{R.current=y},[y]),u.useImperativeHandle(m,()=>T.current,[]);let A=function(e,t){if("ltr"===t)return e;switch(e){case"bottom-end":return"bottom-start";case"bottom-start":return"bottom-end";case"top-end":return"top-start";case"top-start":return"top-end";default:return e}}(f,o),[N,O]=u.useState(A),[L,I]=u.useState(eN(n));u.useEffect(()=>{T.current&&T.current.forceUpdate()}),u.useEffect(()=>{n&&I(eN(n))},[n]),(0,c.Z)(()=>{if(!L||!g)return;let e=e=>{O(e.placement)},t=[{name:"preventOverflow",options:{altBoundary:s}},{name:"flip",options:{altBoundary:s}},{name:"onUpdate",enabled:!0,phase:"afterWrite",fn:({state:t})=>{e(t)}}];null!=a&&(t=t.concat(a)),p&&null!=p.modifiers&&(t=t.concat(p.modifiers));let i=ep(L,b.current,(0,l.Z)({placement:A},p,{modifiers:t}));return R.current(i),()=>{i.destroy(),R.current(null)}},[L,s,a,g,p,A]);let w={placement:N};null!==v&&(w.TransitionProps=v);let D=eO(),x=null!=(i=E.root)?i:"div",M=(0,eT.y)({elementType:x,externalSlotProps:_.root,externalForwardedProps:C,additionalProps:{role:"tooltip",ref:S},ownerState:e,className:D.root});return(0,ev.jsx)(x,(0,l.Z)({},M,{children:"function"==typeof r?r(w):r}))}),ew=u.forwardRef(function(e,t){let i;let{anchorEl:n,children:r,container:o,direction:s="ltr",disablePortal:a=!1,keepMounted:d=!1,modifiers:c,open:f,placement:p="bottom",popperOptions:m=eL,popperRef:_,style:E,transition:v=!1,slotProps:C={},slots:b={}}=e,S=(0,h.Z)(e,eA),[T,y]=u.useState(!0);if(!d&&!f&&(!v||T))return null;if(o)i=o;else if(n){let e=eN(n);i=e&&void 0!==e.nodeType?(0,g.Z)(e).body:(0,g.Z)(null).body}let R=!f&&d&&(!v||T)?"none":void 0;return(0,ev.jsx)(eC,{disablePortal:a,container:i,children:(0,ev.jsx)(eI,(0,l.Z)({anchorEl:n,direction:s,disablePortal:a,modifiers:c,ref:t,open:v?!T:f,placement:p,popperOptions:m,popperRef:_,slotProps:C,slots:b},S,{style:(0,l.Z)({position:"fixed",top:0,left:0,display:R},E),TransitionProps:v?{in:f,onEnter:()=>{y(!1)},onExited:()=>{y(!0)}}:void 0,children:r}))})})},70758:function(e,t,i){"use strict";i.d(t,{U:function(){return l}});var n=i(87462),r=i(67294),o=i(99962),s=i(33703),a=i(30437);function l(e={}){let{disabled:t=!1,focusableWhenDisabled:i,href:l,rootRef:h,tabIndex:u,to:d,type:c}=e,g=r.useRef(),[f,p]=r.useState(!1),{isFocusVisibleRef:m,onFocus:_,onBlur:E,ref:v}=(0,o.Z)(),[C,b]=r.useState(!1);t&&!i&&C&&b(!1),r.useEffect(()=>{m.current=C},[C,m]);let[S,T]=r.useState(""),y=e=>t=>{var i;C&&t.preventDefault(),null==(i=e.onMouseLeave)||i.call(e,t)},R=e=>t=>{var i;E(t),!1===m.current&&b(!1),null==(i=e.onBlur)||i.call(e,t)},A=e=>t=>{var i,n;g.current||(g.current=t.currentTarget),_(t),!0===m.current&&(b(!0),null==(n=e.onFocusVisible)||n.call(e,t)),null==(i=e.onFocus)||i.call(e,t)},N=()=>{let e=g.current;return"BUTTON"===S||"INPUT"===S&&["button","submit","reset"].includes(null==e?void 0:e.type)||"A"===S&&(null==e?void 0:e.href)},O=e=>i=>{if(!t){var n;null==(n=e.onClick)||n.call(e,i)}},L=e=>i=>{var n;t||(p(!0),document.addEventListener("mouseup",()=>{p(!1)},{once:!0})),null==(n=e.onMouseDown)||n.call(e,i)},I=e=>i=>{var n,r;null==(n=e.onKeyDown)||n.call(e,i),!i.defaultMuiPrevented&&(i.target!==i.currentTarget||N()||" "!==i.key||i.preventDefault(),i.target!==i.currentTarget||" "!==i.key||t||p(!0),i.target!==i.currentTarget||N()||"Enter"!==i.key||t||(null==(r=e.onClick)||r.call(e,i),i.preventDefault()))},w=e=>i=>{var n,r;i.target===i.currentTarget&&p(!1),null==(n=e.onKeyUp)||n.call(e,i),i.target!==i.currentTarget||N()||t||" "!==i.key||i.defaultMuiPrevented||null==(r=e.onClick)||r.call(e,i)},D=r.useCallback(e=>{var t;T(null!=(t=null==e?void 0:e.tagName)?t:"")},[]),x=(0,s.Z)(D,h,v,g),M={};return void 0!==u&&(M.tabIndex=u),"BUTTON"===S?(M.type=null!=c?c:"button",i?M["aria-disabled"]=t:M.disabled=t):""!==S&&(l||d||(M.role="button",M.tabIndex=null!=u?u:0),t&&(M["aria-disabled"]=t,M.tabIndex=i?null!=u?u:0:-1)),{getRootProps:(t={})=>{let i=(0,n.Z)({},(0,a._)(e),(0,a._)(t)),r=(0,n.Z)({type:c},i,M,t,{onBlur:R(i),onClick:O(i),onFocus:A(i),onKeyDown:I(i),onKeyUp:w(i),onMouseDown:L(i),onMouseLeave:y(i),ref:x});return delete r.onFocusVisible,r},focusVisible:C,setFocusVisible:b,active:f,rootRef:x}}},26558:function(e,t,i){"use strict";i.d(t,{Z:function(){return r}});var n=i(67294);let r=n.createContext(null)},22644:function(e,t,i){"use strict";i.d(t,{F:function(){return n}});let n={blur:"list:blur",focus:"list:focus",itemClick:"list:itemClick",itemHover:"list:itemHover",itemsChange:"list:itemsChange",keyDown:"list:keyDown",resetHighlight:"list:resetHighlight",textNavigation:"list:textNavigation"}},7333:function(e,t,i){"use strict";i.d(t,{R$:function(){return a},Rl:function(){return o}});var n=i(87462),r=i(22644);function o(e,t,i){var n;let r,o;let{items:s,isItemDisabled:a,disableListWrap:l,disabledItemsFocusable:h,itemComparer:u,focusManagement:d}=i,c=s.length-1,g=null==e?-1:s.findIndex(t=>u(t,e)),f=!l;switch(t){case"reset":if(-1==("DOM"===d?0:-1))return null;r=0,o="next",f=!1;break;case"start":r=0,o="next",f=!1;break;case"end":r=c,o="previous",f=!1;break;default:{let e=g+t;e<0?!f&&-1!==g||Math.abs(t)>1?(r=0,o="next"):(r=c,o="previous"):e>c?!f||Math.abs(t)>1?(r=c,o="previous"):(r=0,o="next"):(r=e,o=t>=0?"next":"previous")}}let p=function(e,t,i,n,r,o){if(0===i.length||!n&&i.every((e,t)=>r(e,t)))return -1;let s=e;for(;;){if(!o&&"next"===t&&s===i.length||!o&&"previous"===t&&-1===s)return -1;let e=!n&&r(i[s],s);if(!e)return s;s+="next"===t?1:-1,o&&(s=(s+i.length)%i.length)}}(r,o,s,h,a,f);return -1!==p||null===e||a(e,g)?null!=(n=s[p])?n:null:e}function s(e,t,i){let{itemComparer:r,isItemDisabled:o,selectionMode:s,items:a}=i,{selectedValues:l}=t,h=a.findIndex(t=>r(e,t));if(o(e,h))return t;let u="none"===s?[]:"single"===s?r(l[0],e)?l:[e]:l.some(t=>r(t,e))?l.filter(t=>!r(t,e)):[...l,e];return(0,n.Z)({},t,{selectedValues:u,highlightedValue:e})}function a(e,t){let{type:i,context:a}=t;switch(i){case r.F.keyDown:return function(e,t,i){let r=t.highlightedValue,{orientation:a,pageSize:l}=i;switch(e){case"Home":return(0,n.Z)({},t,{highlightedValue:o(r,"start",i)});case"End":return(0,n.Z)({},t,{highlightedValue:o(r,"end",i)});case"PageUp":return(0,n.Z)({},t,{highlightedValue:o(r,-l,i)});case"PageDown":return(0,n.Z)({},t,{highlightedValue:o(r,l,i)});case"ArrowUp":if("vertical"!==a)break;return(0,n.Z)({},t,{highlightedValue:o(r,-1,i)});case"ArrowDown":if("vertical"!==a)break;return(0,n.Z)({},t,{highlightedValue:o(r,1,i)});case"ArrowLeft":if("vertical"===a)break;return(0,n.Z)({},t,{highlightedValue:o(r,"horizontal-ltr"===a?-1:1,i)});case"ArrowRight":if("vertical"===a)break;return(0,n.Z)({},t,{highlightedValue:o(r,"horizontal-ltr"===a?1:-1,i)});case"Enter":case" ":if(null===t.highlightedValue)break;return s(t.highlightedValue,t,i)}return t}(t.key,e,a);case r.F.itemClick:return s(t.item,e,a);case r.F.blur:return"DOM"===a.focusManagement?e:(0,n.Z)({},e,{highlightedValue:null});case r.F.textNavigation:return function(e,t,i){let{items:r,isItemDisabled:s,disabledItemsFocusable:a,getItemAsString:l}=i,h=t.length>1,u=h?e.highlightedValue:o(e.highlightedValue,1,i);for(let d=0;dl(e,i.highlightedValue)))?a:null:"DOM"===h&&0===t.length&&(u=o(null,"reset",r));let d=null!=(s=i.selectedValues)?s:[],c=d.filter(t=>e.some(e=>l(e,t)));return(0,n.Z)({},i,{highlightedValue:u,selectedValues:c})}(t.items,t.previousItems,e,a);case r.F.resetHighlight:return(0,n.Z)({},e,{highlightedValue:o(null,"reset",a)});default:return e}}},96592:function(e,t,i){"use strict";i.d(t,{s:function(){return v}});var n=i(87462),r=i(67294),o=i(33703),s=i(22644),a=i(7333);let l="select:change-selection",h="select:change-highlight";var u=i(78031),d=i(6414);function c(e,t){let i=r.useRef(e);return r.useEffect(()=>{i.current=e},null!=t?t:[e]),i}let g={},f=()=>{},p=(e,t)=>e===t,m=()=>!1,_=e=>"string"==typeof e?e:String(e),E=()=>({highlightedValue:null,selectedValues:[]});function v(e){let{controlledProps:t=g,disabledItemsFocusable:i=!1,disableListWrap:v=!1,focusManagement:C="activeDescendant",getInitialState:b=E,getItemDomElement:S,getItemId:T,isItemDisabled:y=m,rootRef:R,onStateChange:A=f,items:N,itemComparer:O=p,getItemAsString:L=_,onChange:I,onHighlightChange:w,onItemsChange:D,orientation:x="vertical",pageSize:M=5,reducerActionContext:k=g,selectionMode:P="single",stateReducer:F}=e,B=r.useRef(null),U=(0,o.Z)(R,B),H=r.useCallback((e,t,i)=>{if(null==w||w(e,t,i),"DOM"===C&&null!=t&&(i===s.F.itemClick||i===s.F.keyDown||i===s.F.textNavigation)){var n;null==S||null==(n=S(t))||n.focus()}},[S,w,C]),V=r.useMemo(()=>({highlightedValue:O,selectedValues:(e,t)=>(0,d.H)(e,t,O)}),[O]),W=r.useCallback((e,t,i,n,r)=>{switch(null==A||A(e,t,i,n,r),t){case"highlightedValue":H(e,i,n);break;case"selectedValues":null==I||I(e,i,n)}},[H,I,A]),G=r.useMemo(()=>({disabledItemsFocusable:i,disableListWrap:v,focusManagement:C,isItemDisabled:y,itemComparer:O,items:N,getItemAsString:L,onHighlightChange:H,orientation:x,pageSize:M,selectionMode:P,stateComparers:V}),[i,v,C,y,O,N,L,H,x,M,P,V]),j=b(),z=null!=F?F:a.R$,K=r.useMemo(()=>(0,n.Z)({},k,G),[k,G]),[Y,$]=(0,u.r)({reducer:z,actionContext:K,initialState:j,controlledProps:t,stateComparers:V,onStateChange:W}),{highlightedValue:q,selectedValues:X}=Y,Z=function(e){let t=r.useRef({searchString:"",lastTime:null});return r.useCallback(i=>{if(1===i.key.length&&" "!==i.key){let n=t.current,r=i.key.toLowerCase(),o=performance.now();n.searchString.length>0&&n.lastTime&&o-n.lastTime>500?n.searchString=r:(1!==n.searchString.length||r!==n.searchString)&&(n.searchString+=r),n.lastTime=o,e(n.searchString,i)}},[e])}((e,t)=>$({type:s.F.textNavigation,event:t,searchString:e})),J=c(X),Q=c(q),ee=r.useRef([]);r.useEffect(()=>{(0,d.H)(ee.current,N,O)||($({type:s.F.itemsChange,event:null,items:N,previousItems:ee.current}),ee.current=N,null==D||D(N))},[N,O,$,D]);let{notifySelectionChanged:et,notifyHighlightChanged:ei,registerHighlightChangeHandler:en,registerSelectionChangeHandler:er}=function(){let e=function(){let e=r.useRef();return e.current||(e.current=function(){let e=new Map;return{subscribe:function(t,i){let n=e.get(t);return n?n.add(i):(n=new Set([i]),e.set(t,n)),()=>{n.delete(i),0===n.size&&e.delete(t)}},publish:function(t,...i){let n=e.get(t);n&&n.forEach(e=>e(...i))}}}()),e.current}(),t=r.useCallback(t=>{e.publish(l,t)},[e]),i=r.useCallback(t=>{e.publish(h,t)},[e]),n=r.useCallback(t=>e.subscribe(l,t),[e]),o=r.useCallback(t=>e.subscribe(h,t),[e]);return{notifySelectionChanged:t,notifyHighlightChanged:i,registerSelectionChangeHandler:n,registerHighlightChangeHandler:o}}();r.useEffect(()=>{et(X)},[X,et]),r.useEffect(()=>{ei(q)},[q,ei]);let eo=e=>t=>{var i;if(null==(i=e.onKeyDown)||i.call(e,t),t.defaultMuiPrevented)return;let n=["Home","End","PageUp","PageDown"];"vertical"===x?n.push("ArrowUp","ArrowDown"):n.push("ArrowLeft","ArrowRight"),"activeDescendant"===C&&n.push(" ","Enter"),n.includes(t.key)&&t.preventDefault(),$({type:s.F.keyDown,key:t.key,event:t}),Z(t)},es=e=>t=>{var i,n;null==(i=e.onBlur)||i.call(e,t),t.defaultMuiPrevented||null!=(n=B.current)&&n.contains(t.relatedTarget)||$({type:s.F.blur,event:t})},ea=r.useCallback(e=>{var t;let i=N.findIndex(t=>O(t,e)),n=(null!=(t=J.current)?t:[]).some(t=>null!=t&&O(e,t)),r=y(e,i),o=null!=Q.current&&O(e,Q.current),s="DOM"===C;return{disabled:r,focusable:s,highlighted:o,index:i,selected:n}},[N,y,O,J,Q,C]),el=r.useMemo(()=>({dispatch:$,getItemState:ea,registerHighlightChangeHandler:en,registerSelectionChangeHandler:er}),[$,ea,en,er]);return r.useDebugValue({state:Y}),{contextValue:el,dispatch:$,getRootProps:(e={})=>(0,n.Z)({},e,{"aria-activedescendant":"activeDescendant"===C&&null!=q?T(q):void 0,onBlur:es(e),onKeyDown:eo(e),tabIndex:"DOM"===C?-1:0,ref:U}),rootRef:U,state:Y}}},43069:function(e,t,i){"use strict";i.d(t,{J:function(){return h}});var n=i(87462),r=i(67294),o=i(33703),s=i(73546),a=i(22644),l=i(26558);function h(e){let t;let{handlePointerOverEvents:i=!1,item:h,rootRef:u}=e,d=r.useRef(null),c=(0,o.Z)(d,u),g=r.useContext(l.Z);if(!g)throw Error("useListItem must be used within a ListProvider");let{dispatch:f,getItemState:p,registerHighlightChangeHandler:m,registerSelectionChangeHandler:_}=g,{highlighted:E,selected:v,focusable:C}=p(h),b=function(){let[,e]=r.useState({});return r.useCallback(()=>{e({})},[])}();(0,s.Z)(()=>m(function(e){e!==h||E?e!==h&&E&&b():b()})),(0,s.Z)(()=>_(function(e){v?e.includes(h)||b():e.includes(h)&&b()}),[_,b,v,h]);let S=r.useCallback(e=>t=>{var i;null==(i=e.onClick)||i.call(e,t),t.defaultPrevented||f({type:a.F.itemClick,item:h,event:t})},[f,h]),T=r.useCallback(e=>t=>{var i;null==(i=e.onMouseOver)||i.call(e,t),t.defaultPrevented||f({type:a.F.itemHover,item:h,event:t})},[f,h]);return C&&(t=E?0:-1),{getRootProps:(e={})=>(0,n.Z)({},e,{onClick:S(e),onPointerOver:i?T(e):void 0,ref:c,tabIndex:t}),highlighted:E,rootRef:c,selected:v}}},10238:function(e,t,i){"use strict";i.d(t,{$:function(){return o}});var n=i(87462),r=i(28442);function o(e,t,i){return void 0===e||(0,r.X)(e)?t:(0,n.Z)({},t,{ownerState:(0,n.Z)({},t.ownerState,i)})}},6414:function(e,t,i){"use strict";function n(e,t,i=(e,t)=>e===t){return e.length===t.length&&e.every((e,n)=>i(e,t[n]))}i.d(t,{H:function(){return n}})},2900:function(e,t,i){"use strict";i.d(t,{f:function(){return r}});var n=i(87462);function r(e,t){return function(i={}){let r=(0,n.Z)({},i,e(i)),o=(0,n.Z)({},r,t(r));return o}}},30437:function(e,t,i){"use strict";function n(e,t=[]){if(void 0===e)return{};let i={};return Object.keys(e).filter(i=>i.match(/^on[A-Z]/)&&"function"==typeof e[i]&&!t.includes(i)).forEach(t=>{i[t]=e[t]}),i}i.d(t,{_:function(){return n}})},28442:function(e,t,i){"use strict";function n(e){return"string"==typeof e}i.d(t,{X:function(){return n}})},24407:function(e,t,i){"use strict";i.d(t,{L:function(){return a}});var n=i(87462),r=i(90512),o=i(30437);function s(e){if(void 0===e)return{};let t={};return Object.keys(e).filter(t=>!(t.match(/^on[A-Z]/)&&"function"==typeof e[t])).forEach(i=>{t[i]=e[i]}),t}function a(e){let{getSlotProps:t,additionalProps:i,externalSlotProps:a,externalForwardedProps:l,className:h}=e;if(!t){let e=(0,r.Z)(null==l?void 0:l.className,null==a?void 0:a.className,h,null==i?void 0:i.className),t=(0,n.Z)({},null==i?void 0:i.style,null==l?void 0:l.style,null==a?void 0:a.style),o=(0,n.Z)({},i,l,a);return e.length>0&&(o.className=e),Object.keys(t).length>0&&(o.style=t),{props:o,internalRef:void 0}}let u=(0,o._)((0,n.Z)({},l,a)),d=s(a),c=s(l),g=t(u),f=(0,r.Z)(null==g?void 0:g.className,null==i?void 0:i.className,h,null==l?void 0:l.className,null==a?void 0:a.className),p=(0,n.Z)({},null==g?void 0:g.style,null==i?void 0:i.style,null==l?void 0:l.style,null==a?void 0:a.style),m=(0,n.Z)({},g,i,c,d);return f.length>0&&(m.className=f),Object.keys(p).length>0&&(m.style=p),{props:m,internalRef:g.ref}}},71276:function(e,t,i){"use strict";function n(e,t,i){return"function"==typeof e?e(t,i):e}i.d(t,{x:function(){return n}})},12247:function(e,t,i){"use strict";i.d(t,{Y:function(){return o},s:function(){return r}});var n=i(67294);let r=n.createContext(null);function o(){let[e,t]=n.useState(new Map),i=n.useRef(new Set),r=n.useCallback(function(e){i.current.delete(e),t(t=>{let i=new Map(t);return i.delete(e),i})},[]),o=n.useCallback(function(e,n){let o;return o="function"==typeof e?e(i.current):e,i.current.add(o),t(e=>{let t=new Map(e);return t.set(o,n),t}),{id:o,deregister:()=>r(o)}},[r]),s=n.useMemo(()=>(function(e){let t=Array.from(e.keys()).map(t=>{let i=e.get(t);return{key:t,subitem:i}});return t.sort((e,t)=>{let i=e.subitem.ref.current,n=t.subitem.ref.current;return null===i||null===n||i===n?0:i.compareDocumentPosition(n)&Node.DOCUMENT_POSITION_PRECEDING?1:-1}),new Map(t.map(e=>[e.key,e.subitem]))})(e),[e]),a=n.useCallback(function(e){return Array.from(s.keys()).indexOf(e)},[s]),l=n.useMemo(()=>({getItemIndex:a,registerItem:o,totalSubitemCount:e.size}),[a,o,e.size]);return{contextValue:l,subitems:s}}r.displayName="CompoundComponentContext"},14072:function(e,t,i){"use strict";i.d(t,{B:function(){return s}});var n=i(67294),r=i(73546),o=i(12247);function s(e,t){let i=n.useContext(o.s);if(null===i)throw Error("useCompoundItem must be used within a useCompoundParent");let{registerItem:s}=i,[a,l]=n.useState("function"==typeof e?void 0:e);return(0,r.Z)(()=>{let{id:i,deregister:n}=s(e,t);return l(i),n},[s,t,e]),{id:a,index:void 0!==a?i.getItemIndex(a):-1,totalItemCount:i.totalSubitemCount}}},78031:function(e,t,i){"use strict";i.d(t,{r:function(){return h}});var n=i(87462),r=i(67294);function o(e,t){return e===t}let s={},a=()=>{};function l(e,t){let i=(0,n.Z)({},e);return Object.keys(t).forEach(e=>{void 0!==t[e]&&(i[e]=t[e])}),i}function h(e){let t=r.useRef(null),{reducer:i,initialState:h,controlledProps:u=s,stateComparers:d=s,onStateChange:c=a,actionContext:g}=e,f=r.useCallback((e,n)=>{t.current=n;let r=l(e,u),o=i(r,n);return o},[u,i]),[p,m]=r.useReducer(f,h),_=r.useCallback(e=>{m((0,n.Z)({},e,{context:g}))},[g]);return!function(e){let{nextState:t,initialState:i,stateComparers:n,onStateChange:s,controlledProps:a,lastActionRef:h}=e,u=r.useRef(i);r.useEffect(()=>{if(null===h.current)return;let e=l(u.current,a);Object.keys(t).forEach(i=>{var r,a,l;let u=null!=(r=n[i])?r:o,d=t[i],c=e[i];(null!=c||null==d)&&(null==c||null!=d)&&(null==c||null==d||u(d,c))||null==s||s(null!=(a=h.current.event)?a:null,i,d,null!=(l=h.current.type)?l:"",t)}),u.current=t,h.current=null},[u,t,h,s,n,a])}({nextState:p,initialState:h,stateComparers:null!=d?d:s,onStateChange:null!=c?c:a,controlledProps:u,lastActionRef:t}),[l(p,u),_]}},7293:function(e,t,i){"use strict";i.d(t,{y:function(){return u}});var n=i(87462),r=i(63366),o=i(33703),s=i(10238),a=i(24407),l=i(71276);let h=["elementType","externalSlotProps","ownerState","skipResolvingSlotProps"];function u(e){var t;let{elementType:i,externalSlotProps:u,ownerState:d,skipResolvingSlotProps:c=!1}=e,g=(0,r.Z)(e,h),f=c?{}:(0,l.x)(u,d),{props:p,internalRef:m}=(0,a.L)((0,n.Z)({},g,{externalSlotProps:f})),_=(0,o.Z)(m,null==f?void 0:f.ref,null==(t=e.additionalProps)?void 0:t.ref),E=(0,s.$)(i,(0,n.Z)({},p,{ref:_}),d);return E}},48665:function(e,t,i){"use strict";i.d(t,{Z:function(){return _}});var n=i(87462),r=i(63366),o=i(67294),s=i(90512),a=i(49731),l=i(86523),h=i(39707),u=i(96682),d=i(85893);let c=["className","component"];var g=i(37078),f=i(1812),p=i(2548);let m=function(e={}){let{themeId:t,defaultTheme:i,defaultClassName:g="MuiBox-root",generateClassName:f}=e,p=(0,a.ZP)("div",{shouldForwardProp:e=>"theme"!==e&&"sx"!==e&&"as"!==e})(l.Z),m=o.forwardRef(function(e,o){let a=(0,u.Z)(i),l=(0,h.Z)(e),{className:m,component:_="div"}=l,E=(0,r.Z)(l,c);return(0,d.jsx)(p,(0,n.Z)({as:_,ref:o,className:(0,s.Z)(m,f?f(g):g),theme:t&&a[t]||a},E))});return m}({themeId:p.Z,defaultTheme:f.Z,defaultClassName:"MuiBox-root",generateClassName:g.Z.generate});var _=m},41118:function(e,t,i){"use strict";i.d(t,{Z:function(){return S}});var n=i(63366),r=i(87462),o=i(67294),s=i(90512),a=i(94780),l=i(14142),h=i(18719),u=i(20407),d=i(74312),c=i(78653),g=i(26821);function f(e){return(0,g.d6)("MuiCard",e)}(0,g.sI)("MuiCard",["root","colorPrimary","colorNeutral","colorDanger","colorSuccess","colorWarning","colorContext","variantPlain","variantOutlined","variantSoft","variantSolid","sizeSm","sizeMd","sizeLg","horizontal","vertical"]);var p=i(58859),m=i(30220),_=i(85893);let E=["className","color","component","invertedColors","size","variant","children","orientation","slots","slotProps"],v=e=>{let{size:t,variant:i,color:n,orientation:r}=e,o={root:["root",r,i&&`variant${(0,l.Z)(i)}`,n&&`color${(0,l.Z)(n)}`,t&&`size${(0,l.Z)(t)}`]};return(0,a.Z)(o,f,{})},C=(0,d.Z)("div",{name:"JoyCard",slot:"Root",overridesResolver:(e,t)=>t.root})(({theme:e,ownerState:t})=>{var i,n;let{p:o,padding:s,borderRadius:a}=(0,p.V)({theme:e,ownerState:t},["p","padding","borderRadius"]);return[(0,r.Z)({"--Icon-color":"neutral"!==t.color||"solid"===t.variant?"currentColor":e.vars.palette.text.icon,"--Card-childRadius":"max((var(--Card-radius) - var(--variant-borderWidth, 0px)) - var(--Card-padding), min(var(--Card-padding) / 2, (var(--Card-radius) - var(--variant-borderWidth, 0px)) / 2))","--AspectRatio-radius":"var(--Card-childRadius)","--unstable_actionMargin":"calc(-1 * var(--variant-borderWidth, 0px))","--unstable_actionRadius":"var(--Card-radius)","--CardCover-radius":"calc(var(--Card-radius) - var(--variant-borderWidth, 0px))","--CardOverflow-offset":"calc(-1 * var(--Card-padding))","--CardOverflow-radius":"calc(var(--Card-radius) - var(--variant-borderWidth, 0px))","--Divider-inset":"calc(-1 * var(--Card-padding))"},"sm"===t.size&&{"--Card-radius":e.vars.radius.sm,"--Card-padding":"0.625rem",gap:"0.5rem"},"md"===t.size&&{"--Card-radius":e.vars.radius.md,"--Card-padding":"1rem",gap:"0.75rem 1rem"},"lg"===t.size&&{"--Card-radius":e.vars.radius.lg,"--Card-padding":"1.5rem",gap:"1rem 1.5rem"},{padding:"var(--Card-padding)",borderRadius:"var(--Card-radius)",backgroundColor:e.vars.palette.background.surface,position:"relative",display:"flex",flexDirection:"horizontal"===t.orientation?"row":"column"},e.typography[`body-${t.size}`],null==(i=e.variants[t.variant])?void 0:i[t.color]),"context"!==t.color&&t.invertedColors&&(null==(n=e.colorInversion[t.variant])?void 0:n[t.color]),void 0!==o&&{"--Card-padding":o},void 0!==s&&{"--Card-padding":s},void 0!==a&&{"--Card-radius":a}]}),b=o.forwardRef(function(e,t){let i=(0,u.Z)({props:e,name:"JoyCard"}),{className:a,color:l="neutral",component:d="div",invertedColors:g=!1,size:f="md",variant:p="outlined",children:b,orientation:S="vertical",slots:T={},slotProps:y={}}=i,R=(0,n.Z)(i,E),{getColor:A}=(0,c.VT)(p),N=A(e.color,l),O=(0,r.Z)({},i,{color:N,component:d,orientation:S,size:f,variant:p}),L=v(O),I=(0,r.Z)({},R,{component:d,slots:T,slotProps:y}),[w,D]=(0,m.Z)("root",{ref:t,className:(0,s.Z)(L.root,a),elementType:C,externalForwardedProps:I,ownerState:O}),x=(0,_.jsx)(w,(0,r.Z)({},D,{children:o.Children.map(b,(e,t)=>{if(!o.isValidElement(e))return e;let i={};if((0,h.Z)(e,["Divider"])){i.inset="inset"in e.props?e.props.inset:"context";let t="vertical"===S?"horizontal":"vertical";i.orientation="orientation"in e.props?e.props.orientation:t}return(0,h.Z)(e,["CardOverflow"])&&("horizontal"===S&&(i["data-parent"]="Card-horizontal"),"vertical"===S&&(i["data-parent"]="Card-vertical")),0===t&&(i["data-first-child"]=""),t===o.Children.count(b)-1&&(i["data-last-child"]=""),o.cloneElement(e,i)})}));return g?(0,_.jsx)(c.do,{variant:p,children:x}):x});var S=b},30208:function(e,t,i){"use strict";i.d(t,{Z:function(){return v}});var n=i(87462),r=i(63366),o=i(67294),s=i(90512),a=i(94780),l=i(20407),h=i(74312),u=i(26821);function d(e){return(0,u.d6)("MuiCardContent",e)}(0,u.sI)("MuiCardContent",["root"]);let c=(0,u.sI)("MuiCardOverflow",["root","colorPrimary","colorNeutral","colorDanger","colorSuccess","colorWarning","colorContext","variantPlain","variantOutlined","variantSoft","variantSolid"]);var g=i(30220),f=i(85893);let p=["className","component","children","orientation","slots","slotProps"],m=()=>(0,a.Z)({root:["root"]},d,{}),_=(0,h.Z)("div",{name:"JoyCardContent",slot:"Root",overridesResolver:(e,t)=>t.root})(({ownerState:e})=>({display:"flex",flexDirection:"horizontal"===e.orientation?"row":"column",flex:9999,zIndex:1,columnGap:"var(--Card-padding)",rowGap:"max(2px, calc(0.1875 * var(--Card-padding)))",padding:"var(--unstable_padding)",[`.${c.root} > &`]:{"--unstable_padding":"calc(var(--Card-padding) * 0.75) 0px"}})),E=o.forwardRef(function(e,t){let i=(0,l.Z)({props:e,name:"JoyCardContent"}),{className:o,component:a="div",children:h,orientation:u="vertical",slots:d={},slotProps:c={}}=i,E=(0,r.Z)(i,p),v=(0,n.Z)({},E,{component:a,slots:d,slotProps:c}),C=(0,n.Z)({},i,{component:a,orientation:u}),b=m(),[S,T]=(0,g.Z)("root",{ref:t,className:(0,s.Z)(b.root,o),elementType:_,externalForwardedProps:v,ownerState:C});return(0,f.jsx)(S,(0,n.Z)({},T,{children:h}))});var v=E},76043:function(e,t,i){"use strict";var n=i(67294);let r=n.createContext(void 0);t.Z=r},43614:function(e,t,i){"use strict";var n=i(67294);let r=n.createContext(void 0);t.Z=r},50984:function(e,t,i){"use strict";i.d(t,{C:function(){return s}});var n=i(87462);i(67294);var r=i(74312),o=i(58859);i(85893);let s=(0,r.Z)("ul")(({theme:e,ownerState:t})=>{var i;let{p:r,padding:s,borderRadius:a}=(0,o.V)({theme:e,ownerState:t},["p","padding","borderRadius"]);function l(i){return"sm"===i?{"--ListDivider-gap":"0.25rem","--ListItem-minHeight":"2rem","--ListItem-paddingY":"0.25rem","--ListItem-paddingX":"0.5rem","--ListItemDecorator-size":"horizontal"===t.orientation?"1.5rem":"2rem","--Icon-fontSize":e.vars.fontSize.lg}:"md"===i?{"--ListDivider-gap":"0.375rem","--ListItem-minHeight":"2.5rem","--ListItem-paddingY":"0.375rem","--ListItem-paddingX":"0.75rem","--ListItemDecorator-size":"horizontal"===t.orientation?"1.75rem":"2.5rem","--Icon-fontSize":e.vars.fontSize.xl}:"lg"===i?{"--ListDivider-gap":"0.5rem","--ListItem-minHeight":"3rem","--ListItem-paddingY":"0.5rem","--ListItem-paddingX":"1rem","--ListItemDecorator-size":"horizontal"===t.orientation?"2.25rem":"3rem","--Icon-fontSize":e.vars.fontSize.xl2}:{}}return[t.nesting&&(0,n.Z)({},l(t.instanceSize),{"--ListItem-paddingRight":"var(--ListItem-paddingX)","--ListItem-paddingLeft":"var(--NestedListItem-paddingLeft)","--ListItemButton-marginBlock":"0px","--ListItemButton-marginInline":"0px","--ListItem-marginBlock":"0px","--ListItem-marginInline":"0px",padding:0,marginInlineStart:"var(--NestedList-marginLeft)",marginInlineEnd:"var(--NestedList-marginRight)",marginBlockStart:"var(--List-gap)",marginBlockEnd:"initial"}),!t.nesting&&(0,n.Z)({},l(t.size),{"--List-gap":"0px","--List-nestedInsetStart":"0px","--ListItem-paddingLeft":"var(--ListItem-paddingX)","--ListItem-paddingRight":"var(--ListItem-paddingX)","--unstable_List-childRadius":"calc(max(var(--List-radius) - var(--List-padding), min(var(--List-padding) / 2, var(--List-radius) / 2)) - var(--variant-borderWidth, 0px))","--ListItem-radius":"var(--unstable_List-childRadius)","--ListItem-startActionTranslateX":"calc(0.5 * var(--ListItem-paddingLeft))","--ListItem-endActionTranslateX":"calc(-0.5 * var(--ListItem-paddingRight))",margin:"initial"},e.typography[`body-${t.size}`],"horizontal"===t.orientation?(0,n.Z)({},t.wrap?{padding:"var(--List-padding)",marginInlineStart:"calc(-1 * var(--List-gap))",marginBlockStart:"calc(-1 * var(--List-gap))"}:{paddingInline:"var(--List-padding, var(--ListDivider-gap))",paddingBlock:"var(--List-padding)"}):{paddingBlock:"var(--List-padding, var(--ListDivider-gap))",paddingInline:"var(--List-padding)"}),(0,n.Z)({boxSizing:"border-box",borderRadius:"var(--List-radius)",listStyle:"none",display:"flex",flexDirection:"horizontal"===t.orientation?"row":"column"},t.wrap&&{flexWrap:"wrap"},{flexGrow:1,position:"relative"},null==(i=e.variants[t.variant])?void 0:i[t.color],{"--unstable_List-borderWidth":"var(--variant-borderWidth, 0px)"},void 0!==a&&{"--List-radius":a},void 0!==r&&{"--List-padding":r},void 0!==s&&{"--List-padding":s})]});(0,r.Z)(s,{name:"JoyList",slot:"Root",overridesResolver:(e,t)=>t.root})({})},3419:function(e,t,i){"use strict";i.d(t,{Z:function(){return u},M:function(){return h}});var n=i(87462),r=i(67294),o=i(40780);let s=r.createContext(!1),a=r.createContext(!1);var l=i(85893);let h={"--NestedList-marginRight":"0px","--NestedList-marginLeft":"0px","--NestedListItem-paddingLeft":"var(--ListItem-paddingX)","--ListItemButton-marginBlock":"0px","--ListItemButton-marginInline":"0px","--ListItem-marginBlock":"0px","--ListItem-marginInline":"0px"};var u=function(e){let{children:t,nested:i,row:h=!1,wrap:u=!1}=e,d=(0,l.jsx)(o.Z.Provider,{value:h,children:(0,l.jsx)(s.Provider,{value:u,children:r.Children.map(t,(e,i)=>r.isValidElement(e)?r.cloneElement(e,(0,n.Z)({},0===i&&{"data-first-child":""},i===r.Children.count(t)-1&&{"data-last-child":""})):e)})});return void 0===i?d:(0,l.jsx)(a.Provider,{value:i,children:d})}},40780:function(e,t,i){"use strict";var n=i(67294);let r=n.createContext(!1);t.Z=r},39984:function(e,t,i){"use strict";i.d(t,{r:function(){return l}});var n=i(87462);i(67294);var r=i(74312),o=i(26821);let s=(0,o.sI)("MuiListItem",["root","startAction","endAction","nested","nesting","sticky","colorPrimary","colorNeutral","colorDanger","colorSuccess","colorWarning","colorContext","variantPlain","variantSoft","variantOutlined","variantSolid"]),a=(0,o.sI)("MuiListItemButton",["root","horizontal","vertical","colorPrimary","colorNeutral","colorDanger","colorSuccess","colorWarning","colorContext","focusVisible","disabled","selected","variantPlain","variantSoft","variantOutlined","variantSolid"]);i(85893);let l=(0,r.Z)("div")(({theme:e,ownerState:t})=>{var i,r,o,l,h;return(0,n.Z)({"--Icon-margin":"initial","--Icon-color":"neutral"!==t.color||"solid"===t.variant?"currentColor":e.vars.palette.text.icon,WebkitTapHighlightColor:"transparent",boxSizing:"border-box",position:"relative",font:"inherit",display:"flex",flexDirection:"row",alignItems:"center",alignSelf:"stretch"},"vertical"===t.orientation&&{flexDirection:"column",justifyContent:"center"},{textAlign:"initial",textDecoration:"initial",backgroundColor:"initial",cursor:"pointer",marginInline:"var(--ListItemButton-marginInline)",marginBlock:"var(--ListItemButton-marginBlock)"},void 0===t["data-first-child"]&&{marginInlineStart:t.row?"var(--List-gap)":void 0,marginBlockStart:t.row?void 0:"var(--List-gap)"},{paddingBlock:"calc(var(--ListItem-paddingY) - var(--variant-borderWidth, 0px))",paddingInlineStart:"calc(var(--ListItem-paddingLeft) + var(--ListItem-startActionWidth, var(--unstable_startActionWidth, 0px)))",paddingInlineEnd:"calc(var(--ListItem-paddingRight) + var(--ListItem-endActionWidth, var(--unstable_endActionWidth, 0px)))",minBlockSize:"var(--ListItem-minHeight)",border:"1px solid transparent",borderRadius:"var(--ListItem-radius)",flex:"var(--unstable_ListItem-flex, none)",fontSize:"inherit",lineHeight:"inherit",minInlineSize:0,[e.focus.selector]:(0,n.Z)({},e.focus.default,{zIndex:1})},null==(i=e.variants[t.variant])?void 0:i[t.color],{[`.${s.root} > &`]:{"--unstable_ListItem-flex":"1 0 0%"},[`&.${a.selected}`]:(0,n.Z)({},null==(r=e.variants[`${t.variant}Active`])?void 0:r[t.color],{"--Icon-color":"currentColor"}),[`&:not(.${a.selected}, [aria-selected="true"])`]:{"&:hover":null==(o=e.variants[`${t.variant}Hover`])?void 0:o[t.color],"&:active":null==(l=e.variants[`${t.variant}Active`])?void 0:l[t.color]},[`&.${a.disabled}`]:(0,n.Z)({},null==(h=e.variants[`${t.variant}Disabled`])?void 0:h[t.color])})});(0,r.Z)(l,{name:"JoyListItemButton",slot:"Root",overridesResolver:(e,t)=>t.root})(({ownerState:e,theme:t})=>(0,n.Z)({},!e.row&&{[`&.${a.selected}`]:{fontWeight:t.vars.fontWeight.md}}))},57814:function(e,t,i){"use strict";i.d(t,{Z:function(){return A}});var n=i(87462),r=i(63366),o=i(67294),s=i(94780),a=i(92996),l=i(33703),h=i(43069),u=i(14072),d=i(30220),c=i(39984),g=i(74312),f=i(20407),p=i(78653),m=i(55907),_=i(26821);function E(e){return(0,_.d6)("MuiOption",e)}let v=(0,_.sI)("MuiOption",["root","colorPrimary","colorNeutral","colorDanger","colorSuccess","colorWarning","colorContext","focusVisible","disabled","selected","highlighted","variantPlain","variantSoft","variantOutlined","variantSolid"]);var C=i(40780),b=i(85893);let S=["component","children","disabled","value","label","variant","color","slots","slotProps"],T=e=>{let{disabled:t,highlighted:i,selected:n}=e;return(0,s.Z)({root:["root",t&&"disabled",i&&"highlighted",n&&"selected"]},E,{})},y=(0,g.Z)(c.r,{name:"JoyOption",slot:"Root",overridesResolver:(e,t)=>t.root})(({theme:e,ownerState:t})=>{var i;let n=null==(i=e.variants[`${t.variant}Hover`])?void 0:i[t.color];return{[`&.${v.highlighted}:not([aria-selected="true"])`]:{backgroundColor:null==n?void 0:n.backgroundColor}}}),R=o.forwardRef(function(e,t){var i;let s=(0,f.Z)({props:e,name:"JoyOption"}),{component:c="li",children:g,disabled:_=!1,value:E,label:v,variant:R="plain",color:A="neutral",slots:N={},slotProps:O={}}=s,L=(0,r.Z)(s,S),I=o.useContext(C.Z),{variant:w=R,color:D=A}=(0,m.yP)(e.variant,e.color),x=o.useRef(null),M=(0,l.Z)(x,t),k=null!=v?v:"string"==typeof g?g:null==(i=x.current)?void 0:i.innerText,{getRootProps:P,selected:F,highlighted:B,index:U}=function(e){let{value:t,label:i,disabled:r,rootRef:s,id:d}=e,{getRootProps:c,rootRef:g,highlighted:f,selected:p}=(0,h.J)({item:t}),m=(0,a.Z)(d),_=o.useRef(null),E=o.useMemo(()=>({disabled:r,label:i,value:t,ref:_,id:m}),[r,i,t,m]),{index:v}=(0,u.B)(t,E),C=(0,l.Z)(s,_,g);return{getRootProps:(e={})=>(0,n.Z)({},e,c(e),{id:m,ref:C,role:"option","aria-selected":p}),highlighted:f,index:v,selected:p,rootRef:C}}({disabled:_,label:k,value:E,rootRef:M}),{getColor:H}=(0,p.VT)(w),V=H(e.color,D),W=(0,n.Z)({},s,{disabled:_,selected:F,highlighted:B,index:U,component:c,variant:w,color:V,row:I}),G=T(W),j=(0,n.Z)({},L,{component:c,slots:N,slotProps:O}),[z,K]=(0,d.Z)("root",{ref:t,getSlotProps:P,elementType:y,externalForwardedProps:j,className:G.root,ownerState:W});return(0,b.jsx)(z,(0,n.Z)({},K,{children:g}))});var A=R},99056:function(e,t,i){"use strict";i.d(t,{Z:function(){return ea}});var n,r=i(63366),o=i(87462),s=i(67294),a=i(90512),l=i(14142),h=i(33703),u=i(53406),d=i(92996),c=i(73546),g=i(70758);let f={buttonClick:"buttonClick"};var p=i(96592);let m=e=>{let{label:t,value:i}=e;return"string"==typeof t?t:"string"==typeof i?i:String(e)};var _=i(12247),E=i(7333),v=i(22644);function C(e,t){var i,n,r;let{open:s}=e,{context:{selectionMode:a}}=t;if(t.type===f.buttonClick){let n=null!=(i=e.selectedValues[0])?i:(0,E.Rl)(null,"start",t.context);return(0,o.Z)({},e,{open:!s,highlightedValue:s?null:n})}let l=(0,E.R$)(e,t);switch(t.type){case v.F.keyDown:if(e.open){if("Escape"===t.event.key||"single"===a&&("Enter"===t.event.key||" "===t.event.key))return(0,o.Z)({},l,{open:!1})}else{if("Enter"===t.event.key||" "===t.event.key||"ArrowDown"===t.event.key)return(0,o.Z)({},e,{open:!0,highlightedValue:null!=(n=e.selectedValues[0])?n:(0,E.Rl)(null,"start",t.context)});if("ArrowUp"===t.event.key)return(0,o.Z)({},e,{open:!0,highlightedValue:null!=(r=e.selectedValues[0])?r:(0,E.Rl)(null,"end",t.context)})}break;case v.F.itemClick:if("single"===a)return(0,o.Z)({},l,{open:!1});break;case v.F.blur:return(0,o.Z)({},l,{open:!1})}return l}var b=i(2900);let S={clip:"rect(1px, 1px, 1px, 1px)",clipPath:"inset(50%)",height:"1px",width:"1px",margin:"-1px",overflow:"hidden",padding:0,position:"absolute",left:"50%",bottom:0},T=()=>{};function y(e){return Array.isArray(e)?0===e.length?"":JSON.stringify(e.map(e=>e.value)):(null==e?void 0:e.value)==null?"":"string"==typeof e.value||"number"==typeof e.value?e.value:JSON.stringify(e.value)}function R(e){e.preventDefault()}var A=i(26558),N=i(85893);function O(e){let{value:t,children:i}=e,{dispatch:n,getItemIndex:r,getItemState:o,registerHighlightChangeHandler:a,registerSelectionChangeHandler:l,registerItem:h,totalSubitemCount:u}=t,d=s.useMemo(()=>({dispatch:n,getItemState:o,getItemIndex:r,registerHighlightChangeHandler:a,registerSelectionChangeHandler:l}),[n,r,o,a,l]),c=s.useMemo(()=>({getItemIndex:r,registerItem:h,totalSubitemCount:u}),[h,r,u]);return(0,N.jsx)(_.s.Provider,{value:c,children:(0,N.jsx)(A.Z.Provider,{value:d,children:i})})}var L=i(94780),I=i(50984),w=i(3419),D=i(43614),x=i(74312),M=i(20407),k=i(30220),P=i(26821);function F(e){return(0,P.d6)("MuiSvgIcon",e)}(0,P.sI)("MuiSvgIcon",["root","colorInherit","colorPrimary","colorNeutral","colorDanger","colorSuccess","colorWarning","fontSizeInherit","fontSizeXs","fontSizeSm","fontSizeMd","fontSizeLg","fontSizeXl","fontSizeXl2","fontSizeXl3","fontSizeXl4","sizeSm","sizeMd","sizeLg"]);let B=["children","className","color","component","fontSize","htmlColor","inheritViewBox","titleAccess","viewBox","size","slots","slotProps"],U=e=>{let{color:t,size:i,fontSize:n}=e,r={root:["root",t&&"inherit"!==t&&`color${(0,l.Z)(t)}`,i&&`size${(0,l.Z)(i)}`,n&&`fontSize${(0,l.Z)(n)}`]};return(0,L.Z)(r,F,{})},H={sm:"xl",md:"xl2",lg:"xl3"},V=(0,x.Z)("svg",{name:"JoySvgIcon",slot:"Root",overridesResolver:(e,t)=>t.root})(({theme:e,ownerState:t})=>{var i;return(0,o.Z)({},t.instanceSize&&{"--Icon-fontSize":e.vars.fontSize[H[t.instanceSize]]},t.instanceFontSize&&"inherit"!==t.instanceFontSize&&{"--Icon-fontSize":e.vars.fontSize[t.instanceFontSize]},{userSelect:"none",margin:"var(--Icon-margin)",width:"1em",height:"1em",display:"inline-block",fill:t.hasSvgAsChild?void 0:"currentColor",flexShrink:0,fontSize:`var(--Icon-fontSize, ${e.vars.fontSize[H[t.size]]||"unset"})`},t.fontSize&&"inherit"!==t.fontSize&&{fontSize:`var(--Icon-fontSize, ${e.fontSize[t.fontSize]})`},!t.htmlColor&&(0,o.Z)({color:`var(--Icon-color, ${e.vars.palette.text.icon})`},"inherit"===t.color&&{color:"inherit"},"inherit"!==t.color&&"context"!==t.color&&e.vars.palette[t.color]&&{color:`rgba(${null==(i=e.vars.palette[t.color])?void 0:i.mainChannel} / 1)`}))}),W=s.forwardRef(function(e,t){let i=(0,M.Z)({props:e,name:"JoySvgIcon"}),{children:n,className:l,color:h,component:u="svg",fontSize:d,htmlColor:c,inheritViewBox:g=!1,titleAccess:f,viewBox:p="0 0 24 24",size:m="md",slots:_={},slotProps:E={}}=i,v=(0,r.Z)(i,B),C=s.isValidElement(n)&&"svg"===n.type,b=(0,o.Z)({},i,{color:h,component:u,size:m,instanceSize:e.size,fontSize:d,instanceFontSize:e.fontSize,inheritViewBox:g,viewBox:p,hasSvgAsChild:C}),S=U(b),T=(0,o.Z)({},v,{component:u,slots:_,slotProps:E}),[y,R]=(0,k.Z)("root",{ref:t,className:(0,a.Z)(S.root,l),elementType:V,externalForwardedProps:T,ownerState:b,additionalProps:(0,o.Z)({color:c,focusable:!1},f&&{role:"img"},!f&&{"aria-hidden":!0},!g&&{viewBox:p},C&&n.props)});return(0,N.jsxs)(y,(0,o.Z)({},R,{children:[C?n.props.children:n,f?(0,N.jsx)("title",{children:f}):null]}))});var G=function(e,t){function i(i,n){return(0,N.jsx)(W,(0,o.Z)({"data-testid":`${t}Icon`,ref:n},i,{children:e}))}return i.muiName=W.muiName,s.memo(s.forwardRef(i))}((0,N.jsx)("path",{d:"m12 5.83 2.46 2.46c.39.39 1.02.39 1.41 0 .39-.39.39-1.02 0-1.41L12.7 3.7a.9959.9959 0 0 0-1.41 0L8.12 6.88c-.39.39-.39 1.02 0 1.41.39.39 1.02.39 1.41 0L12 5.83zm0 12.34-2.46-2.46a.9959.9959 0 0 0-1.41 0c-.39.39-.39 1.02 0 1.41l3.17 3.18c.39.39 1.02.39 1.41 0l3.17-3.17c.39-.39.39-1.02 0-1.41a.9959.9959 0 0 0-1.41 0L12 18.17z"}),"Unfold"),j=i(78653),z=i(58859);function K(e){return(0,P.d6)("MuiSelect",e)}let Y=(0,P.sI)("MuiSelect",["root","button","indicator","startDecorator","endDecorator","popper","listbox","colorPrimary","colorNeutral","colorDanger","colorSuccess","colorWarning","colorContext","variantPlain","variantOutlined","variantSoft","variantSolid","sizeSm","sizeMd","sizeLg","focusVisible","disabled","expanded"]);var $=i(76043),q=i(55907);let X=["action","autoFocus","children","defaultValue","defaultListboxOpen","disabled","getSerializedValue","placeholder","listboxId","listboxOpen","onChange","onListboxOpenChange","onClose","renderValue","required","value","size","variant","color","startDecorator","endDecorator","indicator","aria-describedby","aria-label","aria-labelledby","id","name","slots","slotProps"];function Z(e){var t;return null!=(t=null==e?void 0:e.label)?t:""}let J=[{name:"offset",options:{offset:[0,4]}},{name:"equalWidth",enabled:!0,phase:"beforeWrite",requires:["computeStyles"],fn:({state:e})=>{e.styles.popper.width=`${e.rects.reference.width}px`}}],Q=e=>{let{color:t,disabled:i,focusVisible:n,size:r,variant:o,open:s}=e,a={root:["root",i&&"disabled",n&&"focusVisible",s&&"expanded",o&&`variant${(0,l.Z)(o)}`,t&&`color${(0,l.Z)(t)}`,r&&`size${(0,l.Z)(r)}`],button:["button"],startDecorator:["startDecorator"],endDecorator:["endDecorator"],indicator:["indicator",s&&"expanded"],listbox:["listbox",s&&"expanded",i&&"disabled"]};return(0,L.Z)(a,K,{})},ee=(0,x.Z)("div",{name:"JoySelect",slot:"Root",overridesResolver:(e,t)=>t.root})(({theme:e,ownerState:t})=>{var i,n,r,s;let a=null==(i=e.variants[`${t.variant}`])?void 0:i[t.color],{borderRadius:l}=(0,z.V)({theme:e,ownerState:t},["borderRadius"]);return[(0,o.Z)({"--Select-radius":e.vars.radius.sm,"--Select-gap":"0.5rem","--Select-placeholderOpacity":.64,"--Select-decoratorColor":e.vars.palette.text.icon,"--Select-focusedThickness":e.vars.focus.thickness},"context"===t.color?{"--Select-focusedHighlight":e.vars.palette.focusVisible}:{"--Select-focusedHighlight":null==(n=e.vars.palette["neutral"===t.color?"primary":t.color])?void 0:n[500]},{"--Select-indicatorColor":null!=a&&a.backgroundColor?null==a?void 0:a.color:e.vars.palette.text.tertiary},"sm"===t.size&&{"--Select-minHeight":"2rem","--Select-paddingInline":"0.5rem","--Select-decoratorChildHeight":"min(1.5rem, var(--Select-minHeight))","--Icon-fontSize":e.vars.fontSize.xl},"md"===t.size&&{"--Select-minHeight":"2.5rem","--Select-paddingInline":"0.75rem","--Select-decoratorChildHeight":"min(2rem, var(--Select-minHeight))","--Icon-fontSize":e.vars.fontSize.xl2},"lg"===t.size&&{"--Select-minHeight":"3rem","--Select-paddingInline":"1rem","--Select-decoratorChildHeight":"min(2.375rem, var(--Select-minHeight))","--Icon-fontSize":e.vars.fontSize.xl2},{"--Select-decoratorChildOffset":"min(calc(var(--Select-paddingInline) - (var(--Select-minHeight) - 2 * var(--variant-borderWidth, 0px) - var(--Select-decoratorChildHeight)) / 2), var(--Select-paddingInline))","--_Select-paddingBlock":"max((var(--Select-minHeight) - 2 * var(--variant-borderWidth, 0px) - var(--Select-decoratorChildHeight)) / 2, 0px)","--Select-decoratorChildRadius":"max(var(--Select-radius) - var(--variant-borderWidth, 0px) - var(--_Select-paddingBlock), min(var(--_Select-paddingBlock) + var(--variant-borderWidth, 0px), var(--Select-radius) / 2))","--Button-minHeight":"var(--Select-decoratorChildHeight)","--IconButton-size":"var(--Select-decoratorChildHeight)","--Button-radius":"var(--Select-decoratorChildRadius)","--IconButton-radius":"var(--Select-decoratorChildRadius)",boxSizing:"border-box"},"plain"!==t.variant&&{boxShadow:e.shadow.xs},{minWidth:0,minHeight:"var(--Select-minHeight)",position:"relative",display:"flex",alignItems:"center",borderRadius:"var(--Select-radius)",cursor:"pointer"},!(null!=a&&a.backgroundColor)&&{backgroundColor:e.vars.palette.background.surface},t.size&&{paddingBlock:({sm:2,md:3,lg:4})[t.size]},{paddingInline:"var(--Select-paddingInline)"},e.typography[`body-${t.size}`],a,{"&::before":{boxSizing:"border-box",content:'""',display:"block",position:"absolute",pointerEvents:"none",top:0,left:0,right:0,bottom:0,zIndex:1,borderRadius:"inherit",margin:"calc(var(--variant-borderWidth, 0px) * -1)"},[`&.${Y.focusVisible}`]:{"--Select-indicatorColor":null==a?void 0:a.color,"&::before":{boxShadow:"inset 0 0 0 var(--Select-focusedThickness) var(--Select-focusedHighlight)"}},[`&.${Y.disabled}`]:{"--Select-indicatorColor":"inherit"}}),{"&:hover":null==(r=e.variants[`${t.variant}Hover`])?void 0:r[t.color],[`&.${Y.disabled}`]:null==(s=e.variants[`${t.variant}Disabled`])?void 0:s[t.color]},void 0!==l&&{"--Select-radius":l}]}),et=(0,x.Z)("button",{name:"JoySelect",slot:"Button",overridesResolver:(e,t)=>t.button})(({ownerState:e})=>(0,o.Z)({border:0,outline:0,background:"none",padding:0,fontSize:"inherit",color:"inherit",alignSelf:"stretch",display:"flex",alignItems:"center",flex:1,fontFamily:"inherit",cursor:"pointer",whiteSpace:"nowrap",overflow:"hidden"},(null===e.value||void 0===e.value)&&{opacity:"var(--Select-placeholderOpacity)"},{"&::before":{content:'""',display:"block",position:"absolute",top:"calc(-1 * var(--variant-borderWidth, 0px))",left:"calc(-1 * var(--variant-borderWidth, 0px))",right:"calc(-1 * var(--variant-borderWidth, 0px))",bottom:"calc(-1 * var(--variant-borderWidth, 0px))",borderRadius:"var(--Select-radius)"}})),ei=(0,x.Z)(I.C,{name:"JoySelect",slot:"Listbox",overridesResolver:(e,t)=>t.listbox})(({theme:e,ownerState:t})=>{var i;let n="context"===t.color?void 0:null==(i=e.variants[t.variant])?void 0:i[t.color];return(0,o.Z)({"--focus-outline-offset":`calc(${e.vars.focus.thickness} * -1)`,"--ListItem-stickyBackground":(null==n?void 0:n.backgroundColor)||(null==n?void 0:n.background)||e.vars.palette.background.popup,"--ListItem-stickyTop":"calc(var(--List-padding, var(--ListDivider-gap)) * -1)"},w.M,{minWidth:"max-content",maxHeight:"44vh",overflow:"auto",outline:0,boxShadow:e.shadow.md,borderRadius:`var(--List-radius, ${e.vars.radius.sm})`,zIndex:`var(--unstable_popup-zIndex, ${e.vars.zIndex.popup})`},!(null!=n&&n.backgroundColor)&&{backgroundColor:e.vars.palette.background.popup})}),en=(0,x.Z)("span",{name:"JoySelect",slot:"StartDecorator",overridesResolver:(e,t)=>t.startDecorator})({"--Button-margin":"0 0 0 calc(var(--Select-decoratorChildOffset) * -1)","--IconButton-margin":"0 0 0 calc(var(--Select-decoratorChildOffset) * -1)","--Icon-margin":"0 0 0 calc(var(--Select-paddingInline) / -4)",display:"inherit",alignItems:"center",color:"var(--Select-decoratorColor)",marginInlineEnd:"var(--Select-gap)"}),er=(0,x.Z)("span",{name:"JoySelect",slot:"EndDecorator",overridesResolver:(e,t)=>t.endDecorator})({"--Button-margin":"0 calc(var(--Select-decoratorChildOffset) * -1) 0 0","--IconButton-margin":"0 calc(var(--Select-decoratorChildOffset) * -1) 0 0","--Icon-margin":"0 calc(var(--Select-paddingInline) / -4) 0 0",display:"inherit",alignItems:"center",color:"var(--Select-decoratorColor)",marginInlineStart:"var(--Select-gap)"}),eo=(0,x.Z)("span",{name:"JoySelect",slot:"Indicator"})(({ownerState:e,theme:t})=>(0,o.Z)({},"sm"===e.size&&{"--Icon-fontSize":t.vars.fontSize.lg},"md"===e.size&&{"--Icon-fontSize":t.vars.fontSize.xl},"lg"===e.size&&{"--Icon-fontSize":t.vars.fontSize.xl2},{"--Icon-color":"neutral"!==e.color||"solid"===e.variant?"currentColor":t.vars.palette.text.icon,display:"inherit",alignItems:"center",marginInlineStart:"var(--Select-gap)",marginInlineEnd:"calc(var(--Select-paddingInline) / -4)",[`.${Y.endDecorator} + &`]:{marginInlineStart:"calc(var(--Select-gap) / 2)"},[`&.${Y.expanded}, .${Y.disabled} > &`]:{"--Icon-color":"currentColor"}})),es=s.forwardRef(function(e,t){var i,l,E,v,A,L,I;let x=(0,M.Z)({props:e,name:"JoySelect"}),{action:P,autoFocus:F,children:B,defaultValue:U,defaultListboxOpen:H=!1,disabled:V,getSerializedValue:W,placeholder:z,listboxId:K,listboxOpen:es,onChange:ea,onListboxOpenChange:el,onClose:eh,renderValue:eu,required:ed=!1,value:ec,size:eg="md",variant:ef="outlined",color:ep="neutral",startDecorator:em,endDecorator:e_,indicator:eE=n||(n=(0,N.jsx)(G,{})),"aria-describedby":ev,"aria-label":eC,"aria-labelledby":eb,id:eS,name:eT,slots:ey={},slotProps:eR={}}=x,eA=(0,r.Z)(x,X),eN=s.useContext($.Z),eO=null!=(i=null!=(l=e.disabled)?l:null==eN?void 0:eN.disabled)?i:V,eL=null!=(E=null!=(v=e.size)?v:null==eN?void 0:eN.size)?E:eg,{getColor:eI}=(0,j.VT)(ef),ew=eI(e.color,null!=eN&&eN.error?"danger":null!=(A=null==eN?void 0:eN.color)?A:ep),eD=null!=eu?eu:Z,[ex,eM]=s.useState(null),ek=s.useRef(null),eP=s.useRef(null),eF=s.useRef(null),eB=(0,h.Z)(t,ek);s.useImperativeHandle(P,()=>({focusVisible:()=>{var e;null==(e=eP.current)||e.focus()}}),[]),s.useEffect(()=>{eM(ek.current)},[]),s.useEffect(()=>{F&&eP.current.focus()},[F]);let eU=s.useCallback(e=>{null==el||el(e),e||null==eh||eh()},[eh,el]),{buttonActive:eH,buttonFocusVisible:eV,contextValue:eW,disabled:eG,getButtonProps:ej,getListboxProps:ez,getHiddenInputProps:eK,getOptionMetadata:eY,open:e$,value:eq}=function(e){let t,i,n;let{areOptionsEqual:r,buttonRef:a,defaultOpen:l=!1,defaultValue:u,disabled:E=!1,listboxId:v,listboxRef:A,multiple:N=!1,name:O,required:L,onChange:I,onHighlightChange:w,onOpenChange:D,open:x,options:M,getOptionAsString:k=m,getSerializedValue:P=y,value:F}=e,B=s.useRef(null),U=(0,h.Z)(a,B),H=s.useRef(null),V=(0,d.Z)(v);void 0===F&&void 0===u?t=[]:void 0!==u&&(t=N?u:null==u?[]:[u]);let W=s.useMemo(()=>{if(void 0!==F)return N?F:null==F?[]:[F]},[F,N]),{subitems:G,contextValue:j}=(0,_.Y)(),z=s.useMemo(()=>null!=M?new Map(M.map((e,t)=>[e.value,{value:e.value,label:e.label,disabled:e.disabled,ref:s.createRef(),id:`${V}_${t}`}])):G,[M,G,V]),K=(0,h.Z)(A,H),{getRootProps:Y,active:$,focusVisible:q,rootRef:X}=(0,g.U)({disabled:E,rootRef:U}),Z=s.useMemo(()=>Array.from(z.keys()),[z]),J=s.useCallback(e=>{if(void 0!==r){let t=Z.find(t=>r(t,e));return z.get(t)}return z.get(e)},[z,r,Z]),Q=s.useCallback(e=>{var t;let i=J(e);return null!=(t=null==i?void 0:i.disabled)&&t},[J]),ee=s.useCallback(e=>{let t=J(e);return t?k(t):""},[J,k]),et=s.useMemo(()=>({selectedValues:W,open:x}),[W,x]),ei=s.useCallback(e=>{var t;return null==(t=z.get(e))?void 0:t.id},[z]),en=s.useCallback((e,t)=>{if(N)null==I||I(e,t);else{var i;null==I||I(e,null!=(i=t[0])?i:null)}},[N,I]),er=s.useCallback((e,t)=>{null==w||w(e,null!=t?t:null)},[w]),eo=s.useCallback((e,t,i)=>{if("open"===t&&(null==D||D(i),!1===i&&(null==e?void 0:e.type)!=="blur")){var n;null==(n=B.current)||n.focus()}},[D]),es={getInitialState:()=>{var e;return{highlightedValue:null,selectedValues:null!=(e=t)?e:[],open:l}},getItemId:ei,controlledProps:et,itemComparer:r,isItemDisabled:Q,rootRef:X,onChange:en,onHighlightChange:er,onStateChange:eo,reducerActionContext:s.useMemo(()=>({multiple:N}),[N]),items:Z,getItemAsString:ee,selectionMode:N?"multiple":"single",stateReducer:C},{dispatch:ea,getRootProps:el,contextValue:eh,state:{open:eu,highlightedValue:ed,selectedValues:ec},rootRef:eg}=(0,p.s)(es),ef=e=>t=>{var i;if(null==e||null==(i=e.onMouseDown)||i.call(e,t),!t.defaultMuiPrevented){let e={type:f.buttonClick,event:t};ea(e)}};(0,c.Z)(()=>{if(null!=ed){var e;let t=null==(e=J(ed))?void 0:e.ref;if(!H.current||!(null!=t&&t.current))return;let i=H.current.getBoundingClientRect(),n=t.current.getBoundingClientRect();n.topi.bottom&&(H.current.scrollTop+=n.bottom-i.bottom)}},[ed,J]);let ep=s.useCallback(e=>J(e),[J]),em=(e={})=>(0,o.Z)({},e,{onMouseDown:ef(e),ref:eg,role:"combobox","aria-expanded":eu,"aria-controls":V});s.useDebugValue({selectedOptions:ec,highlightedOption:ed,open:eu});let e_=s.useMemo(()=>(0,o.Z)({},eh,j),[eh,j]);if(i=e.multiple?ec:ec.length>0?ec[0]:null,N)n=i.map(e=>ep(e)).filter(e=>void 0!==e);else{var eE;n=null!=(eE=ep(i))?eE:null}return{buttonActive:$,buttonFocusVisible:q,buttonRef:X,contextValue:e_,disabled:E,dispatch:ea,getButtonProps:(e={})=>{let t=(0,b.f)(Y,el),i=(0,b.f)(t,em);return i(e)},getHiddenInputProps:(e={})=>(0,o.Z)({name:O,tabIndex:-1,"aria-hidden":!0,required:!!L||void 0,value:P(n),onChange:T,style:S},e),getListboxProps:(e={})=>(0,o.Z)({},e,{id:V,role:"listbox","aria-multiselectable":N?"true":void 0,ref:K,onMouseDown:R}),getOptionMetadata:ep,listboxRef:eg,open:eu,options:Z,value:i,highlightedOption:ed}}({buttonRef:eP,defaultOpen:H,defaultValue:U,disabled:eO,getSerializedValue:W,listboxId:K,multiple:!1,name:eT,required:ed,onChange:ea,onOpenChange:eU,open:es,value:ec}),eX=(0,o.Z)({},x,{active:eH,defaultListboxOpen:H,disabled:eG,focusVisible:eV,open:e$,renderValue:eD,value:eq,size:eL,variant:ef,color:ew}),eZ=Q(eX),eJ=(0,o.Z)({},eA,{slots:ey,slotProps:eR}),eQ=s.useMemo(()=>{var e;return null!=(e=eY(eq))?e:null},[eY,eq]),[e0,e1]=(0,k.Z)("root",{ref:eB,className:eZ.root,elementType:ee,externalForwardedProps:eJ,ownerState:eX}),[e2,e5]=(0,k.Z)("button",{additionalProps:{"aria-describedby":null!=ev?ev:null==eN?void 0:eN["aria-describedby"],"aria-label":eC,"aria-labelledby":null!=eb?eb:null==eN?void 0:eN.labelId,"aria-required":ed?"true":void 0,id:null!=eS?eS:null==eN?void 0:eN.htmlFor,name:eT},className:eZ.button,elementType:et,externalForwardedProps:eJ,getSlotProps:ej,ownerState:eX}),[e4,e3]=(0,k.Z)("listbox",{additionalProps:{ref:eF,anchorEl:ex,open:e$,placement:"bottom",keepMounted:!0},className:eZ.listbox,elementType:ei,externalForwardedProps:eJ,getSlotProps:ez,ownerState:(0,o.Z)({},eX,{nesting:!1,row:!1,wrap:!1}),getSlotOwnerState:e=>({size:e.size||eL,variant:e.variant||ef,color:e.color||(e.disablePortal?ew:ep),disableColorInversion:!e.disablePortal})}),[e6,e9]=(0,k.Z)("startDecorator",{className:eZ.startDecorator,elementType:en,externalForwardedProps:eJ,ownerState:eX}),[e7,e8]=(0,k.Z)("endDecorator",{className:eZ.endDecorator,elementType:er,externalForwardedProps:eJ,ownerState:eX}),[te,tt]=(0,k.Z)("indicator",{className:eZ.indicator,elementType:eo,externalForwardedProps:eJ,ownerState:eX}),ti=s.useMemo(()=>[...J,...e3.modifiers||[]],[e3.modifiers]),tn=null;return ex&&(tn=(0,N.jsx)(e4,(0,o.Z)({},e3,{className:(0,a.Z)(e3.className,(null==(L=e3.ownerState)?void 0:L.color)==="context"&&Y.colorContext),modifiers:ti},!(null!=(I=x.slots)&&I.listbox)&&{as:u.r,slots:{root:e3.as||"ul"}},{children:(0,N.jsx)(O,{value:eW,children:(0,N.jsx)(q.Yb,{variant:ef,color:ep,children:(0,N.jsx)(D.Z.Provider,{value:"select",children:(0,N.jsx)(w.Z,{nested:!0,children:B})})})})})),e3.disablePortal||(tn=(0,N.jsx)(j.ZP.Provider,{value:void 0,children:tn}))),(0,N.jsxs)(s.Fragment,{children:[(0,N.jsxs)(e0,(0,o.Z)({},e1,{children:[em&&(0,N.jsx)(e6,(0,o.Z)({},e9,{children:em})),(0,N.jsx)(e2,(0,o.Z)({},e5,{children:eQ?eD(eQ):z})),e_&&(0,N.jsx)(e7,(0,o.Z)({},e8,{children:e_})),eE&&(0,N.jsx)(te,(0,o.Z)({},tt,{children:eE})),(0,N.jsx)("input",(0,o.Z)({},eK()))]})),tn]})});var ea=es},61685:function(e,t,i){"use strict";i.d(t,{Z:function(){return S}});var n=i(63366),r=i(87462),o=i(67294),s=i(90512),a=i(14142),l=i(94780),h=i(20407),u=i(78653),d=i(74312),c=i(26821);function g(e){return(0,c.d6)("MuiTable",e)}(0,c.sI)("MuiTable",["root","colorPrimary","colorNeutral","colorDanger","colorSuccess","colorWarning","colorContext","variantPlain","variantOutlined","variantSoft","variantSolid","sizeSm","sizeMd","sizeLg","stickyHeader","stickyFooter","noWrap","hoverRow","borderAxisNone","borderAxisX","borderAxisXBetween","borderAxisY","borderAxisYBetween","borderAxisBoth","borderAxisBothBetween"]);var f=i(40911),p=i(30220),m=i(85893);let _=["className","component","children","borderAxis","hoverRow","noWrap","size","variant","color","stripe","stickyHeader","stickyFooter","slots","slotProps"],E=e=>{let{size:t,variant:i,color:n,borderAxis:r,stickyHeader:o,stickyFooter:s,noWrap:h,hoverRow:u}=e,d={root:["root",o&&"stickyHeader",s&&"stickyFooter",h&&"noWrap",u&&"hoverRow",r&&`borderAxis${(0,a.Z)(r)}`,i&&`variant${(0,a.Z)(i)}`,n&&`color${(0,a.Z)(n)}`,t&&`size${(0,a.Z)(t)}`]};return(0,l.Z)(d,g,{})},v={getColumnExceptFirst:()=>"& tr > *:not(:first-of-type), & tr > th + td, & tr > td + th",getCell:()=>"& th, & td",getHeadCell:()=>"& th",getHeaderCell:()=>"& thead th",getHeaderCellOfRow:e=>`& thead tr:nth-of-type(${e}) th`,getBottomHeaderCell:()=>"& thead th:not([colspan])",getHeaderNestedFirstColumn:()=>"& thead tr:not(:first-of-type) th:not([colspan]):first-of-type",getDataCell:()=>"& td",getDataCellExceptLastRow:()=>"& tr:not(:last-of-type) > td",getBodyCellExceptLastRow(){return`${this.getDataCellExceptLastRow()}, & tr:not(:last-of-type) > th[scope="row"]`},getBodyCellOfRow:e=>"number"==typeof e&&e<0?`& tbody tr:nth-last-of-type(${Math.abs(e)}) td, & tbody tr:nth-last-of-type(${Math.abs(e)}) th[scope="row"]`:`& tbody tr:nth-of-type(${e}) td, & tbody tr:nth-of-type(${e}) th[scope="row"]`,getBodyRow:e=>void 0===e?"& tbody tr":`& tbody tr:nth-of-type(${e})`,getFooterCell:()=>"& tfoot th, & tfoot td",getFooterFirstRowCell:()=>"& tfoot tr:not(:last-of-type) th, & tfoot tr:not(:last-of-type) td"},C=(0,d.Z)("table",{name:"JoyTable",slot:"Root",overridesResolver:(e,t)=>t.root})(({theme:e,ownerState:t})=>{var i,n,o,s,a,l,h;let u=null==(i=e.variants[t.variant])?void 0:i[t.color];return[(0,r.Z)({"--Table-headerUnderlineThickness":"2px","--TableCell-borderColor":null!=(n=null==u?void 0:u.borderColor)?n:e.vars.palette.divider,"--TableCell-headBackground":`var(--Sheet-background, ${e.vars.palette.background.surface})`},"sm"===t.size&&{"--unstable_TableCell-height":"var(--TableCell-height, 32px)","--TableCell-paddingX":"0.25rem","--TableCell-paddingY":"0.25rem"},"md"===t.size&&{"--unstable_TableCell-height":"var(--TableCell-height, 40px)","--TableCell-paddingX":"0.5rem","--TableCell-paddingY":"0.375rem"},"lg"===t.size&&{"--unstable_TableCell-height":"var(--TableCell-height, 48px)","--TableCell-paddingX":"0.75rem","--TableCell-paddingY":"0.5rem"},{tableLayout:"fixed",width:"100%",borderSpacing:"0px",borderCollapse:"separate",borderRadius:"var(--TableCell-cornerRadius, var(--unstable_actionRadius))"},e.typography[`body-${({sm:"xs",md:"sm",lg:"md"})[t.size]}`],null==(o=e.variants[t.variant])?void 0:o[t.color],{"& caption":{color:e.vars.palette.text.tertiary,padding:"calc(2 * var(--TableCell-paddingY)) var(--TableCell-paddingX)"},[v.getDataCell()]:(0,r.Z)({padding:"var(--TableCell-paddingY) var(--TableCell-paddingX)",height:"var(--unstable_TableCell-height)",borderColor:"var(--TableCell-borderColor)",backgroundColor:"var(--TableCell-dataBackground)"},t.noWrap&&{textOverflow:"ellipsis",whiteSpace:"nowrap",overflow:"hidden"}),[v.getHeadCell()]:{textAlign:"left",padding:"var(--TableCell-paddingY) var(--TableCell-paddingX)",backgroundColor:"var(--TableCell-headBackground)",height:"var(--unstable_TableCell-height)",fontWeight:e.vars.fontWeight.lg,borderColor:"var(--TableCell-borderColor)",color:e.vars.palette.text.secondary,textOverflow:"ellipsis",whiteSpace:"nowrap",overflow:"hidden"},[v.getHeaderCell()]:{verticalAlign:"bottom","&:first-of-type":{borderTopLeftRadius:"var(--TableCell-cornerRadius, var(--unstable_actionRadius))"},"&:last-of-type":{borderTopRightRadius:"var(--TableCell-cornerRadius, var(--unstable_actionRadius))"}},"& tfoot tr > *":{backgroundColor:`var(--TableCell-footBackground, ${e.vars.palette.background.level1})`,"&:first-of-type":{borderBottomLeftRadius:"var(--TableCell-cornerRadius, var(--unstable_actionRadius))"},"&:last-of-type":{borderBottomRightRadius:"var(--TableCell-cornerRadius, var(--unstable_actionRadius))"}}}),((null==(s=t.borderAxis)?void 0:s.startsWith("x"))||(null==(a=t.borderAxis)?void 0:a.startsWith("both")))&&{[v.getHeaderCell()]:{borderBottomWidth:1,borderBottomStyle:"solid"},[v.getBottomHeaderCell()]:{borderBottomWidth:"var(--Table-headerUnderlineThickness)",borderBottomStyle:"solid"},[v.getBodyCellExceptLastRow()]:{borderBottomWidth:1,borderBottomStyle:"solid"},[v.getFooterCell()]:{borderTopWidth:1,borderTopStyle:"solid"}},((null==(l=t.borderAxis)?void 0:l.startsWith("y"))||(null==(h=t.borderAxis)?void 0:h.startsWith("both")))&&{[`${v.getColumnExceptFirst()}, ${v.getHeaderNestedFirstColumn()}`]:{borderLeftWidth:1,borderLeftStyle:"solid"}},("x"===t.borderAxis||"both"===t.borderAxis)&&{[v.getHeaderCellOfRow(1)]:{borderTopWidth:1,borderTopStyle:"solid"},[v.getBodyCellOfRow(-1)]:{borderBottomWidth:1,borderBottomStyle:"solid"},[v.getFooterCell()]:{borderBottomWidth:1,borderBottomStyle:"solid"}},("y"===t.borderAxis||"both"===t.borderAxis)&&{"& tr > *:first-of-type":{borderLeftWidth:1,borderLeftStyle:"solid"},"& tr > *:last-of-type:not(:first-of-type)":{borderRightWidth:1,borderRightStyle:"solid"}},t.stripe&&{[v.getBodyRow(t.stripe)]:{background:`var(--TableRow-stripeBackground, ${e.vars.palette.background.level2})`,color:e.vars.palette.text.primary}},t.hoverRow&&{[v.getBodyRow()]:{"&:hover":{background:`var(--TableRow-hoverBackground, ${e.vars.palette.background.level3})`}}},t.stickyHeader&&{[v.getHeaderCell()]:{position:"sticky",top:0,zIndex:e.vars.zIndex.table},[v.getHeaderCellOfRow(2)]:{top:"var(--unstable_TableCell-height)"}},t.stickyFooter&&{[v.getFooterCell()]:{position:"sticky",bottom:0,zIndex:e.vars.zIndex.table,color:e.vars.palette.text.secondary,fontWeight:e.vars.fontWeight.lg},[v.getFooterFirstRowCell()]:{bottom:"var(--unstable_TableCell-height)"}}]}),b=o.forwardRef(function(e,t){let i=(0,h.Z)({props:e,name:"JoyTable"}),{className:o,component:a,children:l,borderAxis:d="xBetween",hoverRow:c=!1,noWrap:g=!1,size:v="md",variant:b="plain",color:S="neutral",stripe:T,stickyHeader:y=!1,stickyFooter:R=!1,slots:A={},slotProps:N={}}=i,O=(0,n.Z)(i,_),{getColor:L}=(0,u.VT)(b),I=L(e.color,S),w=(0,r.Z)({},i,{borderAxis:d,hoverRow:c,noWrap:g,component:a,size:v,color:I,variant:b,stripe:T,stickyHeader:y,stickyFooter:R}),D=E(w),x=(0,r.Z)({},O,{component:a,slots:A,slotProps:N}),[M,k]=(0,p.Z)("root",{ref:t,className:(0,s.Z)(D.root,o),elementType:C,externalForwardedProps:x,ownerState:w});return(0,m.jsx)(f.eu.Provider,{value:!0,children:(0,m.jsx)(M,(0,r.Z)({},k,{children:l}))})});var S=b},40911:function(e,t,i){"use strict";i.d(t,{eu:function(){return C},ZP:function(){return N}});var n=i(63366),r=i(87462),o=i(67294),s=i(14142),a=i(18719),l=i(39707),h=i(94780),u=i(74312),d=i(20407),c=i(78653),g=i(30220),f=i(26821);function p(e){return(0,f.d6)("MuiTypography",e)}(0,f.sI)("MuiTypography",["root","h1","h2","h3","h4","title-lg","title-md","title-sm","body-lg","body-md","body-sm","body-xs","noWrap","gutterBottom","startDecorator","endDecorator","colorPrimary","colorNeutral","colorDanger","colorSuccess","colorWarning","colorContext","variantPlain","variantOutlined","variantSoft","variantSolid"]);var m=i(85893);let _=["color","textColor"],E=["component","gutterBottom","noWrap","level","levelMapping","children","endDecorator","startDecorator","variant","slots","slotProps"],v=o.createContext(!1),C=o.createContext(!1),b=e=>{let{gutterBottom:t,noWrap:i,level:n,color:r,variant:o}=e,a={root:["root",n,t&&"gutterBottom",i&&"noWrap",r&&`color${(0,s.Z)(r)}`,o&&`variant${(0,s.Z)(o)}`],startDecorator:["startDecorator"],endDecorator:["endDecorator"]};return(0,h.Z)(a,p,{})},S=(0,u.Z)("span",{name:"JoyTypography",slot:"StartDecorator",overridesResolver:(e,t)=>t.startDecorator})({display:"inline-flex",marginInlineEnd:"clamp(4px, var(--Typography-gap, 0.375em), 0.75rem)"}),T=(0,u.Z)("span",{name:"JoyTypography",slot:"endDecorator",overridesResolver:(e,t)=>t.endDecorator})({display:"inline-flex",marginInlineStart:"clamp(4px, var(--Typography-gap, 0.375em), 0.75rem)"}),y=(0,u.Z)("span",{name:"JoyTypography",slot:"Root",overridesResolver:(e,t)=>t.root})(({theme:e,ownerState:t})=>{var i,n,o,s,a;let l="inherit"!==t.level?null==(i=e.typography[t.level])?void 0:i.lineHeight:"1";return(0,r.Z)({"--Icon-fontSize":`calc(1em * ${l})`},t.color&&{"--Icon-color":"currentColor"},{margin:"var(--Typography-margin, 0px)"},t.nesting?{display:"inline"}:(0,r.Z)({display:"block"},t.unstable_hasSkeleton&&{position:"relative"}),(t.startDecorator||t.endDecorator)&&(0,r.Z)({display:"flex",alignItems:"center"},t.nesting&&(0,r.Z)({display:"inline-flex"},t.startDecorator&&{verticalAlign:"bottom"})),t.level&&"inherit"!==t.level&&e.typography[t.level],{fontSize:`var(--Typography-fontSize, ${t.level&&"inherit"!==t.level&&null!=(n=null==(o=e.typography[t.level])?void 0:o.fontSize)?n:"inherit"})`},t.noWrap&&{overflow:"hidden",textOverflow:"ellipsis",whiteSpace:"nowrap"},t.gutterBottom&&{marginBottom:"0.35em"},t.color&&"context"!==t.color&&{color:`rgba(${null==(s=e.vars.palette[t.color])?void 0:s.mainChannel} / 1)`},t.variant&&(0,r.Z)({borderRadius:e.vars.radius.xs,paddingBlock:"min(0.1em, 4px)",paddingInline:"0.25em"},!t.nesting&&{marginInline:"-0.25em"},null==(a=e.variants[t.variant])?void 0:a[t.color]))}),R={h1:"h1",h2:"h2",h3:"h3",h4:"h4","title-lg":"p","title-md":"p","title-sm":"p","body-lg":"p","body-md":"p","body-sm":"p","body-xs":"span",inherit:"p"},A=o.forwardRef(function(e,t){let i=(0,d.Z)({props:e,name:"JoyTypography"}),{color:s,textColor:h}=i,u=(0,n.Z)(i,_),f=o.useContext(v),p=o.useContext(C),A=(0,l.Z)((0,r.Z)({},u,{color:h})),{component:N,gutterBottom:O=!1,noWrap:L=!1,level:I="body-md",levelMapping:w=R,children:D,endDecorator:x,startDecorator:M,variant:k,slots:P={},slotProps:F={}}=A,B=(0,n.Z)(A,E),{getColor:U}=(0,c.VT)(k),H=U(e.color,k?null!=s?s:"neutral":s),V=f||p?e.level||"inherit":I,W=(0,a.Z)(D,["Skeleton"]),G=N||(f?"span":w[V]||R[V]||"span"),j=(0,r.Z)({},A,{level:V,component:G,color:H,gutterBottom:O,noWrap:L,nesting:f,variant:k,unstable_hasSkeleton:W}),z=b(j),K=(0,r.Z)({},B,{component:G,slots:P,slotProps:F}),[Y,$]=(0,g.Z)("root",{ref:t,className:z.root,elementType:y,externalForwardedProps:K,ownerState:j}),[q,X]=(0,g.Z)("startDecorator",{className:z.startDecorator,elementType:S,externalForwardedProps:K,ownerState:j}),[Z,J]=(0,g.Z)("endDecorator",{className:z.endDecorator,elementType:T,externalForwardedProps:K,ownerState:j});return(0,m.jsx)(v.Provider,{value:!0,children:(0,m.jsxs)(Y,(0,r.Z)({},$,{children:[M&&(0,m.jsx)(q,(0,r.Z)({},X,{children:M})),W?o.cloneElement(D,{variant:D.props.variant||"inline"}):D,x&&(0,m.jsx)(Z,(0,r.Z)({},J,{children:x}))]}))})});A.muiName="Typography";var N=A},78653:function(e,t,i){"use strict";i.d(t,{VT:function(){return l},do:function(){return h}});var n=i(67294),r=i(38629),o=i(1812),s=i(85893);let a=n.createContext(void 0),l=e=>{let t=n.useContext(a);return{getColor:(i,n)=>t&&e&&t.includes(e)?i||"context":i||n}};function h({children:e,variant:t}){var i;let n=(0,r.F)();return(0,s.jsx)(a.Provider,{value:t?(null!=(i=n.colorInversionConfig)?i:o.Z.colorInversionConfig)[t]:void 0,children:e})}t.ZP=a},58859:function(e,t,i){"use strict";i.d(t,{V:function(){return r}});var n=i(87462);let r=({theme:e,ownerState:t},i)=>{let r={};return t.sx&&(function t(i){if("function"==typeof i){let n=i(e);t(n)}else Array.isArray(i)?i.forEach(e=>{"boolean"!=typeof e&&t(e)}):"object"==typeof i&&(r=(0,n.Z)({},r,i))}(t.sx),i.forEach(t=>{let i=r[t];if("string"==typeof i||"number"==typeof i){if("borderRadius"===t){if("number"==typeof i)r[t]=`${i}px`;else{var n;r[t]=(null==(n=e.vars)?void 0:n.radius[i])||i}}else -1!==["p","padding","m","margin"].indexOf(t)&&"number"==typeof i?r[t]=e.spacing(i):r[t]=i}else"function"==typeof i?r[t]=i(e):r[t]=void 0})),r}},74312:function(e,t,i){"use strict";var n=i(70182),r=i(1812),o=i(2548);let s=(0,n.ZP)({defaultTheme:r.Z,themeId:o.Z});t.Z=s},20407:function(e,t,i){"use strict";i.d(t,{Z:function(){return a}});var n=i(87462),r=i(39214),o=i(1812),s=i(2548);function a({props:e,name:t}){return(0,r.Z)({props:e,name:t,defaultTheme:(0,n.Z)({},o.Z,{components:{}}),themeId:s.Z})}},55907:function(e,t,i){"use strict";i.d(t,{Yb:function(){return a},yP:function(){return s}});var n=i(67294),r=i(85893);let o=n.createContext(void 0);function s(e,t){var i;let r,s;let a=n.useContext(o),[l,h]="string"==typeof a?a.split(":"):[],u=(i=l||void 0,r=h||void 0,s=i,"outlined"===i&&(r="neutral",s="plain"),"plain"===i&&(r="neutral"),{variant:s,color:r});return u.variant=e||u.variant,u.color=t||u.color,u}function a({children:e,color:t,variant:i}){return(0,r.jsx)(o.Provider,{value:`${i||""}:${t||""}`,children:e})}},30220:function(e,t,i){"use strict";i.d(t,{Z:function(){return f}});var n=i(87462),r=i(63366),o=i(33703),s=i(71276),a=i(24407),l=i(10238),h=i(78653);let u=["className","elementType","ownerState","externalForwardedProps","getSlotOwnerState","internalForwardedProps"],d=["component","slots","slotProps"],c=["component"],g=["disableColorInversion"];function f(e,t){let{className:i,elementType:f,ownerState:p,externalForwardedProps:m,getSlotOwnerState:_,internalForwardedProps:E}=t,v=(0,r.Z)(t,u),{component:C,slots:b={[e]:void 0},slotProps:S={[e]:void 0}}=m,T=(0,r.Z)(m,d),y=b[e]||f,R=(0,s.x)(S[e],p),A=(0,a.L)((0,n.Z)({className:i},v,{externalForwardedProps:"root"===e?T:void 0,externalSlotProps:R})),{props:{component:N},internalRef:O}=A,L=(0,r.Z)(A.props,c),I=(0,o.Z)(O,null==R?void 0:R.ref,t.ref),w=_?_(L):{},{disableColorInversion:D=!1}=w,x=(0,r.Z)(w,g),M=(0,n.Z)({},p,x),{getColor:k}=(0,h.VT)(M.variant);if("root"===e){var P;M.color=null!=(P=L.color)?P:p.color}else D||(M.color=k(L.color,M.color));let F="root"===e?N||C:N,B=(0,l.$)(y,(0,n.Z)({},"root"===e&&!C&&!b[e]&&E,"root"!==e&&!b[e]&&E,L,F&&{as:F},{ref:I}),M);return Object.keys(x).forEach(e=>{delete B[e]}),[y,B]}},39707:function(e,t,i){"use strict";i.d(t,{Z:function(){return h}});var n=i(87462),r=i(63366),o=i(59766),s=i(44920);let a=["sx"],l=e=>{var t,i;let n={systemProps:{},otherProps:{}},r=null!=(t=null==e||null==(i=e.theme)?void 0:i.unstable_sxConfig)?t:s.Z;return Object.keys(e).forEach(t=>{r[t]?n.systemProps[t]=e[t]:n.otherProps[t]=e[t]}),n};function h(e){let t;let{sx:i}=e,s=(0,r.Z)(e,a),{systemProps:h,otherProps:u}=l(s);return t=Array.isArray(i)?[h,...i]:"function"==typeof i?(...e)=>{let t=i(...e);return(0,o.P)(t)?(0,n.Z)({},h,t):h}:(0,n.Z)({},h,i),(0,n.Z)({},u,{sx:t})}},2093:function(e,t,i){"use strict";var n=i(97582),r=i(67294),o=i(92770);t.Z=function(e,t){(0,r.useEffect)(function(){var t=e(),i=!1;return!function(){(0,n.mG)(this,void 0,void 0,function(){return(0,n.Jh)(this,function(e){switch(e.label){case 0:if(!(0,o.mf)(t[Symbol.asyncIterator]))return[3,4];e.label=1;case 1:return[4,t.next()];case 2:if(e.sent().done||i)return[3,3];return[3,1];case 3:return[3,6];case 4:return[4,t];case 5:e.sent(),e.label=6;case 6:return[2]}})})}(),function(){i=!0}},t)}},8874:function(e){"use strict";e.exports={aliceblue:[240,248,255],antiquewhite:[250,235,215],aqua:[0,255,255],aquamarine:[127,255,212],azure:[240,255,255],beige:[245,245,220],bisque:[255,228,196],black:[0,0,0],blanchedalmond:[255,235,205],blue:[0,0,255],blueviolet:[138,43,226],brown:[165,42,42],burlywood:[222,184,135],cadetblue:[95,158,160],chartreuse:[127,255,0],chocolate:[210,105,30],coral:[255,127,80],cornflowerblue:[100,149,237],cornsilk:[255,248,220],crimson:[220,20,60],cyan:[0,255,255],darkblue:[0,0,139],darkcyan:[0,139,139],darkgoldenrod:[184,134,11],darkgray:[169,169,169],darkgreen:[0,100,0],darkgrey:[169,169,169],darkkhaki:[189,183,107],darkmagenta:[139,0,139],darkolivegreen:[85,107,47],darkorange:[255,140,0],darkorchid:[153,50,204],darkred:[139,0,0],darksalmon:[233,150,122],darkseagreen:[143,188,143],darkslateblue:[72,61,139],darkslategray:[47,79,79],darkslategrey:[47,79,79],darkturquoise:[0,206,209],darkviolet:[148,0,211],deeppink:[255,20,147],deepskyblue:[0,191,255],dimgray:[105,105,105],dimgrey:[105,105,105],dodgerblue:[30,144,255],firebrick:[178,34,34],floralwhite:[255,250,240],forestgreen:[34,139,34],fuchsia:[255,0,255],gainsboro:[220,220,220],ghostwhite:[248,248,255],gold:[255,215,0],goldenrod:[218,165,32],gray:[128,128,128],green:[0,128,0],greenyellow:[173,255,47],grey:[128,128,128],honeydew:[240,255,240],hotpink:[255,105,180],indianred:[205,92,92],indigo:[75,0,130],ivory:[255,255,240],khaki:[240,230,140],lavender:[230,230,250],lavenderblush:[255,240,245],lawngreen:[124,252,0],lemonchiffon:[255,250,205],lightblue:[173,216,230],lightcoral:[240,128,128],lightcyan:[224,255,255],lightgoldenrodyellow:[250,250,210],lightgray:[211,211,211],lightgreen:[144,238,144],lightgrey:[211,211,211],lightpink:[255,182,193],lightsalmon:[255,160,122],lightseagreen:[32,178,170],lightskyblue:[135,206,250],lightslategray:[119,136,153],lightslategrey:[119,136,153],lightsteelblue:[176,196,222],lightyellow:[255,255,224],lime:[0,255,0],limegreen:[50,205,50],linen:[250,240,230],magenta:[255,0,255],maroon:[128,0,0],mediumaquamarine:[102,205,170],mediumblue:[0,0,205],mediumorchid:[186,85,211],mediumpurple:[147,112,219],mediumseagreen:[60,179,113],mediumslateblue:[123,104,238],mediumspringgreen:[0,250,154],mediumturquoise:[72,209,204],mediumvioletred:[199,21,133],midnightblue:[25,25,112],mintcream:[245,255,250],mistyrose:[255,228,225],moccasin:[255,228,181],navajowhite:[255,222,173],navy:[0,0,128],oldlace:[253,245,230],olive:[128,128,0],olivedrab:[107,142,35],orange:[255,165,0],orangered:[255,69,0],orchid:[218,112,214],palegoldenrod:[238,232,170],palegreen:[152,251,152],paleturquoise:[175,238,238],palevioletred:[219,112,147],papayawhip:[255,239,213],peachpuff:[255,218,185],peru:[205,133,63],pink:[255,192,203],plum:[221,160,221],powderblue:[176,224,230],purple:[128,0,128],rebeccapurple:[102,51,153],red:[255,0,0],rosybrown:[188,143,143],royalblue:[65,105,225],saddlebrown:[139,69,19],salmon:[250,128,114],sandybrown:[244,164,96],seagreen:[46,139,87],seashell:[255,245,238],sienna:[160,82,45],silver:[192,192,192],skyblue:[135,206,235],slateblue:[106,90,205],slategray:[112,128,144],slategrey:[112,128,144],snow:[255,250,250],springgreen:[0,255,127],steelblue:[70,130,180],tan:[210,180,140],teal:[0,128,128],thistle:[216,191,216],tomato:[255,99,71],turquoise:[64,224,208],violet:[238,130,238],wheat:[245,222,179],white:[255,255,255],whitesmoke:[245,245,245],yellow:[255,255,0],yellowgreen:[154,205,50]}},19818:function(e,t,i){var n=i(8874),r=i(86851),o=Object.hasOwnProperty,s=Object.create(null);for(var a in n)o.call(n,a)&&(s[n[a]]=a);var l=e.exports={to:{},get:{}};function h(e,t,i){return Math.min(Math.max(t,e),i)}function u(e){var t=Math.round(e).toString(16).toUpperCase();return t.length<2?"0"+t:t}l.get=function(e){var t,i;switch(e.substring(0,3).toLowerCase()){case"hsl":t=l.get.hsl(e),i="hsl";break;case"hwb":t=l.get.hwb(e),i="hwb";break;default:t=l.get.rgb(e),i="rgb"}return t?{model:i,value:t}:null},l.get.rgb=function(e){if(!e)return null;var t,i,r,s=[0,0,0,1];if(t=e.match(/^#([a-f0-9]{6})([a-f0-9]{2})?$/i)){for(i=0,r=t[2],t=t[1];i<3;i++){var a=2*i;s[i]=parseInt(t.slice(a,a+2),16)}r&&(s[3]=parseInt(r,16)/255)}else if(t=e.match(/^#([a-f0-9]{3,4})$/i)){for(i=0,r=(t=t[1])[3];i<3;i++)s[i]=parseInt(t[i]+t[i],16);r&&(s[3]=parseInt(r+r,16)/255)}else if(t=e.match(/^rgba?\(\s*([+-]?\d+)(?=[\s,])\s*(?:,\s*)?([+-]?\d+)(?=[\s,])\s*(?:,\s*)?([+-]?\d+)\s*(?:[,|\/]\s*([+-]?[\d\.]+)(%?)\s*)?\)$/)){for(i=0;i<3;i++)s[i]=parseInt(t[i+1],0);t[4]&&(t[5]?s[3]=.01*parseFloat(t[4]):s[3]=parseFloat(t[4]))}else if(t=e.match(/^rgba?\(\s*([+-]?[\d\.]+)\%\s*,?\s*([+-]?[\d\.]+)\%\s*,?\s*([+-]?[\d\.]+)\%\s*(?:[,|\/]\s*([+-]?[\d\.]+)(%?)\s*)?\)$/)){for(i=0;i<3;i++)s[i]=Math.round(2.55*parseFloat(t[i+1]));t[4]&&(t[5]?s[3]=.01*parseFloat(t[4]):s[3]=parseFloat(t[4]))}else if(!(t=e.match(/^(\w+)$/)))return null;else return"transparent"===t[1]?[0,0,0,0]:o.call(n,t[1])?((s=n[t[1]])[3]=1,s):null;for(i=0;i<3;i++)s[i]=h(s[i],0,255);return s[3]=h(s[3],0,1),s},l.get.hsl=function(e){if(!e)return null;var t=e.match(/^hsla?\(\s*([+-]?(?:\d{0,3}\.)?\d+)(?:deg)?\s*,?\s*([+-]?[\d\.]+)%\s*,?\s*([+-]?[\d\.]+)%\s*(?:[,|\/]\s*([+-]?(?=\.\d|\d)(?:0|[1-9]\d*)?(?:\.\d*)?(?:[eE][+-]?\d+)?)\s*)?\)$/);if(t){var i=parseFloat(t[4]);return[(parseFloat(t[1])%360+360)%360,h(parseFloat(t[2]),0,100),h(parseFloat(t[3]),0,100),h(isNaN(i)?1:i,0,1)]}return null},l.get.hwb=function(e){if(!e)return null;var t=e.match(/^hwb\(\s*([+-]?\d{0,3}(?:\.\d+)?)(?:deg)?\s*,\s*([+-]?[\d\.]+)%\s*,\s*([+-]?[\d\.]+)%\s*(?:,\s*([+-]?(?=\.\d|\d)(?:0|[1-9]\d*)?(?:\.\d*)?(?:[eE][+-]?\d+)?)\s*)?\)$/);if(t){var i=parseFloat(t[4]);return[(parseFloat(t[1])%360+360)%360,h(parseFloat(t[2]),0,100),h(parseFloat(t[3]),0,100),h(isNaN(i)?1:i,0,1)]}return null},l.to.hex=function(){var e=r(arguments);return"#"+u(e[0])+u(e[1])+u(e[2])+(e[3]<1?u(Math.round(255*e[3])):"")},l.to.rgb=function(){var e=r(arguments);return e.length<4||1===e[3]?"rgb("+Math.round(e[0])+", "+Math.round(e[1])+", "+Math.round(e[2])+")":"rgba("+Math.round(e[0])+", "+Math.round(e[1])+", "+Math.round(e[2])+", "+e[3]+")"},l.to.rgb.percent=function(){var e=r(arguments),t=Math.round(e[0]/255*100),i=Math.round(e[1]/255*100),n=Math.round(e[2]/255*100);return e.length<4||1===e[3]?"rgb("+t+"%, "+i+"%, "+n+"%)":"rgba("+t+"%, "+i+"%, "+n+"%, "+e[3]+")"},l.to.hsl=function(){var e=r(arguments);return e.length<4||1===e[3]?"hsl("+e[0]+", "+e[1]+"%, "+e[2]+"%)":"hsla("+e[0]+", "+e[1]+"%, "+e[2]+"%, "+e[3]+")"},l.to.hwb=function(){var e=r(arguments),t="";return e.length>=4&&1!==e[3]&&(t=", "+e[3]),"hwb("+e[0]+", "+e[1]+"%, "+e[2]+"%"+t+")"},l.to.keyword=function(e){return s[e.slice(0,3)]}},26729:function(e){"use strict";var t=Object.prototype.hasOwnProperty,i="~";function n(){}function r(e,t,i){this.fn=e,this.context=t,this.once=i||!1}function o(e,t,n,o,s){if("function"!=typeof n)throw TypeError("The listener must be a function");var a=new r(n,o||e,s),l=i?i+t:t;return e._events[l]?e._events[l].fn?e._events[l]=[e._events[l],a]:e._events[l].push(a):(e._events[l]=a,e._eventsCount++),e}function s(e,t){0==--e._eventsCount?e._events=new n:delete e._events[t]}function a(){this._events=new n,this._eventsCount=0}Object.create&&(n.prototype=Object.create(null),new n().__proto__||(i=!1)),a.prototype.eventNames=function(){var e,n,r=[];if(0===this._eventsCount)return r;for(n in e=this._events)t.call(e,n)&&r.push(i?n.slice(1):n);return Object.getOwnPropertySymbols?r.concat(Object.getOwnPropertySymbols(e)):r},a.prototype.listeners=function(e){var t=i?i+e:e,n=this._events[t];if(!n)return[];if(n.fn)return[n.fn];for(var r=0,o=n.length,s=Array(o);rh+a*s*u||d>=p)f=s;else{if(Math.abs(g)<=-l*u)return s;g*(f-c)>=0&&(f=c),c=s,p=d}return 0}s=s||1,a=a||1e-6,l=l||.1;for(var m=0;m<10;++m){if(o(r.x,1,n.x,s,t),d=r.fx=e(r.x,r.fxprime),g=i(r.fxprime,t),d>h+a*s*u||m&&d>=c)return p(f,s,c);if(Math.abs(g)<=-l*u)break;if(g>=0)return p(s,f,d);c=d,f=s,s*=2}return s}e.bisect=function(e,t,i,n){var r=(n=n||{}).maxIterations||100,o=n.tolerance||1e-10,s=e(t),a=e(i),l=i-t;if(s*a>0)throw"Initial bisect points must have opposite signs";if(0===s)return t;if(0===a)return i;for(var h=0;h=0&&(t=u),Math.abs(l)=p[f-1].fx){var O=!1;if(b.fx>N.fx?(o(S,1+c,C,-c,N),S.fx=e(S),S.fx=1)break;for(m=1;m=n(d.fxprime))break}return a.history&&a.history.push({x:d.x.slice(),fx:d.fx,fxprime:d.fxprime.slice(),alpha:f}),d},e.gradientDescent=function(e,t,i){for(var r=(i=i||{}).maxIterations||100*t.length,s=i.learnRate||.001,a={x:t.slice(),fx:0,fxprime:t.slice()},l=0;l=n(a.fxprime)));++l);return a},e.gradientDescentLineSearch=function(e,t,i){i=i||{};var o,a={x:t.slice(),fx:0,fxprime:t.slice()},l={x:t.slice(),fx:0,fxprime:t.slice()},h=i.maxIterations||100*t.length,u=i.learnRate||1,d=t.slice(),c=i.c1||.001,g=i.c2||.1,f=[];if(i.history){var p=e;e=function(e,t){return f.push(e.slice()),p(e,t)}}a.fx=e(a.x,a.fxprime);for(var m=0;mn(a.fxprime)));++m);return a},e.zeros=t,e.zerosM=function(e,i){return t(e).map(function(){return t(i)})},e.norm2=n,e.weightedSum=o,e.scale=r}(t)},49685:function(e,t,i){"use strict";i.d(t,{Ib:function(){return n},WT:function(){return r}});var n=1e-6,r="undefined"!=typeof Float32Array?Float32Array:Array;Math.hypot||(Math.hypot=function(){for(var e=0,t=arguments.length;t--;)e+=arguments[t]*arguments[t];return Math.sqrt(e)})},35600:function(e,t,i){"use strict";i.d(t,{Ue:function(){return r},al:function(){return s},xO:function(){return o}});var n=i(49685);function r(){var e=new n.WT(9);return n.WT!=Float32Array&&(e[1]=0,e[2]=0,e[3]=0,e[5]=0,e[6]=0,e[7]=0),e[0]=1,e[4]=1,e[8]=1,e}function o(e,t){return e[0]=t[0],e[1]=t[1],e[2]=t[2],e[3]=t[4],e[4]=t[5],e[5]=t[6],e[6]=t[8],e[7]=t[9],e[8]=t[10],e}function s(e,t,i,r,o,s,a,l,h){var u=new n.WT(9);return u[0]=e,u[1]=t,u[2]=i,u[3]=r,u[4]=o,u[5]=s,u[6]=a,u[7]=l,u[8]=h,u}},85975:function(e,t,i){"use strict";i.r(t),i.d(t,{add:function(){return Y},adjoint:function(){return c},clone:function(){return o},copy:function(){return s},create:function(){return r},determinant:function(){return g},equals:function(){return J},exactEquals:function(){return Z},frob:function(){return K},fromQuat:function(){return M},fromQuat2:function(){return O},fromRotation:function(){return T},fromRotationTranslation:function(){return N},fromRotationTranslationScale:function(){return D},fromRotationTranslationScaleOrigin:function(){return x},fromScaling:function(){return S},fromTranslation:function(){return b},fromValues:function(){return a},fromXRotation:function(){return y},fromYRotation:function(){return R},fromZRotation:function(){return A},frustum:function(){return k},getRotation:function(){return w},getScaling:function(){return I},getTranslation:function(){return L},identity:function(){return h},invert:function(){return d},lookAt:function(){return G},mul:function(){return Q},multiply:function(){return f},multiplyScalar:function(){return q},multiplyScalarAndAdd:function(){return X},ortho:function(){return V},orthoNO:function(){return H},orthoZO:function(){return W},perspective:function(){return F},perspectiveFromFieldOfView:function(){return U},perspectiveNO:function(){return P},perspectiveZO:function(){return B},rotate:function(){return _},rotateX:function(){return E},rotateY:function(){return v},rotateZ:function(){return C},scale:function(){return m},set:function(){return l},str:function(){return z},sub:function(){return ee},subtract:function(){return $},targetTo:function(){return j},translate:function(){return p},transpose:function(){return u}});var n=i(49685);function r(){var e=new n.WT(16);return n.WT!=Float32Array&&(e[1]=0,e[2]=0,e[3]=0,e[4]=0,e[6]=0,e[7]=0,e[8]=0,e[9]=0,e[11]=0,e[12]=0,e[13]=0,e[14]=0),e[0]=1,e[5]=1,e[10]=1,e[15]=1,e}function o(e){var t=new n.WT(16);return t[0]=e[0],t[1]=e[1],t[2]=e[2],t[3]=e[3],t[4]=e[4],t[5]=e[5],t[6]=e[6],t[7]=e[7],t[8]=e[8],t[9]=e[9],t[10]=e[10],t[11]=e[11],t[12]=e[12],t[13]=e[13],t[14]=e[14],t[15]=e[15],t}function s(e,t){return e[0]=t[0],e[1]=t[1],e[2]=t[2],e[3]=t[3],e[4]=t[4],e[5]=t[5],e[6]=t[6],e[7]=t[7],e[8]=t[8],e[9]=t[9],e[10]=t[10],e[11]=t[11],e[12]=t[12],e[13]=t[13],e[14]=t[14],e[15]=t[15],e}function a(e,t,i,r,o,s,a,l,h,u,d,c,g,f,p,m){var _=new n.WT(16);return _[0]=e,_[1]=t,_[2]=i,_[3]=r,_[4]=o,_[5]=s,_[6]=a,_[7]=l,_[8]=h,_[9]=u,_[10]=d,_[11]=c,_[12]=g,_[13]=f,_[14]=p,_[15]=m,_}function l(e,t,i,n,r,o,s,a,l,h,u,d,c,g,f,p,m){return e[0]=t,e[1]=i,e[2]=n,e[3]=r,e[4]=o,e[5]=s,e[6]=a,e[7]=l,e[8]=h,e[9]=u,e[10]=d,e[11]=c,e[12]=g,e[13]=f,e[14]=p,e[15]=m,e}function h(e){return e[0]=1,e[1]=0,e[2]=0,e[3]=0,e[4]=0,e[5]=1,e[6]=0,e[7]=0,e[8]=0,e[9]=0,e[10]=1,e[11]=0,e[12]=0,e[13]=0,e[14]=0,e[15]=1,e}function u(e,t){if(e===t){var i=t[1],n=t[2],r=t[3],o=t[6],s=t[7],a=t[11];e[1]=t[4],e[2]=t[8],e[3]=t[12],e[4]=i,e[6]=t[9],e[7]=t[13],e[8]=n,e[9]=o,e[11]=t[14],e[12]=r,e[13]=s,e[14]=a}else e[0]=t[0],e[1]=t[4],e[2]=t[8],e[3]=t[12],e[4]=t[1],e[5]=t[5],e[6]=t[9],e[7]=t[13],e[8]=t[2],e[9]=t[6],e[10]=t[10],e[11]=t[14],e[12]=t[3],e[13]=t[7],e[14]=t[11],e[15]=t[15];return e}function d(e,t){var i=t[0],n=t[1],r=t[2],o=t[3],s=t[4],a=t[5],l=t[6],h=t[7],u=t[8],d=t[9],c=t[10],g=t[11],f=t[12],p=t[13],m=t[14],_=t[15],E=i*a-n*s,v=i*l-r*s,C=i*h-o*s,b=n*l-r*a,S=n*h-o*a,T=r*h-o*l,y=u*p-d*f,R=u*m-c*f,A=u*_-g*f,N=d*m-c*p,O=d*_-g*p,L=c*_-g*m,I=E*L-v*O+C*N+b*A-S*R+T*y;return I?(I=1/I,e[0]=(a*L-l*O+h*N)*I,e[1]=(r*O-n*L-o*N)*I,e[2]=(p*T-m*S+_*b)*I,e[3]=(c*S-d*T-g*b)*I,e[4]=(l*A-s*L-h*R)*I,e[5]=(i*L-r*A+o*R)*I,e[6]=(m*C-f*T-_*v)*I,e[7]=(u*T-c*C+g*v)*I,e[8]=(s*O-a*A+h*y)*I,e[9]=(n*A-i*O-o*y)*I,e[10]=(f*S-p*C+_*E)*I,e[11]=(d*C-u*S-g*E)*I,e[12]=(a*R-s*N-l*y)*I,e[13]=(i*N-n*R+r*y)*I,e[14]=(p*v-f*b-m*E)*I,e[15]=(u*b-d*v+c*E)*I,e):null}function c(e,t){var i=t[0],n=t[1],r=t[2],o=t[3],s=t[4],a=t[5],l=t[6],h=t[7],u=t[8],d=t[9],c=t[10],g=t[11],f=t[12],p=t[13],m=t[14],_=t[15];return e[0]=a*(c*_-g*m)-d*(l*_-h*m)+p*(l*g-h*c),e[1]=-(n*(c*_-g*m)-d*(r*_-o*m)+p*(r*g-o*c)),e[2]=n*(l*_-h*m)-a*(r*_-o*m)+p*(r*h-o*l),e[3]=-(n*(l*g-h*c)-a*(r*g-o*c)+d*(r*h-o*l)),e[4]=-(s*(c*_-g*m)-u*(l*_-h*m)+f*(l*g-h*c)),e[5]=i*(c*_-g*m)-u*(r*_-o*m)+f*(r*g-o*c),e[6]=-(i*(l*_-h*m)-s*(r*_-o*m)+f*(r*h-o*l)),e[7]=i*(l*g-h*c)-s*(r*g-o*c)+u*(r*h-o*l),e[8]=s*(d*_-g*p)-u*(a*_-h*p)+f*(a*g-h*d),e[9]=-(i*(d*_-g*p)-u*(n*_-o*p)+f*(n*g-o*d)),e[10]=i*(a*_-h*p)-s*(n*_-o*p)+f*(n*h-o*a),e[11]=-(i*(a*g-h*d)-s*(n*g-o*d)+u*(n*h-o*a)),e[12]=-(s*(d*m-c*p)-u*(a*m-l*p)+f*(a*c-l*d)),e[13]=i*(d*m-c*p)-u*(n*m-r*p)+f*(n*c-r*d),e[14]=-(i*(a*m-l*p)-s*(n*m-r*p)+f*(n*l-r*a)),e[15]=i*(a*c-l*d)-s*(n*c-r*d)+u*(n*l-r*a),e}function g(e){var t=e[0],i=e[1],n=e[2],r=e[3],o=e[4],s=e[5],a=e[6],l=e[7],h=e[8],u=e[9],d=e[10],c=e[11],g=e[12],f=e[13],p=e[14],m=e[15];return(t*s-i*o)*(d*m-c*p)-(t*a-n*o)*(u*m-c*f)+(t*l-r*o)*(u*p-d*f)+(i*a-n*s)*(h*m-c*g)-(i*l-r*s)*(h*p-d*g)+(n*l-r*a)*(h*f-u*g)}function f(e,t,i){var n=t[0],r=t[1],o=t[2],s=t[3],a=t[4],l=t[5],h=t[6],u=t[7],d=t[8],c=t[9],g=t[10],f=t[11],p=t[12],m=t[13],_=t[14],E=t[15],v=i[0],C=i[1],b=i[2],S=i[3];return e[0]=v*n+C*a+b*d+S*p,e[1]=v*r+C*l+b*c+S*m,e[2]=v*o+C*h+b*g+S*_,e[3]=v*s+C*u+b*f+S*E,v=i[4],C=i[5],b=i[6],S=i[7],e[4]=v*n+C*a+b*d+S*p,e[5]=v*r+C*l+b*c+S*m,e[6]=v*o+C*h+b*g+S*_,e[7]=v*s+C*u+b*f+S*E,v=i[8],C=i[9],b=i[10],S=i[11],e[8]=v*n+C*a+b*d+S*p,e[9]=v*r+C*l+b*c+S*m,e[10]=v*o+C*h+b*g+S*_,e[11]=v*s+C*u+b*f+S*E,v=i[12],C=i[13],b=i[14],S=i[15],e[12]=v*n+C*a+b*d+S*p,e[13]=v*r+C*l+b*c+S*m,e[14]=v*o+C*h+b*g+S*_,e[15]=v*s+C*u+b*f+S*E,e}function p(e,t,i){var n,r,o,s,a,l,h,u,d,c,g,f,p=i[0],m=i[1],_=i[2];return t===e?(e[12]=t[0]*p+t[4]*m+t[8]*_+t[12],e[13]=t[1]*p+t[5]*m+t[9]*_+t[13],e[14]=t[2]*p+t[6]*m+t[10]*_+t[14],e[15]=t[3]*p+t[7]*m+t[11]*_+t[15]):(n=t[0],r=t[1],o=t[2],s=t[3],a=t[4],l=t[5],h=t[6],u=t[7],d=t[8],c=t[9],g=t[10],f=t[11],e[0]=n,e[1]=r,e[2]=o,e[3]=s,e[4]=a,e[5]=l,e[6]=h,e[7]=u,e[8]=d,e[9]=c,e[10]=g,e[11]=f,e[12]=n*p+a*m+d*_+t[12],e[13]=r*p+l*m+c*_+t[13],e[14]=o*p+h*m+g*_+t[14],e[15]=s*p+u*m+f*_+t[15]),e}function m(e,t,i){var n=i[0],r=i[1],o=i[2];return e[0]=t[0]*n,e[1]=t[1]*n,e[2]=t[2]*n,e[3]=t[3]*n,e[4]=t[4]*r,e[5]=t[5]*r,e[6]=t[6]*r,e[7]=t[7]*r,e[8]=t[8]*o,e[9]=t[9]*o,e[10]=t[10]*o,e[11]=t[11]*o,e[12]=t[12],e[13]=t[13],e[14]=t[14],e[15]=t[15],e}function _(e,t,i,r){var o,s,a,l,h,u,d,c,g,f,p,m,_,E,v,C,b,S,T,y,R,A,N,O,L=r[0],I=r[1],w=r[2],D=Math.hypot(L,I,w);return D0?(i[0]=(l*a+d*r+h*s-u*o)*2/c,i[1]=(h*a+d*o+u*r-l*s)*2/c,i[2]=(u*a+d*s+l*o-h*r)*2/c):(i[0]=(l*a+d*r+h*s-u*o)*2,i[1]=(h*a+d*o+u*r-l*s)*2,i[2]=(u*a+d*s+l*o-h*r)*2),N(e,t,i),e}function L(e,t){return e[0]=t[12],e[1]=t[13],e[2]=t[14],e}function I(e,t){var i=t[0],n=t[1],r=t[2],o=t[4],s=t[5],a=t[6],l=t[8],h=t[9],u=t[10];return e[0]=Math.hypot(i,n,r),e[1]=Math.hypot(o,s,a),e[2]=Math.hypot(l,h,u),e}function w(e,t){var i=new n.WT(3);I(i,t);var r=1/i[0],o=1/i[1],s=1/i[2],a=t[0]*r,l=t[1]*o,h=t[2]*s,u=t[4]*r,d=t[5]*o,c=t[6]*s,g=t[8]*r,f=t[9]*o,p=t[10]*s,m=a+d+p,_=0;return m>0?(_=2*Math.sqrt(m+1),e[3]=.25*_,e[0]=(c-f)/_,e[1]=(g-h)/_,e[2]=(l-u)/_):a>d&&a>p?(_=2*Math.sqrt(1+a-d-p),e[3]=(c-f)/_,e[0]=.25*_,e[1]=(l+u)/_,e[2]=(g+h)/_):d>p?(_=2*Math.sqrt(1+d-a-p),e[3]=(g-h)/_,e[0]=(l+u)/_,e[1]=.25*_,e[2]=(c+f)/_):(_=2*Math.sqrt(1+p-a-d),e[3]=(l-u)/_,e[0]=(g+h)/_,e[1]=(c+f)/_,e[2]=.25*_),e}function D(e,t,i,n){var r=t[0],o=t[1],s=t[2],a=t[3],l=r+r,h=o+o,u=s+s,d=r*l,c=r*h,g=r*u,f=o*h,p=o*u,m=s*u,_=a*l,E=a*h,v=a*u,C=n[0],b=n[1],S=n[2];return e[0]=(1-(f+m))*C,e[1]=(c+v)*C,e[2]=(g-E)*C,e[3]=0,e[4]=(c-v)*b,e[5]=(1-(d+m))*b,e[6]=(p+_)*b,e[7]=0,e[8]=(g+E)*S,e[9]=(p-_)*S,e[10]=(1-(d+f))*S,e[11]=0,e[12]=i[0],e[13]=i[1],e[14]=i[2],e[15]=1,e}function x(e,t,i,n,r){var o=t[0],s=t[1],a=t[2],l=t[3],h=o+o,u=s+s,d=a+a,c=o*h,g=o*u,f=o*d,p=s*u,m=s*d,_=a*d,E=l*h,v=l*u,C=l*d,b=n[0],S=n[1],T=n[2],y=r[0],R=r[1],A=r[2],N=(1-(p+_))*b,O=(g+C)*b,L=(f-v)*b,I=(g-C)*S,w=(1-(c+_))*S,D=(m+E)*S,x=(f+v)*T,M=(m-E)*T,k=(1-(c+p))*T;return e[0]=N,e[1]=O,e[2]=L,e[3]=0,e[4]=I,e[5]=w,e[6]=D,e[7]=0,e[8]=x,e[9]=M,e[10]=k,e[11]=0,e[12]=i[0]+y-(N*y+I*R+x*A),e[13]=i[1]+R-(O*y+w*R+M*A),e[14]=i[2]+A-(L*y+D*R+k*A),e[15]=1,e}function M(e,t){var i=t[0],n=t[1],r=t[2],o=t[3],s=i+i,a=n+n,l=r+r,h=i*s,u=n*s,d=n*a,c=r*s,g=r*a,f=r*l,p=o*s,m=o*a,_=o*l;return e[0]=1-d-f,e[1]=u+_,e[2]=c-m,e[3]=0,e[4]=u-_,e[5]=1-h-f,e[6]=g+p,e[7]=0,e[8]=c+m,e[9]=g-p,e[10]=1-h-d,e[11]=0,e[12]=0,e[13]=0,e[14]=0,e[15]=1,e}function k(e,t,i,n,r,o,s){var a=1/(i-t),l=1/(r-n),h=1/(o-s);return e[0]=2*o*a,e[1]=0,e[2]=0,e[3]=0,e[4]=0,e[5]=2*o*l,e[6]=0,e[7]=0,e[8]=(i+t)*a,e[9]=(r+n)*l,e[10]=(s+o)*h,e[11]=-1,e[12]=0,e[13]=0,e[14]=s*o*2*h,e[15]=0,e}function P(e,t,i,n,r){var o,s=1/Math.tan(t/2);return e[0]=s/i,e[1]=0,e[2]=0,e[3]=0,e[4]=0,e[5]=s,e[6]=0,e[7]=0,e[8]=0,e[9]=0,e[11]=-1,e[12]=0,e[13]=0,e[15]=0,null!=r&&r!==1/0?(o=1/(n-r),e[10]=(r+n)*o,e[14]=2*r*n*o):(e[10]=-1,e[14]=-2*n),e}var F=P;function B(e,t,i,n,r){var o,s=1/Math.tan(t/2);return e[0]=s/i,e[1]=0,e[2]=0,e[3]=0,e[4]=0,e[5]=s,e[6]=0,e[7]=0,e[8]=0,e[9]=0,e[11]=-1,e[12]=0,e[13]=0,e[15]=0,null!=r&&r!==1/0?(o=1/(n-r),e[10]=r*o,e[14]=r*n*o):(e[10]=-1,e[14]=-n),e}function U(e,t,i,n){var r=Math.tan(t.upDegrees*Math.PI/180),o=Math.tan(t.downDegrees*Math.PI/180),s=Math.tan(t.leftDegrees*Math.PI/180),a=Math.tan(t.rightDegrees*Math.PI/180),l=2/(s+a),h=2/(r+o);return e[0]=l,e[1]=0,e[2]=0,e[3]=0,e[4]=0,e[5]=h,e[6]=0,e[7]=0,e[8]=-((s-a)*l*.5),e[9]=(r-o)*h*.5,e[10]=n/(i-n),e[11]=-1,e[12]=0,e[13]=0,e[14]=n*i/(i-n),e[15]=0,e}function H(e,t,i,n,r,o,s){var a=1/(t-i),l=1/(n-r),h=1/(o-s);return e[0]=-2*a,e[1]=0,e[2]=0,e[3]=0,e[4]=0,e[5]=-2*l,e[6]=0,e[7]=0,e[8]=0,e[9]=0,e[10]=2*h,e[11]=0,e[12]=(t+i)*a,e[13]=(r+n)*l,e[14]=(s+o)*h,e[15]=1,e}var V=H;function W(e,t,i,n,r,o,s){var a=1/(t-i),l=1/(n-r),h=1/(o-s);return e[0]=-2*a,e[1]=0,e[2]=0,e[3]=0,e[4]=0,e[5]=-2*l,e[6]=0,e[7]=0,e[8]=0,e[9]=0,e[10]=h,e[11]=0,e[12]=(t+i)*a,e[13]=(r+n)*l,e[14]=o*h,e[15]=1,e}function G(e,t,i,r){var o,s,a,l,u,d,c,g,f,p,m=t[0],_=t[1],E=t[2],v=r[0],C=r[1],b=r[2],S=i[0],T=i[1],y=i[2];return Math.abs(m-S)0&&(u*=g=1/Math.sqrt(g),d*=g,c*=g);var f=l*c-h*d,p=h*u-a*c,m=a*d-l*u;return(g=f*f+p*p+m*m)>0&&(f*=g=1/Math.sqrt(g),p*=g,m*=g),e[0]=f,e[1]=p,e[2]=m,e[3]=0,e[4]=d*m-c*p,e[5]=c*f-u*m,e[6]=u*p-d*f,e[7]=0,e[8]=u,e[9]=d,e[10]=c,e[11]=0,e[12]=r,e[13]=o,e[14]=s,e[15]=1,e}function z(e){return"mat4("+e[0]+", "+e[1]+", "+e[2]+", "+e[3]+", "+e[4]+", "+e[5]+", "+e[6]+", "+e[7]+", "+e[8]+", "+e[9]+", "+e[10]+", "+e[11]+", "+e[12]+", "+e[13]+", "+e[14]+", "+e[15]+")"}function K(e){return Math.hypot(e[0],e[1],e[2],e[3],e[4],e[5],e[6],e[7],e[8],e[9],e[10],e[11],e[12],e[13],e[14],e[15])}function Y(e,t,i){return e[0]=t[0]+i[0],e[1]=t[1]+i[1],e[2]=t[2]+i[2],e[3]=t[3]+i[3],e[4]=t[4]+i[4],e[5]=t[5]+i[5],e[6]=t[6]+i[6],e[7]=t[7]+i[7],e[8]=t[8]+i[8],e[9]=t[9]+i[9],e[10]=t[10]+i[10],e[11]=t[11]+i[11],e[12]=t[12]+i[12],e[13]=t[13]+i[13],e[14]=t[14]+i[14],e[15]=t[15]+i[15],e}function $(e,t,i){return e[0]=t[0]-i[0],e[1]=t[1]-i[1],e[2]=t[2]-i[2],e[3]=t[3]-i[3],e[4]=t[4]-i[4],e[5]=t[5]-i[5],e[6]=t[6]-i[6],e[7]=t[7]-i[7],e[8]=t[8]-i[8],e[9]=t[9]-i[9],e[10]=t[10]-i[10],e[11]=t[11]-i[11],e[12]=t[12]-i[12],e[13]=t[13]-i[13],e[14]=t[14]-i[14],e[15]=t[15]-i[15],e}function q(e,t,i){return e[0]=t[0]*i,e[1]=t[1]*i,e[2]=t[2]*i,e[3]=t[3]*i,e[4]=t[4]*i,e[5]=t[5]*i,e[6]=t[6]*i,e[7]=t[7]*i,e[8]=t[8]*i,e[9]=t[9]*i,e[10]=t[10]*i,e[11]=t[11]*i,e[12]=t[12]*i,e[13]=t[13]*i,e[14]=t[14]*i,e[15]=t[15]*i,e}function X(e,t,i,n){return e[0]=t[0]+i[0]*n,e[1]=t[1]+i[1]*n,e[2]=t[2]+i[2]*n,e[3]=t[3]+i[3]*n,e[4]=t[4]+i[4]*n,e[5]=t[5]+i[5]*n,e[6]=t[6]+i[6]*n,e[7]=t[7]+i[7]*n,e[8]=t[8]+i[8]*n,e[9]=t[9]+i[9]*n,e[10]=t[10]+i[10]*n,e[11]=t[11]+i[11]*n,e[12]=t[12]+i[12]*n,e[13]=t[13]+i[13]*n,e[14]=t[14]+i[14]*n,e[15]=t[15]+i[15]*n,e}function Z(e,t){return e[0]===t[0]&&e[1]===t[1]&&e[2]===t[2]&&e[3]===t[3]&&e[4]===t[4]&&e[5]===t[5]&&e[6]===t[6]&&e[7]===t[7]&&e[8]===t[8]&&e[9]===t[9]&&e[10]===t[10]&&e[11]===t[11]&&e[12]===t[12]&&e[13]===t[13]&&e[14]===t[14]&&e[15]===t[15]}function J(e,t){var i=e[0],r=e[1],o=e[2],s=e[3],a=e[4],l=e[5],h=e[6],u=e[7],d=e[8],c=e[9],g=e[10],f=e[11],p=e[12],m=e[13],_=e[14],E=e[15],v=t[0],C=t[1],b=t[2],S=t[3],T=t[4],y=t[5],R=t[6],A=t[7],N=t[8],O=t[9],L=t[10],I=t[11],w=t[12],D=t[13],x=t[14],M=t[15];return Math.abs(i-v)<=n.Ib*Math.max(1,Math.abs(i),Math.abs(v))&&Math.abs(r-C)<=n.Ib*Math.max(1,Math.abs(r),Math.abs(C))&&Math.abs(o-b)<=n.Ib*Math.max(1,Math.abs(o),Math.abs(b))&&Math.abs(s-S)<=n.Ib*Math.max(1,Math.abs(s),Math.abs(S))&&Math.abs(a-T)<=n.Ib*Math.max(1,Math.abs(a),Math.abs(T))&&Math.abs(l-y)<=n.Ib*Math.max(1,Math.abs(l),Math.abs(y))&&Math.abs(h-R)<=n.Ib*Math.max(1,Math.abs(h),Math.abs(R))&&Math.abs(u-A)<=n.Ib*Math.max(1,Math.abs(u),Math.abs(A))&&Math.abs(d-N)<=n.Ib*Math.max(1,Math.abs(d),Math.abs(N))&&Math.abs(c-O)<=n.Ib*Math.max(1,Math.abs(c),Math.abs(O))&&Math.abs(g-L)<=n.Ib*Math.max(1,Math.abs(g),Math.abs(L))&&Math.abs(f-I)<=n.Ib*Math.max(1,Math.abs(f),Math.abs(I))&&Math.abs(p-w)<=n.Ib*Math.max(1,Math.abs(p),Math.abs(w))&&Math.abs(m-D)<=n.Ib*Math.max(1,Math.abs(m),Math.abs(D))&&Math.abs(_-x)<=n.Ib*Math.max(1,Math.abs(_),Math.abs(x))&&Math.abs(E-M)<=n.Ib*Math.max(1,Math.abs(E),Math.abs(M))}var Q=f,ee=$},32945:function(e,t,i){"use strict";i.d(t,{Fv:function(){return p},JG:function(){return g},Jp:function(){return h},Su:function(){return d},U_:function(){return u},Ue:function(){return a},al:function(){return c},dC:function(){return f},yY:function(){return l}});var n=i(49685),r=i(35600),o=i(77160),s=i(98333);function a(){var e=new n.WT(4);return n.WT!=Float32Array&&(e[0]=0,e[1]=0,e[2]=0),e[3]=1,e}function l(e,t,i){var n=Math.sin(i*=.5);return e[0]=n*t[0],e[1]=n*t[1],e[2]=n*t[2],e[3]=Math.cos(i),e}function h(e,t,i){var n=t[0],r=t[1],o=t[2],s=t[3],a=i[0],l=i[1],h=i[2],u=i[3];return e[0]=n*u+s*a+r*h-o*l,e[1]=r*u+s*l+o*a-n*h,e[2]=o*u+s*h+n*l-r*a,e[3]=s*u-n*a-r*l-o*h,e}function u(e,t){var i=t[0],n=t[1],r=t[2],o=t[3],s=i*i+n*n+r*r+o*o,a=s?1/s:0;return e[0]=-i*a,e[1]=-n*a,e[2]=-r*a,e[3]=o*a,e}function d(e,t,i,n){var r=.5*Math.PI/180,o=Math.sin(t*=r),s=Math.cos(t),a=Math.sin(i*=r),l=Math.cos(i),h=Math.sin(n*=r),u=Math.cos(n);return e[0]=o*l*u-s*a*h,e[1]=s*a*u+o*l*h,e[2]=s*l*h-o*a*u,e[3]=s*l*u+o*a*h,e}s.d9;var c=s.al,g=s.JG;s.t8,s.IH;var f=h;s.bA,s.AK,s.t7,s.kE,s.we;var p=s.Fv;s.I6,s.fS,o.Ue(),o.al(1,0,0),o.al(0,1,0),a(),a(),r.Ue()},31437:function(e,t,i){"use strict";i.d(t,{AK:function(){return l},Fv:function(){return a},I6:function(){return h},JG:function(){return s},al:function(){return o}});var n,r=i(49685);function o(e,t){var i=new r.WT(2);return i[0]=e,i[1]=t,i}function s(e,t){return e[0]=t[0],e[1]=t[1],e}function a(e,t){var i=t[0],n=t[1],r=i*i+n*n;return r>0&&(r=1/Math.sqrt(r)),e[0]=t[0]*r,e[1]=t[1]*r,e}function l(e,t){return e[0]*t[0]+e[1]*t[1]}function h(e,t){return e[0]===t[0]&&e[1]===t[1]}n=new r.WT(2),r.WT!=Float32Array&&(n[0]=0,n[1]=0)},77160:function(e,t,i){"use strict";i.d(t,{$X:function(){return d},AK:function(){return p},Fv:function(){return f},IH:function(){return u},JG:function(){return l},Jp:function(){return c},TK:function(){return S},Ue:function(){return r},VC:function(){return C},Zh:function(){return T},al:function(){return a},bA:function(){return g},d9:function(){return o},fF:function(){return E},fS:function(){return b},kC:function(){return m},kE:function(){return s},kK:function(){return v},t7:function(){return _},t8:function(){return h}});var n=i(49685);function r(){var e=new n.WT(3);return n.WT!=Float32Array&&(e[0]=0,e[1]=0,e[2]=0),e}function o(e){var t=new n.WT(3);return t[0]=e[0],t[1]=e[1],t[2]=e[2],t}function s(e){return Math.hypot(e[0],e[1],e[2])}function a(e,t,i){var r=new n.WT(3);return r[0]=e,r[1]=t,r[2]=i,r}function l(e,t){return e[0]=t[0],e[1]=t[1],e[2]=t[2],e}function h(e,t,i,n){return e[0]=t,e[1]=i,e[2]=n,e}function u(e,t,i){return e[0]=t[0]+i[0],e[1]=t[1]+i[1],e[2]=t[2]+i[2],e}function d(e,t,i){return e[0]=t[0]-i[0],e[1]=t[1]-i[1],e[2]=t[2]-i[2],e}function c(e,t,i){return e[0]=t[0]*i[0],e[1]=t[1]*i[1],e[2]=t[2]*i[2],e}function g(e,t,i){return e[0]=t[0]*i,e[1]=t[1]*i,e[2]=t[2]*i,e}function f(e,t){var i=t[0],n=t[1],r=t[2],o=i*i+n*n+r*r;return o>0&&(o=1/Math.sqrt(o)),e[0]=t[0]*o,e[1]=t[1]*o,e[2]=t[2]*o,e}function p(e,t){return e[0]*t[0]+e[1]*t[1]+e[2]*t[2]}function m(e,t,i){var n=t[0],r=t[1],o=t[2],s=i[0],a=i[1],l=i[2];return e[0]=r*l-o*a,e[1]=o*s-n*l,e[2]=n*a-r*s,e}function _(e,t,i,n){var r=t[0],o=t[1],s=t[2];return e[0]=r+n*(i[0]-r),e[1]=o+n*(i[1]-o),e[2]=s+n*(i[2]-s),e}function E(e,t,i){var n=t[0],r=t[1],o=t[2],s=i[3]*n+i[7]*r+i[11]*o+i[15];return s=s||1,e[0]=(i[0]*n+i[4]*r+i[8]*o+i[12])/s,e[1]=(i[1]*n+i[5]*r+i[9]*o+i[13])/s,e[2]=(i[2]*n+i[6]*r+i[10]*o+i[14])/s,e}function v(e,t,i){var n=t[0],r=t[1],o=t[2];return e[0]=n*i[0]+r*i[3]+o*i[6],e[1]=n*i[1]+r*i[4]+o*i[7],e[2]=n*i[2]+r*i[5]+o*i[8],e}function C(e,t,i){var n=i[0],r=i[1],o=i[2],s=i[3],a=t[0],l=t[1],h=t[2],u=r*h-o*l,d=o*a-n*h,c=n*l-r*a,g=r*c-o*d,f=o*u-n*c,p=n*d-r*u,m=2*s;return u*=m,d*=m,c*=m,g*=2,f*=2,p*=2,e[0]=a+u+g,e[1]=l+d+f,e[2]=h+c+p,e}function b(e,t){var i=e[0],r=e[1],o=e[2],s=t[0],a=t[1],l=t[2];return Math.abs(i-s)<=n.Ib*Math.max(1,Math.abs(i),Math.abs(s))&&Math.abs(r-a)<=n.Ib*Math.max(1,Math.abs(r),Math.abs(a))&&Math.abs(o-l)<=n.Ib*Math.max(1,Math.abs(o),Math.abs(l))}var S=function(e,t){return Math.hypot(t[0]-e[0],t[1]-e[1],t[2]-e[2])},T=s;r()},98333:function(e,t,i){"use strict";i.d(t,{AK:function(){return f},Fv:function(){return g},I6:function(){return _},IH:function(){return h},JG:function(){return a},Ue:function(){return r},al:function(){return s},bA:function(){return u},d9:function(){return o},fF:function(){return m},fS:function(){return E},kE:function(){return d},t7:function(){return p},t8:function(){return l},we:function(){return c}});var n=i(49685);function r(){var e=new n.WT(4);return n.WT!=Float32Array&&(e[0]=0,e[1]=0,e[2]=0,e[3]=0),e}function o(e){var t=new n.WT(4);return t[0]=e[0],t[1]=e[1],t[2]=e[2],t[3]=e[3],t}function s(e,t,i,r){var o=new n.WT(4);return o[0]=e,o[1]=t,o[2]=i,o[3]=r,o}function a(e,t){return e[0]=t[0],e[1]=t[1],e[2]=t[2],e[3]=t[3],e}function l(e,t,i,n,r){return e[0]=t,e[1]=i,e[2]=n,e[3]=r,e}function h(e,t,i){return e[0]=t[0]+i[0],e[1]=t[1]+i[1],e[2]=t[2]+i[2],e[3]=t[3]+i[3],e}function u(e,t,i){return e[0]=t[0]*i,e[1]=t[1]*i,e[2]=t[2]*i,e[3]=t[3]*i,e}function d(e){return Math.hypot(e[0],e[1],e[2],e[3])}function c(e){var t=e[0],i=e[1],n=e[2],r=e[3];return t*t+i*i+n*n+r*r}function g(e,t){var i=t[0],n=t[1],r=t[2],o=t[3],s=i*i+n*n+r*r+o*o;return s>0&&(s=1/Math.sqrt(s)),e[0]=i*s,e[1]=n*s,e[2]=r*s,e[3]=o*s,e}function f(e,t){return e[0]*t[0]+e[1]*t[1]+e[2]*t[2]+e[3]*t[3]}function p(e,t,i,n){var r=t[0],o=t[1],s=t[2],a=t[3];return e[0]=r+n*(i[0]-r),e[1]=o+n*(i[1]-o),e[2]=s+n*(i[2]-s),e[3]=a+n*(i[3]-a),e}function m(e,t,i){var n=t[0],r=t[1],o=t[2],s=t[3];return e[0]=i[0]*n+i[4]*r+i[8]*o+i[12]*s,e[1]=i[1]*n+i[5]*r+i[9]*o+i[13]*s,e[2]=i[2]*n+i[6]*r+i[10]*o+i[14]*s,e[3]=i[3]*n+i[7]*r+i[11]*o+i[15]*s,e}function _(e,t){return e[0]===t[0]&&e[1]===t[1]&&e[2]===t[2]&&e[3]===t[3]}function E(e,t){var i=e[0],r=e[1],o=e[2],s=e[3],a=t[0],l=t[1],h=t[2],u=t[3];return Math.abs(i-a)<=n.Ib*Math.max(1,Math.abs(i),Math.abs(a))&&Math.abs(r-l)<=n.Ib*Math.max(1,Math.abs(r),Math.abs(l))&&Math.abs(o-h)<=n.Ib*Math.max(1,Math.abs(o),Math.abs(h))&&Math.abs(s-u)<=n.Ib*Math.max(1,Math.abs(s),Math.abs(u))}r()},9488:function(e,t,i){"use strict";var n,r;function o(e,t=0){return e[e.length-(1+t)]}function s(e){if(0===e.length)throw Error("Invalid tail call");return[e.slice(0,e.length-1),e[e.length-1]]}function a(e,t,i=(e,t)=>e===t){if(e===t)return!0;if(!e||!t||e.length!==t.length)return!1;for(let n=0,r=e.length;n0))return e;n=e-1}}return-(i+1)}(e.length,n=>i(e[n],t))}function u(e){return e.filter(e=>!!e)}function d(e){return!Array.isArray(e)||0===e.length}function c(e){return Array.isArray(e)&&e.length>0}function g(e,t=e=>e){let i=new Set;return e.filter(e=>{let n=t(e);return!i.has(n)&&(i.add(n),!0)})}function f(e,t){let i=function(e,t){for(let i=e.length-1;i>=0;i--){let n=e[i];if(t(n))return i}return -1}(e,t);if(-1!==i)return e[i]}function p(e,t){return e.length>0?e[0]:t}function m(e,t){let i="number"==typeof t?e:0;"number"==typeof t?i=e:(i=0,t=e);let n=[];if(i<=t)for(let e=i;et;e--)n.push(e);return n}function _(e,t,i){let n=e.slice(0,t),r=e.slice(t);return n.concat(i,r)}function E(e,t){let i=e.indexOf(t);i>-1&&(e.splice(i,1),e.unshift(t))}function v(e,t){let i=e.indexOf(t);i>-1&&(e.splice(i,1),e.push(t))}function C(e,t){for(let i of t)e.push(i)}function b(e,t,i,n){let r=S(e,t),o=e.splice(r,i);return!function(e,t,i){let n=S(e,t),r=e.length,o=i.length;e.length=r+o;for(let t=r-1;t>=n;t--)e[t+o]=e[t];for(let t=0;tt(e(i),e(n))}function y(e,t){if(0===e.length)return;let i=e[0];for(let n=1;n=0&&(i=r)}return i}function R(e,t){return function(e,t){if(0===e.length)return;let i=e[0];for(let n=1;n0&&(i=r)}return i}(e,(e,i)=>-t(e,i))}i.d(t,{EB:function(){return g},Gb:function(){return o},H9:function(){return A},JH:function(){return s},LS:function(){return l},Of:function(){return c},VJ:function(){return R},W$:function(){return N},XY:function(){return d},Xh:function(){return p},Zv:function(){return _},al:function(){return v},dF:function(){return f},db:function(){return b},fS:function(){return a},jV:function(){return y},kX:function(){return u},ry:function(){return h},tT:function(){return T},vA:function(){return C},w6:function(){return m},zI:function(){return E}}),(r=n||(n={})).isLessThan=function(e){return e<0},r.isGreaterThan=function(e){return e>0},r.isNeitherLessOrGreaterThan=function(e){return 0===e},r.greaterThan=1,r.lessThan=-1,r.neitherLessOrGreaterThan=0;class A{constructor(e){this.items=e,this.firstIdx=0,this.lastIdx=this.items.length-1}get length(){return this.lastIdx-this.firstIdx+1}takeWhile(e){let t=this.firstIdx;for(;t=0&&e(this.items[t]);)t--;let i=t===this.lastIdx?null:this.items.slice(t+1,this.lastIdx+1);return this.lastIdx=t,i}peek(){if(0!==this.length)return this.items[this.firstIdx]}dequeue(){let e=this.items[this.firstIdx];return this.firstIdx++,e}takeCount(e){let t=this.items.slice(this.firstIdx,this.firstIdx+e);return this.firstIdx+=e,t}}class N{constructor(e){this.iterate=e}toArray(){let e=[];return this.iterate(t=>(e.push(t),!0)),e}filter(e){return new N(t=>this.iterate(i=>!e(i)||t(i)))}map(e){return new N(t=>this.iterate(i=>t(e(i))))}findLast(e){let t;return this.iterate(i=>(e(i)&&(t=i),!0)),t}findLastMaxBy(e){let t;let i=!0;return this.iterate(r=>((i||n.isGreaterThan(e(r,t)))&&(i=!1,t=r),!0)),t}}N.empty=new N(e=>{})},53725:function(e,t,i){"use strict";var n;i.d(t,{$:function(){return n}}),function(e){function t(e){return e&&"object"==typeof e&&"function"==typeof e[Symbol.iterator]}e.is=t;let i=Object.freeze([]);function*n(e){yield e}e.empty=function(){return i},e.single=n,e.wrap=function(e){return t(e)?e:n(e)},e.from=function(e){return e||i},e.isEmpty=function(e){return!e||!0===e[Symbol.iterator]().next().done},e.first=function(e){return e[Symbol.iterator]().next().value},e.some=function(e,t){for(let i of e)if(t(i))return!0;return!1},e.find=function(e,t){for(let i of e)if(t(i))return i},e.filter=function*(e,t){for(let i of e)t(i)&&(yield i)},e.map=function*(e,t){let i=0;for(let n of e)yield t(n,i++)},e.concat=function*(...e){for(let t of e)for(let e of t)yield e},e.reduce=function(e,t,i){let n=i;for(let i of e)n=t(n,i);return n},e.slice=function*(e,t,i=e.length){for(t<0&&(t+=e.length),i<0?i+=e.length:i>e.length&&(i=e.length);tr}]}}(n||(n={}))},91741:function(e,t,i){"use strict";i.d(t,{S:function(){return r}});class n{constructor(e){this.element=e,this.next=n.Undefined,this.prev=n.Undefined}}n.Undefined=new n(void 0);class r{constructor(){this._first=n.Undefined,this._last=n.Undefined,this._size=0}get size(){return this._size}isEmpty(){return this._first===n.Undefined}clear(){let e=this._first;for(;e!==n.Undefined;){let t=e.next;e.prev=n.Undefined,e.next=n.Undefined,e=t}this._first=n.Undefined,this._last=n.Undefined,this._size=0}unshift(e){return this._insert(e,!1)}push(e){return this._insert(e,!0)}_insert(e,t){let i=new n(e);if(this._first===n.Undefined)this._first=i,this._last=i;else if(t){let e=this._last;this._last=i,i.prev=e,e.next=i}else{let e=this._first;this._first=i,i.next=e,e.prev=i}this._size+=1;let r=!1;return()=>{r||(r=!0,this._remove(i))}}shift(){if(this._first!==n.Undefined){let e=this._first.element;return this._remove(this._first),e}}pop(){if(this._last!==n.Undefined){let e=this._last.element;return this._remove(this._last),e}}_remove(e){if(e.prev!==n.Undefined&&e.next!==n.Undefined){let t=e.prev;t.next=e.next,e.next.prev=t}else e.prev===n.Undefined&&e.next===n.Undefined?(this._first=n.Undefined,this._last=n.Undefined):e.next===n.Undefined?(this._last=this._last.prev,this._last.next=n.Undefined):e.prev===n.Undefined&&(this._first=this._first.next,this._first.prev=n.Undefined);this._size-=1}*[Symbol.iterator](){let e=this._first;for(;e!==n.Undefined;)yield e.element,e=e.next}}},36248:function(e,t,i){"use strict";i.d(t,{$E:function(){return a},I8:function(){return function e(t){if(!t||"object"!=typeof t||t instanceof RegExp)return t;let i=Array.isArray(t)?[]:{};return Object.entries(t).forEach(([t,n])=>{i[t]=n&&"object"==typeof n?e(n):n}),i}},IU:function(){return l},_A:function(){return r},fS:function(){return function e(t,i){let n,r;if(t===i)return!0;if(null==t||null==i||typeof t!=typeof i||"object"!=typeof t||Array.isArray(t)!==Array.isArray(i))return!1;if(Array.isArray(t)){if(t.length!==i.length)return!1;for(n=0;n{o in t?r&&((0,n.Kn)(t[o])&&(0,n.Kn)(i[o])?e(t[o],i[o],r):t[o]=i[o]):t[o]=i[o]}),t):i}},rs:function(){return s}});var n=i(98401);function r(e){if(!e||"object"!=typeof e)return e;let t=[e];for(;t.length>0;){let e=t.shift();for(let i in Object.freeze(e),e)if(o.call(e,i)){let r=e[i];"object"!=typeof r||Object.isFrozen(r)||(0,n.fU)(r)||t.push(r)}}return e}let o=Object.prototype.hasOwnProperty;function s(e,t){return function e(t,i,r){if((0,n.Jp)(t))return t;let s=i(t);if(void 0!==s)return s;if(Array.isArray(t)){let n=[];for(let o of t)n.push(e(o,i,r));return n}if((0,n.Kn)(t)){if(r.has(t))throw Error("Cannot clone recursive data-structure");r.add(t);let n={};for(let s in t)o.call(t,s)&&(n[s]=e(t[s],i,r));return r.delete(t),n}return t}(e,t,new Set)}function a(e){let t=[];for(let i of function(e){let t=[];for(;Object.prototype!==e;)t=t.concat(Object.getOwnPropertyNames(e)),e=Object.getPrototypeOf(e);return t}(e))"function"==typeof e[i]&&t.push(i);return t}function l(e,t){let i=e=>function(){let i=Array.prototype.slice.call(arguments,0);return t(e,i)},n={};for(let t of e)n[t]=i(t);return n}},1432:function(e,t,i){"use strict";let n,r;i.d(t,{$L:function(){return S},ED:function(){return E},G6:function(){return k},IJ:function(){return C},OS:function(){return L},dz:function(){return v},fn:function(){return O},gn:function(){return y},i7:function(){return x},li:function(){return p},n2:function(){return T},r:function(){return D},tY:function(){return b},tq:function(){return R},un:function(){return P},vU:function(){return M}});var o,s=i(63580),a=i(83454);let l=!1,h=!1,u=!1,d=!1,c=!1,g=!1,f=!1,p="object"==typeof self?self:"object"==typeof i.g?i.g:{};void 0!==p.vscode&&void 0!==p.vscode.process?r=p.vscode.process:void 0!==a&&(r=a);let m="string"==typeof(null===(o=null==r?void 0:r.versions)||void 0===o?void 0:o.electron),_=m&&(null==r?void 0:r.type)==="renderer";if("object"!=typeof navigator||_){if("object"==typeof r){l="win32"===r.platform,h="darwin"===r.platform,(u="linux"===r.platform)&&r.env.SNAP&&r.env.SNAP_REVISION,r.env.CI||r.env.BUILD_ARTIFACTSTAGINGDIRECTORY;let e=r.env.VSCODE_NLS_CONFIG;if(e)try{let t=JSON.parse(e);t.availableLanguages["*"],t.locale,t.osLocale,t._translationsConfigFile}catch(e){}d=!0}else console.error("Unable to resolve platform.")}else l=(n=navigator.userAgent).indexOf("Windows")>=0,h=n.indexOf("Macintosh")>=0,g=(n.indexOf("Macintosh")>=0||n.indexOf("iPad")>=0||n.indexOf("iPhone")>=0)&&!!navigator.maxTouchPoints&&navigator.maxTouchPoints>0,u=n.indexOf("Linux")>=0,f=(null==n?void 0:n.indexOf("Mobi"))>=0,c=!0,s.aj(s.NC({key:"ensureLoaderPluginIsLoaded",comment:["{Locked}"]},"_")),navigator.language;let E=l,v=h,C=u,b=d,S=c,T=c&&"function"==typeof p.importScripts,y=g,R=f,A=n,N="function"==typeof p.postMessage&&!p.importScripts,O=(()=>{if(N){let e=[];p.addEventListener("message",t=>{if(t.data&&t.data.vscodeScheduleAsyncWork)for(let i=0,n=e.length;i{let n=++t;e.push({id:n,callback:i}),p.postMessage({vscodeScheduleAsyncWork:n},"*")}}return e=>setTimeout(e)})(),L=h||g?2:l?1:3,I=!0,w=!1;function D(){if(!w){w=!0;let e=new Uint8Array(2);e[0]=1,e[1]=2;let t=new Uint16Array(e.buffer);I=513===t[0]}return I}let x=!!(A&&A.indexOf("Chrome")>=0),M=!!(A&&A.indexOf("Firefox")>=0),k=!!(!x&&A&&A.indexOf("Safari")>=0),P=!!(A&&A.indexOf("Edg/")>=0);A&&A.indexOf("Android")},98401:function(e,t,i){"use strict";function n(e){return"string"==typeof e}function r(e){return"object"==typeof e&&null!==e&&!Array.isArray(e)&&!(e instanceof RegExp)&&!(e instanceof Date)}function o(e){let t=Object.getPrototypeOf(Uint8Array);return"object"==typeof e&&e instanceof t}function s(e){return"number"==typeof e&&!isNaN(e)}function a(e){return!!e&&"function"==typeof e[Symbol.iterator]}function l(e){return!0===e||!1===e}function h(e){return void 0===e}function u(e){return!d(e)}function d(e){return h(e)||null===e}function c(e,t){if(!e)throw Error(t?`Unexpected type, expected '${t}'`:"Unexpected type")}function g(e){if(d(e))throw Error("Assertion Failed: argument is undefined or null");return e}function f(e){return"function"==typeof e}function p(e,t){let i=Math.min(e.length,t.length);for(let r=0;rs.maxLen){let n=t-s.maxLen/2;return n<0?n=0:o+=n,r=r.substring(n,t+s.maxLen/2),e(t,i,r,o,s)}let a=Date.now(),h=t-1-o,u=-1,d=null;for(let e=1;!(Date.now()-a>=s.timeBudget);e++){let t=h-s.windowSize*e;i.lastIndex=Math.max(0,t);let n=function(e,t,i,n){let r;for(;r=e.exec(t);){let t=r.index||0;if(t<=i&&e.lastIndex>=i)return r;if(n>0&&t>n)break}return null}(i,r,h,u);if(!n&&d||(d=n,t<=0))break;u=t}if(d){let e={word:d[0],startColumn:o+1+d.index,endColumn:o+1+d.index+d[0].length};return i.lastIndex=0,e}return null}},vu:function(){return o}});var n=i(53725),r=i(91741);let o="`~!@#$%^&*()-=+[{]}\\|;:'\",.<>/?",s=function(e=""){let t="(-?\\d*\\.\\d\\w*)|([^";for(let i of o)e.indexOf(i)>=0||(t+="\\"+i);return RegExp(t+="\\s]+)","g")}();function a(e){let t=s;if(e&&e instanceof RegExp){if(e.global)t=e;else{let i="g";e.ignoreCase&&(i+="i"),e.multiline&&(i+="m"),e.unicode&&(i+="u"),t=new RegExp(e.source,i)}}return t.lastIndex=0,t}let l=new r.S;l.unshift({maxLen:1e3,windowSize:15,timeBudget:150})},77119:function(e,t,i){"use strict";let n,r,o,s,a,l,h,u,d,c,g,f,p,m,_,E,v,C;i.r(t),i.d(t,{CancellationTokenSource:function(){return k1},Emitter:function(){return k2},KeyCode:function(){return k5},KeyMod:function(){return k4},MarkerSeverity:function(){return k8},MarkerTag:function(){return Pe},Position:function(){return k3},Range:function(){return k6},Selection:function(){return k9},SelectionDirection:function(){return k7},Token:function(){return Pi},Uri:function(){return Pt},editor:function(){return Pn},languages:function(){return Pr}});var b,S,T,y,R,A,N,O,L,I,w,D,x,M,k,P,F,B,U,H,V,W,G,j,z,K,Y,$,q,X,Z,J,Q,ee,et,ei,en,er,eo,es,ea,el,eh,eu,ed,ec,eg,ef,ep,em,e_,eE,ev,eC,eb,eS,eT,ey,eR,eA,eN,eO,eL,eI,ew,eD,ex,eM,ek,eP,eF,eB,eU,eH,eV,eW,eG,ej,ez,eK,eY,e$,eq,eX,eZ,eJ,eQ,e0,e1,e2,e5,e4,e3,e6,e9,e7,e8,te,tt,ti,tn,tr,to,ts,ta,tl,th,tu,td,tc,tg,tf,tp,tm,t_,tE,tv,tC,tb,tS,tT,ty,tR,tA,tN,tO,tL,tI,tw,tD,tx,tM,tk,tP,tF,tB,tU,tH,tV,tW,tG,tj,tz,tK,tY,t$,tq,tX,tZ,tJ,tQ,t0,t1,t2,t5,t4,t3,t6,t9,t7,t8,ie,it,ii,ir,io,is,ia,il,ih,iu,id,ic,ig,ip,im,i_,iE,iv,iC,ib,iS,iT,iy,iR,iA,iN,iO,iL,iI,iw,iD,ix,iM,ik,iP,iF,iB,iU,iH,iV,iW,iG,ij,iz,iK,iY,i$,iq,iX,iZ,iJ,iQ=i(64141);let i0=new class{constructor(){this.listeners=[],this.unexpectedErrorHandler=function(e){setTimeout(()=>{if(e.stack){if(ne.isErrorNoTelemetry(e))throw new ne(e.message+"\n\n"+e.stack);throw Error(e.message+"\n\n"+e.stack)}throw e},0)}}emit(e){this.listeners.forEach(t=>{t(e)})}onUnexpectedError(e){this.unexpectedErrorHandler(e),this.emit(e)}onUnexpectedExternalError(e){this.unexpectedErrorHandler(e)}};function i1(e){i3(e)||i0.onUnexpectedError(e)}function i2(e){i3(e)||i0.onUnexpectedExternalError(e)}function i5(e){if(e instanceof Error){let{name:t,message:i}=e,n=e.stacktrace||e.stack;return{$isError:!0,name:t,message:i,stack:n,noTelemetry:ne.isErrorNoTelemetry(e)}}return e}let i4="Canceled";function i3(e){return e instanceof i6||e instanceof Error&&e.name===i4&&e.message===i4}class i6 extends Error{constructor(){super(i4),this.name=this.message}}function i9(e){return e?Error(`Illegal argument: ${e}`):Error("Illegal argument")}function i7(e){return e?Error(`Illegal state: ${e}`):Error("Illegal state")}class i8 extends Error{constructor(e){super("NotSupported"),e&&(this.message=e)}}class ne extends Error{constructor(e){super(e),this.name="CodeExpectedError"}static fromError(e){if(e instanceof ne)return e;let t=new ne;return t.message=e.message,t.stack=e.stack,t}static isErrorNoTelemetry(e){return"CodeExpectedError"===e.name}}class nt extends Error{constructor(e){super(e||"An unexpected bug occurred."),Object.setPrototypeOf(this,nt.prototype)}}function ni(e){let t;let i=this,n=!1;return function(){return n?t:(n=!0,t=e.apply(i,arguments))}}var nn=i(53725);function nr(e){return e}function no(e){}function ns(e,t){}function na(e){return e}function nl(e){if(nn.$.is(e)){let t=[];for(let i of e)if(i)try{i.dispose()}catch(e){t.push(e)}if(1===t.length)throw t[0];if(t.length>1)throw AggregateError(t,"Encountered errors while disposing of store");return Array.isArray(e)?[]:e}if(e)return e.dispose(),e}function nh(...e){let t=nu(()=>nl(e));return t}function nu(e){let t={dispose:ni(()=>{e()})};return t}class nd{constructor(){var e;this._toDispose=new Set,this._isDisposed=!1,e=this}dispose(){this._isDisposed||(this._isDisposed=!0,this.clear())}get isDisposed(){return this._isDisposed}clear(){if(0!==this._toDispose.size)try{nl(this._toDispose)}finally{this._toDispose.clear()}}add(e){if(!e)return e;if(e===this)throw Error("Cannot register a disposable on itself!");return this._isDisposed?nd.DISABLE_DISPOSED_WARNING||console.warn(Error("Trying to add a disposable to a DisposableStore that has already been disposed of. The added object will be leaked!").stack):this._toDispose.add(e),e}}nd.DISABLE_DISPOSED_WARNING=!1;class nc{constructor(){var e;this._store=new nd,e=this,this._store}dispose(){this._store.dispose()}_register(e){if(e===this)throw Error("Cannot register a disposable on itself!");return this._store.add(e)}}nc.None=Object.freeze({dispose(){}});class ng{constructor(){var e;this._isDisposed=!1,e=this}get value(){return this._isDisposed?void 0:this._value}set value(e){var t;this._isDisposed||e===this._value||(null===(t=this._value)||void 0===t||t.dispose(),this._value=e)}clear(){this.value=void 0}dispose(){var e;this._isDisposed=!0,null===(e=this._value)||void 0===e||e.dispose(),this._value=void 0}}class nf{constructor(e){this.object=e}dispose(){}}class np{constructor(){var e;this._store=new Map,this._isDisposed=!1,e=this}dispose(){this._isDisposed=!0,this.clearAndDisposeAll()}clearAndDisposeAll(){if(this._store.size)try{nl(this._store.values())}finally{this._store.clear()}}get(e){return this._store.get(e)}set(e,t,i=!1){var n;this._isDisposed&&console.warn(Error("Trying to add a disposable to a DisposableMap that has already been disposed of. The added object will be leaked!").stack),i||null===(n=this._store.get(e))||void 0===n||n.dispose(),this._store.set(e,t)}deleteAndDispose(e){var t;null===(t=this._store.get(e))||void 0===t||t.dispose(),this._store.delete(e)}[Symbol.iterator](){return this._store[Symbol.iterator]()}}var nm=i(91741);let n_=globalThis.performance&&"function"==typeof globalThis.performance.now;class nE{static create(e){return new nE(e)}constructor(e){this._now=n_&&!1===e?Date.now:globalThis.performance.now.bind(globalThis.performance),this._startTime=this._now(),this._stopTime=-1}stop(){this._stopTime=this._now()}elapsed(){return -1!==this._stopTime?this._stopTime-this._startTime:this._now()-this._startTime}}!function(e){function t(e){return(t,i=null,n)=>{let r,o=!1;return r=e(e=>o?void 0:(r?r.dispose():o=!0,t.call(i,e)),null,n),o&&r.dispose(),r}}function i(e,t,i){return s((i,n=null,r)=>e(e=>i.call(n,t(e)),null,r),i)}function n(e,t,i){return s((i,n=null,r)=>e(e=>{t(e),i.call(n,e)},null,r),i)}function r(e,t,i){return s((i,n=null,r)=>e(e=>t(e)&&i.call(n,e),null,r),i)}function o(e,t,n,r){let o=n;return i(e,e=>o=t(o,e),r)}function s(e,t){let i;let n=new nT({onWillAddFirstListener(){i=e(n.fire,n)},onDidRemoveLastListener(){null==i||i.dispose()}});return null==t||t.add(n),n.event}function a(e,t,i=100,n=!1,r=!1,o,s){let a,l,h,u;let d=0,c=new nT({leakWarningThreshold:o,onWillAddFirstListener(){a=e(e=>{d++,h=t(h,e),n&&!u&&(c.fire(h),h=void 0),l=()=>{let e=h;h=void 0,u=void 0,(!n||d>1)&&c.fire(e),d=0},"number"==typeof i?(clearTimeout(u),u=setTimeout(l,i)):void 0===u&&(u=0,queueMicrotask(l))})},onWillRemoveListener(){r&&d>0&&(null==l||l())},onDidRemoveLastListener(){l=void 0,a.dispose()}});return null==s||s.add(c),c.event}function l(e,t=(e,t)=>e===t,i){let n,o=!0;return r(e,e=>{let i=o||!t(e,n);return o=!1,n=e,i},i)}e.None=()=>nc.None,e.defer=function(e,t){return a(e,()=>void 0,0,void 0,!0,void 0,t)},e.once=t,e.map=i,e.forEach=n,e.filter=r,e.signal=function(e){return e},e.any=function(...e){return(t,i=null,n)=>nh(...e.map(e=>e(e=>t.call(i,e),null,n)))},e.reduce=o,e.debounce=a,e.accumulate=function(t,i=0,n){return e.debounce(t,(e,t)=>e?(e.push(t),e):[t],i,void 0,!0,void 0,n)},e.latch=l,e.split=function(t,i,n){return[e.filter(t,i,n),e.filter(t,e=>!i(e),n)]},e.buffer=function(e,t=!1,i=[]){let n=i.slice(),r=e(e=>{n?n.push(e):s.fire(e)}),o=()=>{null==n||n.forEach(e=>s.fire(e)),n=null},s=new nT({onWillAddFirstListener(){r||(r=e(e=>s.fire(e)))},onDidAddFirstListener(){n&&(t?setTimeout(o):o())},onDidRemoveLastListener(){r&&r.dispose(),r=null}});return s.event};class h{constructor(e){this.event=e,this.disposables=new nd}map(e){return new h(i(this.event,e,this.disposables))}forEach(e){return new h(n(this.event,e,this.disposables))}filter(e){return new h(r(this.event,e,this.disposables))}reduce(e,t){return new h(o(this.event,e,t,this.disposables))}latch(){return new h(l(this.event,void 0,this.disposables))}debounce(e,t=100,i=!1,n=!1,r){return new h(a(this.event,e,t,i,n,r,this.disposables))}on(e,t,i){return this.event(e,t,i)}once(e,i,n){return t(this.event)(e,i,n)}dispose(){this.disposables.dispose()}}e.chain=function(e){return new h(e)},e.fromNodeEventEmitter=function(e,t,i=e=>e){let n=(...e)=>r.fire(i(...e)),r=new nT({onWillAddFirstListener:()=>e.on(t,n),onDidRemoveLastListener:()=>e.removeListener(t,n)});return r.event},e.fromDOMEventEmitter=function(e,t,i=e=>e){let n=(...e)=>r.fire(i(...e)),r=new nT({onWillAddFirstListener:()=>e.addEventListener(t,n),onDidRemoveLastListener:()=>e.removeEventListener(t,n)});return r.event},e.toPromise=function(e){return new Promise(i=>t(e)(i))},e.runAndSubscribe=function(e,t){return t(void 0),e(e=>t(e))},e.runAndSubscribeWithStore=function(e,t){let i=null;function n(e){null==i||i.dispose(),t(e,i=new nd)}n(void 0);let r=e(e=>n(e));return nu(()=>{r.dispose(),null==i||i.dispose()})};class u{constructor(e,t){this._observable=e,this._counter=0,this._hasChanged=!1;this.emitter=new nT({onWillAddFirstListener:()=>{e.addObserver(this)},onDidRemoveLastListener:()=>{e.removeObserver(this)}}),t&&t.add(this.emitter)}beginUpdate(e){this._counter++}handlePossibleChange(e){}handleChange(e,t){this._hasChanged=!0}endUpdate(e){this._counter--,0===this._counter&&(this._observable.reportChanges(),this._hasChanged&&(this._hasChanged=!1,this.emitter.fire(this._observable.get())))}}e.fromObservable=function(e,t){let i=new u(e,t);return i.emitter.event},e.fromObservableLight=function(e){return t=>{let i=0,n=!1,r={beginUpdate(){i++},endUpdate(){0==--i&&(e.reportChanges(),n&&(n=!1,t()))},handlePossibleChange(){},handleChange(){n=!0}};return e.addObserver(r),e.reportChanges(),{dispose(){e.removeObserver(r)}}}}}(e7||(e7={}));class nv{constructor(e){this.listenerCount=0,this.invocationCount=0,this.elapsedOverall=0,this.durations=[],this.name=`${e}_${nv._idPool++}`,nv.all.add(this)}start(e){this._stopWatch=new nE,this.listenerCount=e}stop(){if(this._stopWatch){let e=this._stopWatch.elapsed();this.durations.push(e),this.elapsedOverall+=e,this.invocationCount+=1,this._stopWatch=void 0}}}nv.all=new Set,nv._idPool=0;class nC{constructor(e,t=Math.random().toString(18).slice(2,5)){this.threshold=e,this.name=t,this._warnCountdown=0}dispose(){var e;null===(e=this._stacks)||void 0===e||e.clear()}check(e,t){let i=this.threshold;if(i<=0||t{let t=this._stacks.get(e.value)||0;this._stacks.set(e.value,t-1)}}}class nb{static create(){var e;return new nb(null!==(e=Error().stack)&&void 0!==e?e:"")}constructor(e){this.value=e}print(){console.warn(this.value.split("\n").slice(2).join("\n"))}}class nS{constructor(e){this.value=e}}class nT{constructor(e){var t,i,n,r,o;this._size=0,this._options=e,this._leakageMon=(null===(t=this._options)||void 0===t?void 0:t.leakWarningThreshold)?new nC(null!==(n=null===(i=this._options)||void 0===i?void 0:i.leakWarningThreshold)&&void 0!==n?n:-1):void 0,this._perfMon=(null===(r=this._options)||void 0===r?void 0:r._profName)?new nv(this._options._profName):void 0,this._deliveryQueue=null===(o=this._options)||void 0===o?void 0:o.deliveryQueue}dispose(){var e,t,i,n;this._disposed||(this._disposed=!0,(null===(e=this._deliveryQueue)||void 0===e?void 0:e.current)===this&&this._deliveryQueue.reset(),this._listeners&&(this._listeners=void 0,this._size=0),null===(i=null===(t=this._options)||void 0===t?void 0:t.onDidRemoveLastListener)||void 0===i||i.call(t),null===(n=this._leakageMon)||void 0===n||n.dispose())}get event(){var e;return null!==(e=this._event)&&void 0!==e||(this._event=(e,t,i)=>{var n,r,o,s,a;let l;if(this._leakageMon&&this._size>3*this._leakageMon.threshold)return console.warn(`[${this._leakageMon.name}] REFUSES to accept new listeners because it exceeded its threshold by far`),nc.None;if(this._disposed)return nc.None;t&&(e=e.bind(t));let h=new nS(e);this._leakageMon&&this._size>=Math.ceil(.2*this._leakageMon.threshold)&&(h.stack=nb.create(),l=this._leakageMon.check(h.stack,this._size+1)),this._listeners?this._listeners instanceof nS?(null!==(a=this._deliveryQueue)&&void 0!==a||(this._deliveryQueue=new nR),this._listeners=[this._listeners,h]):this._listeners.push(h):(null===(r=null===(n=this._options)||void 0===n?void 0:n.onWillAddFirstListener)||void 0===r||r.call(n,this),this._listeners=h,null===(s=null===(o=this._options)||void 0===o?void 0:o.onDidAddFirstListener)||void 0===s||s.call(o,this)),this._size++;let u=nu(()=>{null==l||l(),this._removeListener(h)});return i instanceof nd?i.add(u):Array.isArray(i)&&i.push(u),u}),this._event}_removeListener(e){var t,i,n,r;if(null===(i=null===(t=this._options)||void 0===t?void 0:t.onWillRemoveListener)||void 0===i||i.call(t,this),!this._listeners)return;if(1===this._size){this._listeners=void 0,null===(r=null===(n=this._options)||void 0===n?void 0:n.onDidRemoveLastListener)||void 0===r||r.call(n,this),this._size=0;return}let o=this._listeners,s=o.indexOf(e);if(-1===s)throw console.log("disposed?",this._disposed),console.log("size?",this._size),console.log("arr?",JSON.stringify(this._listeners)),Error("Attempted to dispose unknown listener");this._size--,o[s]=void 0;let a=this._deliveryQueue.current===this;if(2*this._size<=o.length){let e=0;for(let t=0;t0}}let ny=()=>new nR;class nR{constructor(){this.i=-1,this.end=0}enqueue(e,t,i){this.i=0,this.end=i,this.current=e,this.value=t}reset(){this.i=this.end,this.current=void 0,this.value=void 0}}class nA extends nT{constructor(e){super(e),this._isPaused=0,this._eventQueue=new nm.S,this._mergeFn=null==e?void 0:e.merge}pause(){this._isPaused++}resume(){if(0!==this._isPaused&&0==--this._isPaused){if(this._mergeFn){if(this._eventQueue.size>0){let e=Array.from(this._eventQueue);this._eventQueue.clear(),super.fire(this._mergeFn(e))}}else for(;!this._isPaused&&0!==this._eventQueue.size;)super.fire(this._eventQueue.shift())}}fire(e){this._size&&(0!==this._isPaused?this._eventQueue.push(e):super.fire(e))}}class nN extends nA{constructor(e){var t;super(e),this._delay=null!==(t=e.delay)&&void 0!==t?t:100}fire(e){this._handle||(this.pause(),this._handle=setTimeout(()=>{this._handle=void 0,this.resume()},this._delay)),super.fire(e)}}class nO extends nT{constructor(e){super(e),this._queuedEvents=[],this._mergeFn=null==e?void 0:e.merge}fire(e){this.hasListeners()&&(this._queuedEvents.push(e),1===this._queuedEvents.length&&queueMicrotask(()=>{this._mergeFn?super.fire(this._mergeFn(this._queuedEvents)):this._queuedEvents.forEach(e=>super.fire(e)),this._queuedEvents=[]}))}}class nL{constructor(){this.buffers=[]}wrapEvent(e){return(t,i,n)=>e(e=>{let n=this.buffers[this.buffers.length-1];n?n.push(()=>t.call(i,e)):t.call(i,e)},void 0,n)}bufferEvents(e){let t=[];this.buffers.push(t);let i=e();return this.buffers.pop(),t.forEach(e=>e()),i}}class nI{constructor(){this.listening=!1,this.inputEvent=e7.None,this.inputEventListener=nc.None,this.emitter=new nT({onDidAddFirstListener:()=>{this.listening=!0,this.inputEventListener=this.inputEvent(this.emitter.fire,this.emitter)},onDidRemoveLastListener:()=>{this.listening=!1,this.inputEventListener.dispose()}}),this.event=this.emitter.event}set input(e){this.inputEvent=e,this.listening&&(this.inputEventListener.dispose(),this.inputEventListener=e(this.emitter.fire,this.emitter))}dispose(){this.inputEventListener.dispose(),this.emitter.dispose()}}let nw=Object.freeze(function(e,t){let i=setTimeout(e.bind(t),0);return{dispose(){clearTimeout(i)}}});(S=e8||(e8={})).isCancellationToken=function(e){return e===S.None||e===S.Cancelled||e instanceof nD||!!e&&"object"==typeof e&&"boolean"==typeof e.isCancellationRequested&&"function"==typeof e.onCancellationRequested},S.None=Object.freeze({isCancellationRequested:!1,onCancellationRequested:e7.None}),S.Cancelled=Object.freeze({isCancellationRequested:!0,onCancellationRequested:nw});class nD{constructor(){this._isCancelled=!1,this._emitter=null}cancel(){!this._isCancelled&&(this._isCancelled=!0,this._emitter&&(this._emitter.fire(void 0),this.dispose()))}get isCancellationRequested(){return this._isCancelled}get onCancellationRequested(){return this._isCancelled?nw:(this._emitter||(this._emitter=new nT),this._emitter.event)}dispose(){this._emitter&&(this._emitter.dispose(),this._emitter=null)}}class nx{constructor(e){this._token=void 0,this._parentListener=void 0,this._parentListener=e&&e.onCancellationRequested(this.cancel,this)}get token(){return this._token||(this._token=new nD),this._token}cancel(){this._token?this._token instanceof nD&&this._token.cancel():this._token=e8.Cancelled}dispose(e=!1){var t;e&&this.cancel(),null===(t=this._parentListener)||void 0===t||t.dispose(),this._token?this._token instanceof nD&&this._token.dispose():this._token=e8.None}}class nM{constructor(){this._keyCodeToStr=[],this._strToKeyCode=Object.create(null)}define(e,t){this._keyCodeToStr[e]=t,this._strToKeyCode[t.toLowerCase()]=e}keyCodeToStr(e){return this._keyCodeToStr[e]}strToKeyCode(e){return this._strToKeyCode[e.toLowerCase()]||0}}let nk=new nM,nP=new nM,nF=new nM,nB=Array(230),nU={},nH=[],nV=Object.create(null),nW=Object.create(null),nG=[],nj=[];for(let e=0;e<=193;e++)nG[e]=-1;for(let e=0;e<=132;e++)nj[e]=-1;!function(){let e=[],t=[];for(let i of[[1,0,"None",0,"unknown",0,"VK_UNKNOWN","",""],[1,1,"Hyper",0,"",0,"","",""],[1,2,"Super",0,"",0,"","",""],[1,3,"Fn",0,"",0,"","",""],[1,4,"FnLock",0,"",0,"","",""],[1,5,"Suspend",0,"",0,"","",""],[1,6,"Resume",0,"",0,"","",""],[1,7,"Turbo",0,"",0,"","",""],[1,8,"Sleep",0,"",0,"VK_SLEEP","",""],[1,9,"WakeUp",0,"",0,"","",""],[0,10,"KeyA",31,"A",65,"VK_A","",""],[0,11,"KeyB",32,"B",66,"VK_B","",""],[0,12,"KeyC",33,"C",67,"VK_C","",""],[0,13,"KeyD",34,"D",68,"VK_D","",""],[0,14,"KeyE",35,"E",69,"VK_E","",""],[0,15,"KeyF",36,"F",70,"VK_F","",""],[0,16,"KeyG",37,"G",71,"VK_G","",""],[0,17,"KeyH",38,"H",72,"VK_H","",""],[0,18,"KeyI",39,"I",73,"VK_I","",""],[0,19,"KeyJ",40,"J",74,"VK_J","",""],[0,20,"KeyK",41,"K",75,"VK_K","",""],[0,21,"KeyL",42,"L",76,"VK_L","",""],[0,22,"KeyM",43,"M",77,"VK_M","",""],[0,23,"KeyN",44,"N",78,"VK_N","",""],[0,24,"KeyO",45,"O",79,"VK_O","",""],[0,25,"KeyP",46,"P",80,"VK_P","",""],[0,26,"KeyQ",47,"Q",81,"VK_Q","",""],[0,27,"KeyR",48,"R",82,"VK_R","",""],[0,28,"KeyS",49,"S",83,"VK_S","",""],[0,29,"KeyT",50,"T",84,"VK_T","",""],[0,30,"KeyU",51,"U",85,"VK_U","",""],[0,31,"KeyV",52,"V",86,"VK_V","",""],[0,32,"KeyW",53,"W",87,"VK_W","",""],[0,33,"KeyX",54,"X",88,"VK_X","",""],[0,34,"KeyY",55,"Y",89,"VK_Y","",""],[0,35,"KeyZ",56,"Z",90,"VK_Z","",""],[0,36,"Digit1",22,"1",49,"VK_1","",""],[0,37,"Digit2",23,"2",50,"VK_2","",""],[0,38,"Digit3",24,"3",51,"VK_3","",""],[0,39,"Digit4",25,"4",52,"VK_4","",""],[0,40,"Digit5",26,"5",53,"VK_5","",""],[0,41,"Digit6",27,"6",54,"VK_6","",""],[0,42,"Digit7",28,"7",55,"VK_7","",""],[0,43,"Digit8",29,"8",56,"VK_8","",""],[0,44,"Digit9",30,"9",57,"VK_9","",""],[0,45,"Digit0",21,"0",48,"VK_0","",""],[1,46,"Enter",3,"Enter",13,"VK_RETURN","",""],[1,47,"Escape",9,"Escape",27,"VK_ESCAPE","",""],[1,48,"Backspace",1,"Backspace",8,"VK_BACK","",""],[1,49,"Tab",2,"Tab",9,"VK_TAB","",""],[1,50,"Space",10,"Space",32,"VK_SPACE","",""],[0,51,"Minus",88,"-",189,"VK_OEM_MINUS","-","OEM_MINUS"],[0,52,"Equal",86,"=",187,"VK_OEM_PLUS","=","OEM_PLUS"],[0,53,"BracketLeft",92,"[",219,"VK_OEM_4","[","OEM_4"],[0,54,"BracketRight",94,"]",221,"VK_OEM_6","]","OEM_6"],[0,55,"Backslash",93,"\\",220,"VK_OEM_5","\\","OEM_5"],[0,56,"IntlHash",0,"",0,"","",""],[0,57,"Semicolon",85,";",186,"VK_OEM_1",";","OEM_1"],[0,58,"Quote",95,"'",222,"VK_OEM_7","'","OEM_7"],[0,59,"Backquote",91,"`",192,"VK_OEM_3","`","OEM_3"],[0,60,"Comma",87,",",188,"VK_OEM_COMMA",",","OEM_COMMA"],[0,61,"Period",89,".",190,"VK_OEM_PERIOD",".","OEM_PERIOD"],[0,62,"Slash",90,"/",191,"VK_OEM_2","/","OEM_2"],[1,63,"CapsLock",8,"CapsLock",20,"VK_CAPITAL","",""],[1,64,"F1",59,"F1",112,"VK_F1","",""],[1,65,"F2",60,"F2",113,"VK_F2","",""],[1,66,"F3",61,"F3",114,"VK_F3","",""],[1,67,"F4",62,"F4",115,"VK_F4","",""],[1,68,"F5",63,"F5",116,"VK_F5","",""],[1,69,"F6",64,"F6",117,"VK_F6","",""],[1,70,"F7",65,"F7",118,"VK_F7","",""],[1,71,"F8",66,"F8",119,"VK_F8","",""],[1,72,"F9",67,"F9",120,"VK_F9","",""],[1,73,"F10",68,"F10",121,"VK_F10","",""],[1,74,"F11",69,"F11",122,"VK_F11","",""],[1,75,"F12",70,"F12",123,"VK_F12","",""],[1,76,"PrintScreen",0,"",0,"","",""],[1,77,"ScrollLock",84,"ScrollLock",145,"VK_SCROLL","",""],[1,78,"Pause",7,"PauseBreak",19,"VK_PAUSE","",""],[1,79,"Insert",19,"Insert",45,"VK_INSERT","",""],[1,80,"Home",14,"Home",36,"VK_HOME","",""],[1,81,"PageUp",11,"PageUp",33,"VK_PRIOR","",""],[1,82,"Delete",20,"Delete",46,"VK_DELETE","",""],[1,83,"End",13,"End",35,"VK_END","",""],[1,84,"PageDown",12,"PageDown",34,"VK_NEXT","",""],[1,85,"ArrowRight",17,"RightArrow",39,"VK_RIGHT","Right",""],[1,86,"ArrowLeft",15,"LeftArrow",37,"VK_LEFT","Left",""],[1,87,"ArrowDown",18,"DownArrow",40,"VK_DOWN","Down",""],[1,88,"ArrowUp",16,"UpArrow",38,"VK_UP","Up",""],[1,89,"NumLock",83,"NumLock",144,"VK_NUMLOCK","",""],[1,90,"NumpadDivide",113,"NumPad_Divide",111,"VK_DIVIDE","",""],[1,91,"NumpadMultiply",108,"NumPad_Multiply",106,"VK_MULTIPLY","",""],[1,92,"NumpadSubtract",111,"NumPad_Subtract",109,"VK_SUBTRACT","",""],[1,93,"NumpadAdd",109,"NumPad_Add",107,"VK_ADD","",""],[1,94,"NumpadEnter",3,"",0,"","",""],[1,95,"Numpad1",99,"NumPad1",97,"VK_NUMPAD1","",""],[1,96,"Numpad2",100,"NumPad2",98,"VK_NUMPAD2","",""],[1,97,"Numpad3",101,"NumPad3",99,"VK_NUMPAD3","",""],[1,98,"Numpad4",102,"NumPad4",100,"VK_NUMPAD4","",""],[1,99,"Numpad5",103,"NumPad5",101,"VK_NUMPAD5","",""],[1,100,"Numpad6",104,"NumPad6",102,"VK_NUMPAD6","",""],[1,101,"Numpad7",105,"NumPad7",103,"VK_NUMPAD7","",""],[1,102,"Numpad8",106,"NumPad8",104,"VK_NUMPAD8","",""],[1,103,"Numpad9",107,"NumPad9",105,"VK_NUMPAD9","",""],[1,104,"Numpad0",98,"NumPad0",96,"VK_NUMPAD0","",""],[1,105,"NumpadDecimal",112,"NumPad_Decimal",110,"VK_DECIMAL","",""],[0,106,"IntlBackslash",97,"OEM_102",226,"VK_OEM_102","",""],[1,107,"ContextMenu",58,"ContextMenu",93,"","",""],[1,108,"Power",0,"",0,"","",""],[1,109,"NumpadEqual",0,"",0,"","",""],[1,110,"F13",71,"F13",124,"VK_F13","",""],[1,111,"F14",72,"F14",125,"VK_F14","",""],[1,112,"F15",73,"F15",126,"VK_F15","",""],[1,113,"F16",74,"F16",127,"VK_F16","",""],[1,114,"F17",75,"F17",128,"VK_F17","",""],[1,115,"F18",76,"F18",129,"VK_F18","",""],[1,116,"F19",77,"F19",130,"VK_F19","",""],[1,117,"F20",78,"F20",131,"VK_F20","",""],[1,118,"F21",79,"F21",132,"VK_F21","",""],[1,119,"F22",80,"F22",133,"VK_F22","",""],[1,120,"F23",81,"F23",134,"VK_F23","",""],[1,121,"F24",82,"F24",135,"VK_F24","",""],[1,122,"Open",0,"",0,"","",""],[1,123,"Help",0,"",0,"","",""],[1,124,"Select",0,"",0,"","",""],[1,125,"Again",0,"",0,"","",""],[1,126,"Undo",0,"",0,"","",""],[1,127,"Cut",0,"",0,"","",""],[1,128,"Copy",0,"",0,"","",""],[1,129,"Paste",0,"",0,"","",""],[1,130,"Find",0,"",0,"","",""],[1,131,"AudioVolumeMute",117,"AudioVolumeMute",173,"VK_VOLUME_MUTE","",""],[1,132,"AudioVolumeUp",118,"AudioVolumeUp",175,"VK_VOLUME_UP","",""],[1,133,"AudioVolumeDown",119,"AudioVolumeDown",174,"VK_VOLUME_DOWN","",""],[1,134,"NumpadComma",110,"NumPad_Separator",108,"VK_SEPARATOR","",""],[0,135,"IntlRo",115,"ABNT_C1",193,"VK_ABNT_C1","",""],[1,136,"KanaMode",0,"",0,"","",""],[0,137,"IntlYen",0,"",0,"","",""],[1,138,"Convert",0,"",0,"","",""],[1,139,"NonConvert",0,"",0,"","",""],[1,140,"Lang1",0,"",0,"","",""],[1,141,"Lang2",0,"",0,"","",""],[1,142,"Lang3",0,"",0,"","",""],[1,143,"Lang4",0,"",0,"","",""],[1,144,"Lang5",0,"",0,"","",""],[1,145,"Abort",0,"",0,"","",""],[1,146,"Props",0,"",0,"","",""],[1,147,"NumpadParenLeft",0,"",0,"","",""],[1,148,"NumpadParenRight",0,"",0,"","",""],[1,149,"NumpadBackspace",0,"",0,"","",""],[1,150,"NumpadMemoryStore",0,"",0,"","",""],[1,151,"NumpadMemoryRecall",0,"",0,"","",""],[1,152,"NumpadMemoryClear",0,"",0,"","",""],[1,153,"NumpadMemoryAdd",0,"",0,"","",""],[1,154,"NumpadMemorySubtract",0,"",0,"","",""],[1,155,"NumpadClear",131,"Clear",12,"VK_CLEAR","",""],[1,156,"NumpadClearEntry",0,"",0,"","",""],[1,0,"",5,"Ctrl",17,"VK_CONTROL","",""],[1,0,"",4,"Shift",16,"VK_SHIFT","",""],[1,0,"",6,"Alt",18,"VK_MENU","",""],[1,0,"",57,"Meta",91,"VK_COMMAND","",""],[1,157,"ControlLeft",5,"",0,"VK_LCONTROL","",""],[1,158,"ShiftLeft",4,"",0,"VK_LSHIFT","",""],[1,159,"AltLeft",6,"",0,"VK_LMENU","",""],[1,160,"MetaLeft",57,"",0,"VK_LWIN","",""],[1,161,"ControlRight",5,"",0,"VK_RCONTROL","",""],[1,162,"ShiftRight",4,"",0,"VK_RSHIFT","",""],[1,163,"AltRight",6,"",0,"VK_RMENU","",""],[1,164,"MetaRight",57,"",0,"VK_RWIN","",""],[1,165,"BrightnessUp",0,"",0,"","",""],[1,166,"BrightnessDown",0,"",0,"","",""],[1,167,"MediaPlay",0,"",0,"","",""],[1,168,"MediaRecord",0,"",0,"","",""],[1,169,"MediaFastForward",0,"",0,"","",""],[1,170,"MediaRewind",0,"",0,"","",""],[1,171,"MediaTrackNext",124,"MediaTrackNext",176,"VK_MEDIA_NEXT_TRACK","",""],[1,172,"MediaTrackPrevious",125,"MediaTrackPrevious",177,"VK_MEDIA_PREV_TRACK","",""],[1,173,"MediaStop",126,"MediaStop",178,"VK_MEDIA_STOP","",""],[1,174,"Eject",0,"",0,"","",""],[1,175,"MediaPlayPause",127,"MediaPlayPause",179,"VK_MEDIA_PLAY_PAUSE","",""],[1,176,"MediaSelect",128,"LaunchMediaPlayer",181,"VK_MEDIA_LAUNCH_MEDIA_SELECT","",""],[1,177,"LaunchMail",129,"LaunchMail",180,"VK_MEDIA_LAUNCH_MAIL","",""],[1,178,"LaunchApp2",130,"LaunchApp2",183,"VK_MEDIA_LAUNCH_APP2","",""],[1,179,"LaunchApp1",0,"",0,"VK_MEDIA_LAUNCH_APP1","",""],[1,180,"SelectTask",0,"",0,"","",""],[1,181,"LaunchScreenSaver",0,"",0,"","",""],[1,182,"BrowserSearch",120,"BrowserSearch",170,"VK_BROWSER_SEARCH","",""],[1,183,"BrowserHome",121,"BrowserHome",172,"VK_BROWSER_HOME","",""],[1,184,"BrowserBack",122,"BrowserBack",166,"VK_BROWSER_BACK","",""],[1,185,"BrowserForward",123,"BrowserForward",167,"VK_BROWSER_FORWARD","",""],[1,186,"BrowserStop",0,"",0,"VK_BROWSER_STOP","",""],[1,187,"BrowserRefresh",0,"",0,"VK_BROWSER_REFRESH","",""],[1,188,"BrowserFavorites",0,"",0,"VK_BROWSER_FAVORITES","",""],[1,189,"ZoomToggle",0,"",0,"","",""],[1,190,"MailReply",0,"",0,"","",""],[1,191,"MailForward",0,"",0,"","",""],[1,192,"MailSend",0,"",0,"","",""],[1,0,"",114,"KeyInComposition",229,"","",""],[1,0,"",116,"ABNT_C2",194,"VK_ABNT_C2","",""],[1,0,"",96,"OEM_8",223,"VK_OEM_8","",""],[1,0,"",0,"",0,"VK_KANA","",""],[1,0,"",0,"",0,"VK_HANGUL","",""],[1,0,"",0,"",0,"VK_JUNJA","",""],[1,0,"",0,"",0,"VK_FINAL","",""],[1,0,"",0,"",0,"VK_HANJA","",""],[1,0,"",0,"",0,"VK_KANJI","",""],[1,0,"",0,"",0,"VK_CONVERT","",""],[1,0,"",0,"",0,"VK_NONCONVERT","",""],[1,0,"",0,"",0,"VK_ACCEPT","",""],[1,0,"",0,"",0,"VK_MODECHANGE","",""],[1,0,"",0,"",0,"VK_SELECT","",""],[1,0,"",0,"",0,"VK_PRINT","",""],[1,0,"",0,"",0,"VK_EXECUTE","",""],[1,0,"",0,"",0,"VK_SNAPSHOT","",""],[1,0,"",0,"",0,"VK_HELP","",""],[1,0,"",0,"",0,"VK_APPS","",""],[1,0,"",0,"",0,"VK_PROCESSKEY","",""],[1,0,"",0,"",0,"VK_PACKET","",""],[1,0,"",0,"",0,"VK_DBE_SBCSCHAR","",""],[1,0,"",0,"",0,"VK_DBE_DBCSCHAR","",""],[1,0,"",0,"",0,"VK_ATTN","",""],[1,0,"",0,"",0,"VK_CRSEL","",""],[1,0,"",0,"",0,"VK_EXSEL","",""],[1,0,"",0,"",0,"VK_EREOF","",""],[1,0,"",0,"",0,"VK_PLAY","",""],[1,0,"",0,"",0,"VK_ZOOM","",""],[1,0,"",0,"",0,"VK_NONAME","",""],[1,0,"",0,"",0,"VK_PA1","",""],[1,0,"",0,"",0,"VK_OEM_CLEAR","",""]]){let[n,r,o,s,a,l,h,u,d]=i;if(!t[r]&&(t[r]=!0,nH[r]=o,nV[o]=r,nW[o.toLowerCase()]=r,n&&(nG[r]=s,0!==s&&3!==s&&5!==s&&4!==s&&6!==s&&57!==s&&(nj[s]=r))),!e[s]){if(e[s]=!0,!a)throw Error(`String representation missing for key code ${s} around scan code ${o}`);nk.define(s,a),nP.define(s,u||a),nF.define(s,d||u||a)}l&&(nB[l]=s),h&&(nU[h]=s)}nj[3]=46}(),(T=te||(te={})).toString=function(e){return nk.keyCodeToStr(e)},T.fromString=function(e){return nk.strToKeyCode(e)},T.toUserSettingsUS=function(e){return nP.keyCodeToStr(e)},T.toUserSettingsGeneral=function(e){return nF.keyCodeToStr(e)},T.fromUserSettings=function(e){return nP.strToKeyCode(e)||nF.strToKeyCode(e)},T.toElectronAccelerator=function(e){if(e>=98&&e<=113)return null;switch(e){case 16:return"Up";case 18:return"Down";case 15:return"Left";case 17:return"Right"}return nk.keyCodeToStr(e)};var nz=i(1432),nK=i(83454);if(void 0!==nz.li.vscode&&void 0!==nz.li.vscode.process){let e=nz.li.vscode.process;n={get platform(){return e.platform},get arch(){return e.arch},get env(){return e.env},cwd:()=>e.cwd()}}else n=void 0!==nK?{get platform(){return nK.platform},get arch(){return nK.arch},get env(){return nK.env},cwd:()=>nK.env.VSCODE_CWD||nK.cwd()}:{get platform(){return nz.ED?"win32":nz.dz?"darwin":"linux"},get arch(){return},get env(){return{}},cwd:()=>"/"};let nY=n.cwd,n$=n.env,nq=n.platform;class nX extends Error{constructor(e,t,i){let n;"string"==typeof t&&0===t.indexOf("not ")?(n="must not be",t=t.replace(/^not /,"")):n="must be";let r=-1!==e.indexOf(".")?"property":"argument",o=`The "${e}" ${r} ${n} of type ${t}`;super(o+=`. Received type ${typeof i}`),this.code="ERR_INVALID_ARG_TYPE"}}function nZ(e,t){if("string"!=typeof e)throw new nX(t,"string",e)}let nJ="win32"===nq;function nQ(e){return 47===e||92===e}function n0(e){return 47===e}function n1(e){return e>=65&&e<=90||e>=97&&e<=122}function n2(e,t,i,n){let r="",o=0,s=-1,a=0,l=0;for(let h=0;h<=e.length;++h){if(h2){let e=r.lastIndexOf(i);-1===e?(r="",o=0):o=(r=r.slice(0,e)).length-1-r.lastIndexOf(i),s=h,a=0;continue}if(0!==r.length){r="",o=0,s=h,a=0;continue}}t&&(r+=r.length>0?`${i}..`:"..",o=2)}else r.length>0?r+=`${i}${e.slice(s+1,h)}`:r=e.slice(s+1,h),o=h-s-1;s=h,a=0}else 46===l&&-1!==a?++a:a=-1}return r}function n5(e,t){!function(e,t){if(null===e||"object"!=typeof e)throw new nX(t,"Object",e)}(t,"pathObject");let i=t.dir||t.root,n=t.base||`${t.name||""}${t.ext||""}`;return i?i===t.root?`${i}${n}`:`${i}${e}${n}`:n}let n4={resolve(...e){let t="",i="",n=!1;for(let r=e.length-1;r>=-1;r--){let o;if(r>=0){if(nZ(o=e[r],"path"),0===o.length)continue}else 0===t.length?o=nY():(void 0===(o=n$[`=${t}`]||nY())||o.slice(0,2).toLowerCase()!==t.toLowerCase()&&92===o.charCodeAt(2))&&(o=`${t}\\`);let s=o.length,a=0,l="",h=!1,u=o.charCodeAt(0);if(1===s)nQ(u)&&(a=1,h=!0);else if(nQ(u)){if(h=!0,nQ(o.charCodeAt(1))){let e=2,t=2;for(;e2&&nQ(o.charCodeAt(2))&&(h=!0,a=3));if(l.length>0){if(t.length>0){if(l.toLowerCase()!==t.toLowerCase())continue}else t=l}if(n){if(t.length>0)break}else if(i=`${o.slice(a)}\\${i}`,n=h,h&&t.length>0)break}return i=n2(i,!n,"\\",nQ),n?`${t}\\${i}`:`${t}${i}`||"."},normalize(e){let t;nZ(e,"path");let i=e.length;if(0===i)return".";let n=0,r=!1,o=e.charCodeAt(0);if(1===i)return n0(o)?"\\":e;if(nQ(o)){if(r=!0,nQ(e.charCodeAt(1))){let r=2,o=2;for(;r2&&nQ(e.charCodeAt(2))&&(r=!0,n=3));let s=n0&&nQ(e.charCodeAt(i-1))&&(s+="\\"),void 0===t)?r?`\\${s}`:s:r?`${t}\\${s}`:`${t}${s}`},isAbsolute(e){nZ(e,"path");let t=e.length;if(0===t)return!1;let i=e.charCodeAt(0);return nQ(i)||t>2&&n1(i)&&58===e.charCodeAt(1)&&nQ(e.charCodeAt(2))},join(...e){let t,i;if(0===e.length)return".";for(let n=0;n0&&(void 0===t?t=i=r:t+=`\\${r}`)}if(void 0===t)return".";let n=!0,r=0;if("string"==typeof i&&nQ(i.charCodeAt(0))){++r;let e=i.length;e>1&&nQ(i.charCodeAt(1))&&(++r,e>2&&(nQ(i.charCodeAt(2))?++r:n=!1))}if(n){for(;r=2&&(t=`\\${t.slice(r)}`)}return n4.normalize(t)},relative(e,t){if(nZ(e,"from"),nZ(t,"to"),e===t)return"";let i=n4.resolve(e),n=n4.resolve(t);if(i===n||(e=i.toLowerCase())===(t=n.toLowerCase()))return"";let r=0;for(;rr&&92===e.charCodeAt(o-1);)o--;let s=o-r,a=0;for(;aa&&92===t.charCodeAt(l-1);)l--;let h=l-a,u=su){if(92===t.charCodeAt(a+c))return n.slice(a+c+1);if(2===c)return n.slice(a+c)}s>u&&(92===e.charCodeAt(r+c)?d=c:2===c&&(d=3)),-1===d&&(d=0)}let g="";for(c=r+d+1;c<=o;++c)(c===o||92===e.charCodeAt(c))&&(g+=0===g.length?"..":"\\..");return(a+=d,g.length>0)?`${g}${n.slice(a,l)}`:(92===n.charCodeAt(a)&&++a,n.slice(a,l))},toNamespacedPath(e){if("string"!=typeof e||0===e.length)return e;let t=n4.resolve(e);if(t.length<=2)return e;if(92===t.charCodeAt(0)){if(92===t.charCodeAt(1)){let e=t.charCodeAt(2);if(63!==e&&46!==e)return`\\\\?\\UNC\\${t.slice(2)}`}}else if(n1(t.charCodeAt(0))&&58===t.charCodeAt(1)&&92===t.charCodeAt(2))return`\\\\?\\${t}`;return e},dirname(e){nZ(e,"path");let t=e.length;if(0===t)return".";let i=-1,n=0,r=e.charCodeAt(0);if(1===t)return nQ(r)?e:".";if(nQ(r)){if(i=n=1,nQ(e.charCodeAt(1))){let r=2,o=2;for(;r2&&nQ(e.charCodeAt(2))?3:2);let o=-1,s=!0;for(let i=t-1;i>=n;--i)if(nQ(e.charCodeAt(i))){if(!s){o=i;break}}else s=!1;if(-1===o){if(-1===i)return".";o=i}return e.slice(0,o)},basename(e,t){let i;void 0!==t&&nZ(t,"ext"),nZ(e,"path");let n=0,r=-1,o=!0;if(e.length>=2&&n1(e.charCodeAt(0))&&58===e.charCodeAt(1)&&(n=2),void 0!==t&&t.length>0&&t.length<=e.length){if(t===e)return"";let s=t.length-1,a=-1;for(i=e.length-1;i>=n;--i){let l=e.charCodeAt(i);if(nQ(l)){if(!o){n=i+1;break}}else -1===a&&(o=!1,a=i+1),s>=0&&(l===t.charCodeAt(s)?-1==--s&&(r=i):(s=-1,r=a))}return n===r?r=a:-1===r&&(r=e.length),e.slice(n,r)}for(i=e.length-1;i>=n;--i)if(nQ(e.charCodeAt(i))){if(!o){n=i+1;break}}else -1===r&&(o=!1,r=i+1);return -1===r?"":e.slice(n,r)},extname(e){nZ(e,"path");let t=0,i=-1,n=0,r=-1,o=!0,s=0;e.length>=2&&58===e.charCodeAt(1)&&n1(e.charCodeAt(0))&&(t=n=2);for(let a=e.length-1;a>=t;--a){let t=e.charCodeAt(a);if(nQ(t)){if(!o){n=a+1;break}continue}-1===r&&(o=!1,r=a+1),46===t?-1===i?i=a:1!==s&&(s=1):-1!==i&&(s=-1)}return -1===i||-1===r||0===s||1===s&&i===r-1&&i===n+1?"":e.slice(i,r)},format:n5.bind(null,"\\"),parse(e){nZ(e,"path");let t={root:"",dir:"",base:"",ext:"",name:""};if(0===e.length)return t;let i=e.length,n=0,r=e.charCodeAt(0);if(1===i)return nQ(r)?(t.root=t.dir=e,t):(t.base=t.name=e,t);if(nQ(r)){if(n=1,nQ(e.charCodeAt(1))){let t=2,r=2;for(;t0&&(t.root=e.slice(0,n));let o=-1,s=n,a=-1,l=!0,h=e.length-1,u=0;for(;h>=n;--h){if(nQ(r=e.charCodeAt(h))){if(!l){s=h+1;break}continue}-1===a&&(l=!1,a=h+1),46===r?-1===o?o=h:1!==u&&(u=1):-1!==o&&(u=-1)}return -1!==a&&(-1===o||0===u||1===u&&o===a-1&&o===s+1?t.base=t.name=e.slice(s,a):(t.name=e.slice(s,o),t.base=e.slice(s,a),t.ext=e.slice(o,a))),s>0&&s!==n?t.dir=e.slice(0,s-1):t.dir=t.root,t},sep:"\\",delimiter:";",win32:null,posix:null},n3=(()=>{if(nJ){let e=/\\/g;return()=>{let t=nY().replace(e,"/");return t.slice(t.indexOf("/"))}}return()=>nY()})(),n6={resolve(...e){let t="",i=!1;for(let n=e.length-1;n>=-1&&!i;n--){let r=n>=0?e[n]:n3();nZ(r,"path"),0!==r.length&&(t=`${r}/${t}`,i=47===r.charCodeAt(0))}return(t=n2(t,!i,"/",n0),i)?`/${t}`:t.length>0?t:"."},normalize(e){if(nZ(e,"path"),0===e.length)return".";let t=47===e.charCodeAt(0),i=47===e.charCodeAt(e.length-1);return 0===(e=n2(e,!t,"/",n0)).length?t?"/":i?"./":".":(i&&(e+="/"),t?`/${e}`:e)},isAbsolute:e=>(nZ(e,"path"),e.length>0&&47===e.charCodeAt(0)),join(...e){let t;if(0===e.length)return".";for(let i=0;i0&&(void 0===t?t=n:t+=`/${n}`)}return void 0===t?".":n6.normalize(t)},relative(e,t){if(nZ(e,"from"),nZ(t,"to"),e===t||(e=n6.resolve(e))===(t=n6.resolve(t)))return"";let i=e.length,n=i-1,r=t.length-1,o=no){if(47===t.charCodeAt(1+a))return t.slice(1+a+1);if(0===a)return t.slice(1+a)}else n>o&&(47===e.charCodeAt(1+a)?s=a:0===a&&(s=0))}let l="";for(a=1+s+1;a<=i;++a)(a===i||47===e.charCodeAt(a))&&(l+=0===l.length?"..":"/..");return`${l}${t.slice(1+s)}`},toNamespacedPath:e=>e,dirname(e){if(nZ(e,"path"),0===e.length)return".";let t=47===e.charCodeAt(0),i=-1,n=!0;for(let t=e.length-1;t>=1;--t)if(47===e.charCodeAt(t)){if(!n){i=t;break}}else n=!1;return -1===i?t?"/":".":t&&1===i?"//":e.slice(0,i)},basename(e,t){let i;void 0!==t&&nZ(t,"ext"),nZ(e,"path");let n=0,r=-1,o=!0;if(void 0!==t&&t.length>0&&t.length<=e.length){if(t===e)return"";let s=t.length-1,a=-1;for(i=e.length-1;i>=0;--i){let l=e.charCodeAt(i);if(47===l){if(!o){n=i+1;break}}else -1===a&&(o=!1,a=i+1),s>=0&&(l===t.charCodeAt(s)?-1==--s&&(r=i):(s=-1,r=a))}return n===r?r=a:-1===r&&(r=e.length),e.slice(n,r)}for(i=e.length-1;i>=0;--i)if(47===e.charCodeAt(i)){if(!o){n=i+1;break}}else -1===r&&(o=!1,r=i+1);return -1===r?"":e.slice(n,r)},extname(e){nZ(e,"path");let t=-1,i=0,n=-1,r=!0,o=0;for(let s=e.length-1;s>=0;--s){let a=e.charCodeAt(s);if(47===a){if(!r){i=s+1;break}continue}-1===n&&(r=!1,n=s+1),46===a?-1===t?t=s:1!==o&&(o=1):-1!==t&&(o=-1)}return -1===t||-1===n||0===o||1===o&&t===n-1&&t===i+1?"":e.slice(t,n)},format:n5.bind(null,"/"),parse(e){let t;nZ(e,"path");let i={root:"",dir:"",base:"",ext:"",name:""};if(0===e.length)return i;let n=47===e.charCodeAt(0);n?(i.root="/",t=1):t=0;let r=-1,o=0,s=-1,a=!0,l=e.length-1,h=0;for(;l>=t;--l){let t=e.charCodeAt(l);if(47===t){if(!a){o=l+1;break}continue}-1===s&&(a=!1,s=l+1),46===t?-1===r?r=l:1!==h&&(h=1):-1!==r&&(h=-1)}if(-1!==s){let t=0===o&&n?1:o;-1===r||0===h||1===h&&r===s-1&&r===o+1?i.base=i.name=e.slice(t,s):(i.name=e.slice(t,r),i.base=e.slice(t,s),i.ext=e.slice(r,s))}return o>0?i.dir=e.slice(0,o-1):n&&(i.dir="/"),i},sep:"/",delimiter:":",win32:null,posix:null};n6.win32=n4.win32=n4,n6.posix=n4.posix=n6;let n9=nJ?n4.normalize:n6.normalize,n7=nJ?n4.resolve:n6.resolve,n8=nJ?n4.relative:n6.relative,re=nJ?n4.dirname:n6.dirname,rt=nJ?n4.basename:n6.basename,ri=nJ?n4.extname:n6.extname,rn=nJ?n4.sep:n6.sep,rr=/^\w[\w\d+.-]*$/,ro=/^\//,rs=/^\/\//,ra=/^(([^:/?#]+?):)?(\/\/([^/?#]*))?([^?#]*)(\?([^#]*))?(#(.*))?/;class rl{static isUri(e){return e instanceof rl||!!e&&"string"==typeof e.authority&&"string"==typeof e.fragment&&"string"==typeof e.path&&"string"==typeof e.query&&"string"==typeof e.scheme&&"string"==typeof e.fsPath&&"function"==typeof e.with&&"function"==typeof e.toString}constructor(e,t,i,n,r,o=!1){"object"==typeof e?(this.scheme=e.scheme||"",this.authority=e.authority||"",this.path=e.path||"",this.query=e.query||"",this.fragment=e.fragment||""):(this.scheme=e||o?e:"file",this.authority=t||"",this.path=function(e,t){switch(e){case"https":case"http":case"file":t?"/"!==t[0]&&(t="/"+t):t="/"}return t}(this.scheme,i||""),this.query=n||"",this.fragment=r||"",function(e,t){if(!e.scheme&&t)throw Error(`[UriError]: Scheme is missing: {scheme: "", authority: "${e.authority}", path: "${e.path}", query: "${e.query}", fragment: "${e.fragment}"}`);if(e.scheme&&!rr.test(e.scheme))throw Error("[UriError]: Scheme contains illegal characters.");if(e.path){if(e.authority){if(!ro.test(e.path))throw Error('[UriError]: If a URI contains an authority component, then the path component must either be empty or begin with a slash ("/") character')}else if(rs.test(e.path))throw Error('[UriError]: If a URI does not contain an authority component, then the path cannot begin with two slash characters ("//")')}}(this,o))}get fsPath(){return rf(this,!1)}with(e){if(!e)return this;let{scheme:t,authority:i,path:n,query:r,fragment:o}=e;return(void 0===t?t=this.scheme:null===t&&(t=""),void 0===i?i=this.authority:null===i&&(i=""),void 0===n?n=this.path:null===n&&(n=""),void 0===r?r=this.query:null===r&&(r=""),void 0===o?o=this.fragment:null===o&&(o=""),t===this.scheme&&i===this.authority&&n===this.path&&r===this.query&&o===this.fragment)?this:new ru(t,i,n,r,o)}static parse(e,t=!1){let i=ra.exec(e);return i?new ru(i[2]||"",r_(i[4]||""),r_(i[5]||""),r_(i[7]||""),r_(i[9]||""),t):new ru("","","","","")}static file(e){let t="";if(nz.ED&&(e=e.replace(/\\/g,"/")),"/"===e[0]&&"/"===e[1]){let i=e.indexOf("/",2);-1===i?(t=e.substring(2),e="/"):(t=e.substring(2,i),e=e.substring(i)||"/")}return new ru("file",t,e,"","")}static from(e,t){let i=new ru(e.scheme,e.authority,e.path,e.query,e.fragment,t);return i}static joinPath(e,...t){let i;if(!e.path)throw Error("[UriError]: cannot call joinPath on URI without path");return i=nz.ED&&"file"===e.scheme?rl.file(n4.join(rf(e,!0),...t)).path:n6.join(e.path,...t),e.with({path:i})}toString(e=!1){return rp(this,e)}toJSON(){return this}static revive(e){var t,i;if(!e||e instanceof rl)return e;{let n=new ru(e);return n._formatted=null!==(t=e.external)&&void 0!==t?t:null,n._fsPath=e._sep===rh&&null!==(i=e.fsPath)&&void 0!==i?i:null,n}}}let rh=nz.ED?1:void 0;class ru extends rl{constructor(){super(...arguments),this._formatted=null,this._fsPath=null}get fsPath(){return this._fsPath||(this._fsPath=rf(this,!1)),this._fsPath}toString(e=!1){return e?rp(this,!0):(this._formatted||(this._formatted=rp(this,!1)),this._formatted)}toJSON(){let e={$mid:1};return this._fsPath&&(e.fsPath=this._fsPath,e._sep=rh),this._formatted&&(e.external=this._formatted),this.path&&(e.path=this.path),this.scheme&&(e.scheme=this.scheme),this.authority&&(e.authority=this.authority),this.query&&(e.query=this.query),this.fragment&&(e.fragment=this.fragment),e}}let rd={58:"%3A",47:"%2F",63:"%3F",35:"%23",91:"%5B",93:"%5D",64:"%40",33:"%21",36:"%24",38:"%26",39:"%27",40:"%28",41:"%29",42:"%2A",43:"%2B",44:"%2C",59:"%3B",61:"%3D",32:"%20"};function rc(e,t,i){let n;let r=-1;for(let o=0;o=97&&s<=122||s>=65&&s<=90||s>=48&&s<=57||45===s||46===s||95===s||126===s||t&&47===s||i&&91===s||i&&93===s||i&&58===s)-1!==r&&(n+=encodeURIComponent(e.substring(r,o)),r=-1),void 0!==n&&(n+=e.charAt(o));else{void 0===n&&(n=e.substr(0,o));let t=rd[s];void 0!==t?(-1!==r&&(n+=encodeURIComponent(e.substring(r,o)),r=-1),n+=t):-1===r&&(r=o)}}return -1!==r&&(n+=encodeURIComponent(e.substring(r))),void 0!==n?n:e}function rg(e){let t;for(let i=0;i1&&"file"===e.scheme?`//${e.authority}${e.path}`:47===e.path.charCodeAt(0)&&(e.path.charCodeAt(1)>=65&&90>=e.path.charCodeAt(1)||e.path.charCodeAt(1)>=97&&122>=e.path.charCodeAt(1))&&58===e.path.charCodeAt(2)?t?e.path.substr(1):e.path[1].toLowerCase()+e.path.substr(2):e.path,nz.ED&&(i=i.replace(/\//g,"\\")),i}function rp(e,t){let i=t?rg:rc,n="",{scheme:r,authority:o,path:s,query:a,fragment:l}=e;if(r&&(n+=r+":"),(o||"file"===r)&&(n+="//"),o){let e=o.indexOf("@");if(-1!==e){let t=o.substr(0,e);o=o.substr(e+1),-1===(e=t.lastIndexOf(":"))?n+=i(t,!1,!1):n+=i(t.substr(0,e),!1,!1)+":"+i(t.substr(e+1),!1,!0),n+="@"}-1===(e=(o=o.toLowerCase()).lastIndexOf(":"))?n+=i(o,!1,!0):n+=i(o.substr(0,e),!1,!0)+o.substr(e)}if(s){if(s.length>=3&&47===s.charCodeAt(0)&&58===s.charCodeAt(2)){let e=s.charCodeAt(1);e>=65&&e<=90&&(s=`/${String.fromCharCode(e+32)}:${s.substr(3)}`)}else if(s.length>=2&&58===s.charCodeAt(1)){let e=s.charCodeAt(0);e>=65&&e<=90&&(s=`${String.fromCharCode(e+32)}:${s.substr(2)}`)}n+=i(s,!0,!1)}return a&&(n+="?"+i(a,!1,!1)),l&&(n+="#"+(t?l:rc(l,!1,!1))),n}let rm=/(%[0-9A-Za-z][0-9A-Za-z])+/g;function r_(e){return e.match(rm)?e.replace(rm,e=>(function e(t){try{return decodeURIComponent(t)}catch(i){if(t.length>3)return t.substr(0,3)+e(t.substr(3));return t}})(e)):e}class rE{constructor(e,t){this.lineNumber=e,this.column=t}with(e=this.lineNumber,t=this.column){return e===this.lineNumber&&t===this.column?this:new rE(e,t)}delta(e=0,t=0){return this.with(this.lineNumber+e,this.column+t)}equals(e){return rE.equals(this,e)}static equals(e,t){return!e&&!t||!!e&&!!t&&e.lineNumber===t.lineNumber&&e.column===t.column}isBefore(e){return rE.isBefore(this,e)}static isBefore(e,t){return e.lineNumberi||e===i&&t>n?(this.startLineNumber=i,this.startColumn=n,this.endLineNumber=e,this.endColumn=t):(this.startLineNumber=e,this.startColumn=t,this.endLineNumber=i,this.endColumn=n)}isEmpty(){return rv.isEmpty(this)}static isEmpty(e){return e.startLineNumber===e.endLineNumber&&e.startColumn===e.endColumn}containsPosition(e){return rv.containsPosition(this,e)}static containsPosition(e,t){return!(t.lineNumbere.endLineNumber)&&(t.lineNumber!==e.startLineNumber||!(t.columne.endColumn))}static strictContainsPosition(e,t){return!(t.lineNumbere.endLineNumber)&&(t.lineNumber!==e.startLineNumber||!(t.column<=e.startColumn))&&(t.lineNumber!==e.endLineNumber||!(t.column>=e.endColumn))}containsRange(e){return rv.containsRange(this,e)}static containsRange(e,t){return!(t.startLineNumbere.endLineNumber)&&!(t.endLineNumber>e.endLineNumber)&&(t.startLineNumber!==e.startLineNumber||!(t.startColumne.endColumn))}strictContainsRange(e){return rv.strictContainsRange(this,e)}static strictContainsRange(e,t){return!(t.startLineNumbere.endLineNumber)&&!(t.endLineNumber>e.endLineNumber)&&(t.startLineNumber!==e.startLineNumber||!(t.startColumn<=e.startColumn))&&(t.endLineNumber!==e.endLineNumber||!(t.endColumn>=e.endColumn))}plusRange(e){return rv.plusRange(this,e)}static plusRange(e,t){let i,n,r,o;return t.startLineNumbere.endLineNumber?(r=t.endLineNumber,o=t.endColumn):t.endLineNumber===e.endLineNumber?(r=t.endLineNumber,o=Math.max(t.endColumn,e.endColumn)):(r=e.endLineNumber,o=e.endColumn),new rv(i,n,r,o)}intersectRanges(e){return rv.intersectRanges(this,e)}static intersectRanges(e,t){let i=e.startLineNumber,n=e.startColumn,r=e.endLineNumber,o=e.endColumn,s=t.startLineNumber,a=t.startColumn,l=t.endLineNumber,h=t.endColumn;return(il?(r=l,o=h):r===l&&(o=Math.min(o,h)),i>r||i===r&&n>o)?null:new rv(i,n,r,o)}equalsRange(e){return rv.equalsRange(this,e)}static equalsRange(e,t){return!e&&!t||!!e&&!!t&&e.startLineNumber===t.startLineNumber&&e.startColumn===t.startColumn&&e.endLineNumber===t.endLineNumber&&e.endColumn===t.endColumn}getEndPosition(){return rv.getEndPosition(this)}static getEndPosition(e){return new rE(e.endLineNumber,e.endColumn)}getStartPosition(){return rv.getStartPosition(this)}static getStartPosition(e){return new rE(e.startLineNumber,e.startColumn)}toString(){return"["+this.startLineNumber+","+this.startColumn+" -> "+this.endLineNumber+","+this.endColumn+"]"}setEndPosition(e,t){return new rv(this.startLineNumber,this.startColumn,e,t)}setStartPosition(e,t){return new rv(e,t,this.endLineNumber,this.endColumn)}collapseToStart(){return rv.collapseToStart(this)}static collapseToStart(e){return new rv(e.startLineNumber,e.startColumn,e.startLineNumber,e.startColumn)}collapseToEnd(){return rv.collapseToEnd(this)}static collapseToEnd(e){return new rv(e.endLineNumber,e.endColumn,e.endLineNumber,e.endColumn)}delta(e){return new rv(this.startLineNumber+e,this.startColumn,this.endLineNumber+e,this.endColumn)}static fromPositions(e,t=e){return new rv(e.lineNumber,e.column,t.lineNumber,t.column)}static lift(e){return e?new rv(e.startLineNumber,e.startColumn,e.endLineNumber,e.endColumn):null}static isIRange(e){return e&&"number"==typeof e.startLineNumber&&"number"==typeof e.startColumn&&"number"==typeof e.endLineNumber&&"number"==typeof e.endColumn}static areIntersectingOrTouching(e,t){return!(e.endLineNumbere.startLineNumber}toJSON(){return this}}class rC extends rv{constructor(e,t,i,n){super(e,t,i,n),this.selectionStartLineNumber=e,this.selectionStartColumn=t,this.positionLineNumber=i,this.positionColumn=n}toString(){return"["+this.selectionStartLineNumber+","+this.selectionStartColumn+" -> "+this.positionLineNumber+","+this.positionColumn+"]"}equalsSelection(e){return rC.selectionsEqual(this,e)}static selectionsEqual(e,t){return e.selectionStartLineNumber===t.selectionStartLineNumber&&e.selectionStartColumn===t.selectionStartColumn&&e.positionLineNumber===t.positionLineNumber&&e.positionColumn===t.positionColumn}getDirection(){return this.selectionStartLineNumber===this.startLineNumber&&this.selectionStartColumn===this.startColumn?0:1}setEndPosition(e,t){return 0===this.getDirection()?new rC(this.startLineNumber,this.startColumn,e,t):new rC(e,t,this.startLineNumber,this.startColumn)}getPosition(){return new rE(this.positionLineNumber,this.positionColumn)}getSelectionStart(){return new rE(this.selectionStartLineNumber,this.selectionStartColumn)}setStartPosition(e,t){return 0===this.getDirection()?new rC(e,t,this.endLineNumber,this.endColumn):new rC(this.endLineNumber,this.endColumn,e,t)}static fromPositions(e,t=e){return new rC(e.lineNumber,e.column,t.lineNumber,t.column)}static fromRange(e,t){return 0===t?new rC(e.startLineNumber,e.startColumn,e.endLineNumber,e.endColumn):new rC(e.endLineNumber,e.endColumn,e.startLineNumber,e.startColumn)}static liftSelection(e){return new rC(e.selectionStartLineNumber,e.selectionStartColumn,e.positionLineNumber,e.positionColumn)}static selectionsArrEqual(e,t){if(e&&!t||!e&&t)return!1;if(!e&&!t)return!0;if(e.length!==t.length)return!1;for(let i=0,n=e.length;i{e&&e.dispose()})}get tokenizationSupport(){return this._tokenizationSupport||(this._tokenizationSupport=this.createSupport()),this._tokenizationSupport}}let rx=new class{constructor(){this._tokenizationSupports=new Map,this._factories=new Map,this._onDidChange=new nT,this.onDidChange=this._onDidChange.event,this._colorMap=null}handleChange(e){this._onDidChange.fire({changedLanguages:e,changedColorMap:!1})}register(e,t){return this._tokenizationSupports.set(e,t),this.handleChange([e]),nu(()=>{this._tokenizationSupports.get(e)===t&&(this._tokenizationSupports.delete(e),this.handleChange([e]))})}get(e){return this._tokenizationSupports.get(e)||null}registerFactory(e,t){var i;null===(i=this._factories.get(e))||void 0===i||i.dispose();let n=new rA(this,e,t);return this._factories.set(e,n),nu(()=>{let t=this._factories.get(e);t&&t===n&&(this._factories.delete(e),t.dispose())})}getOrCreate(e){return rR(this,void 0,void 0,function*(){let t=this.get(e);if(t)return t;let i=this._factories.get(e);return!i||i.isResolved?null:(yield i.resolve(),this.get(e))})}isResolved(e){let t=this.get(e);if(t)return!0;let i=this._factories.get(e);return!i||!!i.isResolved}setColorMap(e){this._colorMap=e,this._onDidChange.fire({changedLanguages:Array.from(this._tokenizationSupports.keys()),changedColorMap:!0})}getColorMap(){return this._colorMap}getDefaultBackground(){return this._colorMap&&this._colorMap.length>2?this._colorMap[2]:null}};(O=tl||(tl={}))[O.Unknown=0]="Unknown",O[O.Disabled=1]="Disabled",O[O.Enabled=2]="Enabled",(L=th||(th={}))[L.Invoke=1]="Invoke",L[L.Auto=2]="Auto",(I=tu||(tu={}))[I.None=0]="None",I[I.KeepWhitespace=1]="KeepWhitespace",I[I.InsertAsSnippet=4]="InsertAsSnippet",(w=td||(td={}))[w.Method=0]="Method",w[w.Function=1]="Function",w[w.Constructor=2]="Constructor",w[w.Field=3]="Field",w[w.Variable=4]="Variable",w[w.Class=5]="Class",w[w.Struct=6]="Struct",w[w.Interface=7]="Interface",w[w.Module=8]="Module",w[w.Property=9]="Property",w[w.Event=10]="Event",w[w.Operator=11]="Operator",w[w.Unit=12]="Unit",w[w.Value=13]="Value",w[w.Constant=14]="Constant",w[w.Enum=15]="Enum",w[w.EnumMember=16]="EnumMember",w[w.Keyword=17]="Keyword",w[w.Text=18]="Text",w[w.Color=19]="Color",w[w.File=20]="File",w[w.Reference=21]="Reference",w[w.Customcolor=22]="Customcolor",w[w.Folder=23]="Folder",w[w.TypeParameter=24]="TypeParameter",w[w.User=25]="User",w[w.Issue=26]="Issue",w[w.Snippet=27]="Snippet",(D=tc||(tc={}))[D.Deprecated=1]="Deprecated",(x=tg||(tg={}))[x.Invoke=0]="Invoke",x[x.TriggerCharacter=1]="TriggerCharacter",x[x.TriggerForIncompleteCompletions=2]="TriggerForIncompleteCompletions",(M=tf||(tf={}))[M.EXACT=0]="EXACT",M[M.ABOVE=1]="ABOVE",M[M.BELOW=2]="BELOW",(k=tp||(tp={}))[k.NotSet=0]="NotSet",k[k.ContentFlush=1]="ContentFlush",k[k.RecoverFromMarkers=2]="RecoverFromMarkers",k[k.Explicit=3]="Explicit",k[k.Paste=4]="Paste",k[k.Undo=5]="Undo",k[k.Redo=6]="Redo",(P=tm||(tm={}))[P.LF=1]="LF",P[P.CRLF=2]="CRLF",(F=t_||(t_={}))[F.Text=0]="Text",F[F.Read=1]="Read",F[F.Write=2]="Write",(B=tE||(tE={}))[B.None=0]="None",B[B.Keep=1]="Keep",B[B.Brackets=2]="Brackets",B[B.Advanced=3]="Advanced",B[B.Full=4]="Full",(U=tv||(tv={}))[U.acceptSuggestionOnCommitCharacter=0]="acceptSuggestionOnCommitCharacter",U[U.acceptSuggestionOnEnter=1]="acceptSuggestionOnEnter",U[U.accessibilitySupport=2]="accessibilitySupport",U[U.accessibilityPageSize=3]="accessibilityPageSize",U[U.ariaLabel=4]="ariaLabel",U[U.ariaRequired=5]="ariaRequired",U[U.autoClosingBrackets=6]="autoClosingBrackets",U[U.screenReaderAnnounceInlineSuggestion=7]="screenReaderAnnounceInlineSuggestion",U[U.autoClosingDelete=8]="autoClosingDelete",U[U.autoClosingOvertype=9]="autoClosingOvertype",U[U.autoClosingQuotes=10]="autoClosingQuotes",U[U.autoIndent=11]="autoIndent",U[U.automaticLayout=12]="automaticLayout",U[U.autoSurround=13]="autoSurround",U[U.bracketPairColorization=14]="bracketPairColorization",U[U.guides=15]="guides",U[U.codeLens=16]="codeLens",U[U.codeLensFontFamily=17]="codeLensFontFamily",U[U.codeLensFontSize=18]="codeLensFontSize",U[U.colorDecorators=19]="colorDecorators",U[U.colorDecoratorsLimit=20]="colorDecoratorsLimit",U[U.columnSelection=21]="columnSelection",U[U.comments=22]="comments",U[U.contextmenu=23]="contextmenu",U[U.copyWithSyntaxHighlighting=24]="copyWithSyntaxHighlighting",U[U.cursorBlinking=25]="cursorBlinking",U[U.cursorSmoothCaretAnimation=26]="cursorSmoothCaretAnimation",U[U.cursorStyle=27]="cursorStyle",U[U.cursorSurroundingLines=28]="cursorSurroundingLines",U[U.cursorSurroundingLinesStyle=29]="cursorSurroundingLinesStyle",U[U.cursorWidth=30]="cursorWidth",U[U.disableLayerHinting=31]="disableLayerHinting",U[U.disableMonospaceOptimizations=32]="disableMonospaceOptimizations",U[U.domReadOnly=33]="domReadOnly",U[U.dragAndDrop=34]="dragAndDrop",U[U.dropIntoEditor=35]="dropIntoEditor",U[U.emptySelectionClipboard=36]="emptySelectionClipboard",U[U.experimentalWhitespaceRendering=37]="experimentalWhitespaceRendering",U[U.extraEditorClassName=38]="extraEditorClassName",U[U.fastScrollSensitivity=39]="fastScrollSensitivity",U[U.find=40]="find",U[U.fixedOverflowWidgets=41]="fixedOverflowWidgets",U[U.folding=42]="folding",U[U.foldingStrategy=43]="foldingStrategy",U[U.foldingHighlight=44]="foldingHighlight",U[U.foldingImportsByDefault=45]="foldingImportsByDefault",U[U.foldingMaximumRegions=46]="foldingMaximumRegions",U[U.unfoldOnClickAfterEndOfLine=47]="unfoldOnClickAfterEndOfLine",U[U.fontFamily=48]="fontFamily",U[U.fontInfo=49]="fontInfo",U[U.fontLigatures=50]="fontLigatures",U[U.fontSize=51]="fontSize",U[U.fontWeight=52]="fontWeight",U[U.fontVariations=53]="fontVariations",U[U.formatOnPaste=54]="formatOnPaste",U[U.formatOnType=55]="formatOnType",U[U.glyphMargin=56]="glyphMargin",U[U.gotoLocation=57]="gotoLocation",U[U.hideCursorInOverviewRuler=58]="hideCursorInOverviewRuler",U[U.hover=59]="hover",U[U.inDiffEditor=60]="inDiffEditor",U[U.inlineSuggest=61]="inlineSuggest",U[U.letterSpacing=62]="letterSpacing",U[U.lightbulb=63]="lightbulb",U[U.lineDecorationsWidth=64]="lineDecorationsWidth",U[U.lineHeight=65]="lineHeight",U[U.lineNumbers=66]="lineNumbers",U[U.lineNumbersMinChars=67]="lineNumbersMinChars",U[U.linkedEditing=68]="linkedEditing",U[U.links=69]="links",U[U.matchBrackets=70]="matchBrackets",U[U.minimap=71]="minimap",U[U.mouseStyle=72]="mouseStyle",U[U.mouseWheelScrollSensitivity=73]="mouseWheelScrollSensitivity",U[U.mouseWheelZoom=74]="mouseWheelZoom",U[U.multiCursorMergeOverlapping=75]="multiCursorMergeOverlapping",U[U.multiCursorModifier=76]="multiCursorModifier",U[U.multiCursorPaste=77]="multiCursorPaste",U[U.multiCursorLimit=78]="multiCursorLimit",U[U.occurrencesHighlight=79]="occurrencesHighlight",U[U.overviewRulerBorder=80]="overviewRulerBorder",U[U.overviewRulerLanes=81]="overviewRulerLanes",U[U.padding=82]="padding",U[U.pasteAs=83]="pasteAs",U[U.parameterHints=84]="parameterHints",U[U.peekWidgetDefaultFocus=85]="peekWidgetDefaultFocus",U[U.definitionLinkOpensInPeek=86]="definitionLinkOpensInPeek",U[U.quickSuggestions=87]="quickSuggestions",U[U.quickSuggestionsDelay=88]="quickSuggestionsDelay",U[U.readOnly=89]="readOnly",U[U.readOnlyMessage=90]="readOnlyMessage",U[U.renameOnType=91]="renameOnType",U[U.renderControlCharacters=92]="renderControlCharacters",U[U.renderFinalNewline=93]="renderFinalNewline",U[U.renderLineHighlight=94]="renderLineHighlight",U[U.renderLineHighlightOnlyWhenFocus=95]="renderLineHighlightOnlyWhenFocus",U[U.renderValidationDecorations=96]="renderValidationDecorations",U[U.renderWhitespace=97]="renderWhitespace",U[U.revealHorizontalRightPadding=98]="revealHorizontalRightPadding",U[U.roundedSelection=99]="roundedSelection",U[U.rulers=100]="rulers",U[U.scrollbar=101]="scrollbar",U[U.scrollBeyondLastColumn=102]="scrollBeyondLastColumn",U[U.scrollBeyondLastLine=103]="scrollBeyondLastLine",U[U.scrollPredominantAxis=104]="scrollPredominantAxis",U[U.selectionClipboard=105]="selectionClipboard",U[U.selectionHighlight=106]="selectionHighlight",U[U.selectOnLineNumbers=107]="selectOnLineNumbers",U[U.showFoldingControls=108]="showFoldingControls",U[U.showUnused=109]="showUnused",U[U.snippetSuggestions=110]="snippetSuggestions",U[U.smartSelect=111]="smartSelect",U[U.smoothScrolling=112]="smoothScrolling",U[U.stickyScroll=113]="stickyScroll",U[U.stickyTabStops=114]="stickyTabStops",U[U.stopRenderingLineAfter=115]="stopRenderingLineAfter",U[U.suggest=116]="suggest",U[U.suggestFontSize=117]="suggestFontSize",U[U.suggestLineHeight=118]="suggestLineHeight",U[U.suggestOnTriggerCharacters=119]="suggestOnTriggerCharacters",U[U.suggestSelection=120]="suggestSelection",U[U.tabCompletion=121]="tabCompletion",U[U.tabIndex=122]="tabIndex",U[U.unicodeHighlighting=123]="unicodeHighlighting",U[U.unusualLineTerminators=124]="unusualLineTerminators",U[U.useShadowDOM=125]="useShadowDOM",U[U.useTabStops=126]="useTabStops",U[U.wordBreak=127]="wordBreak",U[U.wordSeparators=128]="wordSeparators",U[U.wordWrap=129]="wordWrap",U[U.wordWrapBreakAfterCharacters=130]="wordWrapBreakAfterCharacters",U[U.wordWrapBreakBeforeCharacters=131]="wordWrapBreakBeforeCharacters",U[U.wordWrapColumn=132]="wordWrapColumn",U[U.wordWrapOverride1=133]="wordWrapOverride1",U[U.wordWrapOverride2=134]="wordWrapOverride2",U[U.wrappingIndent=135]="wrappingIndent",U[U.wrappingStrategy=136]="wrappingStrategy",U[U.showDeprecated=137]="showDeprecated",U[U.inlayHints=138]="inlayHints",U[U.editorClassName=139]="editorClassName",U[U.pixelRatio=140]="pixelRatio",U[U.tabFocusMode=141]="tabFocusMode",U[U.layoutInfo=142]="layoutInfo",U[U.wrappingInfo=143]="wrappingInfo",U[U.defaultColorDecorators=144]="defaultColorDecorators",U[U.colorDecoratorsActivatedOn=145]="colorDecoratorsActivatedOn",(H=tC||(tC={}))[H.TextDefined=0]="TextDefined",H[H.LF=1]="LF",H[H.CRLF=2]="CRLF",(V=tb||(tb={}))[V.LF=0]="LF",V[V.CRLF=1]="CRLF",(W=tS||(tS={}))[W.Left=1]="Left",W[W.Right=2]="Right",(G=tT||(tT={}))[G.None=0]="None",G[G.Indent=1]="Indent",G[G.IndentOutdent=2]="IndentOutdent",G[G.Outdent=3]="Outdent",(j=ty||(ty={}))[j.Both=0]="Both",j[j.Right=1]="Right",j[j.Left=2]="Left",j[j.None=3]="None",(z=tR||(tR={}))[z.Type=1]="Type",z[z.Parameter=2]="Parameter",(K=tA||(tA={}))[K.Automatic=0]="Automatic",K[K.Explicit=1]="Explicit",(Y=tN||(tN={}))[Y.DependsOnKbLayout=-1]="DependsOnKbLayout",Y[Y.Unknown=0]="Unknown",Y[Y.Backspace=1]="Backspace",Y[Y.Tab=2]="Tab",Y[Y.Enter=3]="Enter",Y[Y.Shift=4]="Shift",Y[Y.Ctrl=5]="Ctrl",Y[Y.Alt=6]="Alt",Y[Y.PauseBreak=7]="PauseBreak",Y[Y.CapsLock=8]="CapsLock",Y[Y.Escape=9]="Escape",Y[Y.Space=10]="Space",Y[Y.PageUp=11]="PageUp",Y[Y.PageDown=12]="PageDown",Y[Y.End=13]="End",Y[Y.Home=14]="Home",Y[Y.LeftArrow=15]="LeftArrow",Y[Y.UpArrow=16]="UpArrow",Y[Y.RightArrow=17]="RightArrow",Y[Y.DownArrow=18]="DownArrow",Y[Y.Insert=19]="Insert",Y[Y.Delete=20]="Delete",Y[Y.Digit0=21]="Digit0",Y[Y.Digit1=22]="Digit1",Y[Y.Digit2=23]="Digit2",Y[Y.Digit3=24]="Digit3",Y[Y.Digit4=25]="Digit4",Y[Y.Digit5=26]="Digit5",Y[Y.Digit6=27]="Digit6",Y[Y.Digit7=28]="Digit7",Y[Y.Digit8=29]="Digit8",Y[Y.Digit9=30]="Digit9",Y[Y.KeyA=31]="KeyA",Y[Y.KeyB=32]="KeyB",Y[Y.KeyC=33]="KeyC",Y[Y.KeyD=34]="KeyD",Y[Y.KeyE=35]="KeyE",Y[Y.KeyF=36]="KeyF",Y[Y.KeyG=37]="KeyG",Y[Y.KeyH=38]="KeyH",Y[Y.KeyI=39]="KeyI",Y[Y.KeyJ=40]="KeyJ",Y[Y.KeyK=41]="KeyK",Y[Y.KeyL=42]="KeyL",Y[Y.KeyM=43]="KeyM",Y[Y.KeyN=44]="KeyN",Y[Y.KeyO=45]="KeyO",Y[Y.KeyP=46]="KeyP",Y[Y.KeyQ=47]="KeyQ",Y[Y.KeyR=48]="KeyR",Y[Y.KeyS=49]="KeyS",Y[Y.KeyT=50]="KeyT",Y[Y.KeyU=51]="KeyU",Y[Y.KeyV=52]="KeyV",Y[Y.KeyW=53]="KeyW",Y[Y.KeyX=54]="KeyX",Y[Y.KeyY=55]="KeyY",Y[Y.KeyZ=56]="KeyZ",Y[Y.Meta=57]="Meta",Y[Y.ContextMenu=58]="ContextMenu",Y[Y.F1=59]="F1",Y[Y.F2=60]="F2",Y[Y.F3=61]="F3",Y[Y.F4=62]="F4",Y[Y.F5=63]="F5",Y[Y.F6=64]="F6",Y[Y.F7=65]="F7",Y[Y.F8=66]="F8",Y[Y.F9=67]="F9",Y[Y.F10=68]="F10",Y[Y.F11=69]="F11",Y[Y.F12=70]="F12",Y[Y.F13=71]="F13",Y[Y.F14=72]="F14",Y[Y.F15=73]="F15",Y[Y.F16=74]="F16",Y[Y.F17=75]="F17",Y[Y.F18=76]="F18",Y[Y.F19=77]="F19",Y[Y.F20=78]="F20",Y[Y.F21=79]="F21",Y[Y.F22=80]="F22",Y[Y.F23=81]="F23",Y[Y.F24=82]="F24",Y[Y.NumLock=83]="NumLock",Y[Y.ScrollLock=84]="ScrollLock",Y[Y.Semicolon=85]="Semicolon",Y[Y.Equal=86]="Equal",Y[Y.Comma=87]="Comma",Y[Y.Minus=88]="Minus",Y[Y.Period=89]="Period",Y[Y.Slash=90]="Slash",Y[Y.Backquote=91]="Backquote",Y[Y.BracketLeft=92]="BracketLeft",Y[Y.Backslash=93]="Backslash",Y[Y.BracketRight=94]="BracketRight",Y[Y.Quote=95]="Quote",Y[Y.OEM_8=96]="OEM_8",Y[Y.IntlBackslash=97]="IntlBackslash",Y[Y.Numpad0=98]="Numpad0",Y[Y.Numpad1=99]="Numpad1",Y[Y.Numpad2=100]="Numpad2",Y[Y.Numpad3=101]="Numpad3",Y[Y.Numpad4=102]="Numpad4",Y[Y.Numpad5=103]="Numpad5",Y[Y.Numpad6=104]="Numpad6",Y[Y.Numpad7=105]="Numpad7",Y[Y.Numpad8=106]="Numpad8",Y[Y.Numpad9=107]="Numpad9",Y[Y.NumpadMultiply=108]="NumpadMultiply",Y[Y.NumpadAdd=109]="NumpadAdd",Y[Y.NUMPAD_SEPARATOR=110]="NUMPAD_SEPARATOR",Y[Y.NumpadSubtract=111]="NumpadSubtract",Y[Y.NumpadDecimal=112]="NumpadDecimal",Y[Y.NumpadDivide=113]="NumpadDivide",Y[Y.KEY_IN_COMPOSITION=114]="KEY_IN_COMPOSITION",Y[Y.ABNT_C1=115]="ABNT_C1",Y[Y.ABNT_C2=116]="ABNT_C2",Y[Y.AudioVolumeMute=117]="AudioVolumeMute",Y[Y.AudioVolumeUp=118]="AudioVolumeUp",Y[Y.AudioVolumeDown=119]="AudioVolumeDown",Y[Y.BrowserSearch=120]="BrowserSearch",Y[Y.BrowserHome=121]="BrowserHome",Y[Y.BrowserBack=122]="BrowserBack",Y[Y.BrowserForward=123]="BrowserForward",Y[Y.MediaTrackNext=124]="MediaTrackNext",Y[Y.MediaTrackPrevious=125]="MediaTrackPrevious",Y[Y.MediaStop=126]="MediaStop",Y[Y.MediaPlayPause=127]="MediaPlayPause",Y[Y.LaunchMediaPlayer=128]="LaunchMediaPlayer",Y[Y.LaunchMail=129]="LaunchMail",Y[Y.LaunchApp2=130]="LaunchApp2",Y[Y.Clear=131]="Clear",Y[Y.MAX_VALUE=132]="MAX_VALUE",($=tO||(tO={}))[$.Hint=1]="Hint",$[$.Info=2]="Info",$[$.Warning=4]="Warning",$[$.Error=8]="Error",(q=tL||(tL={}))[q.Unnecessary=1]="Unnecessary",q[q.Deprecated=2]="Deprecated",(X=tI||(tI={}))[X.Inline=1]="Inline",X[X.Gutter=2]="Gutter",(Z=tw||(tw={}))[Z.UNKNOWN=0]="UNKNOWN",Z[Z.TEXTAREA=1]="TEXTAREA",Z[Z.GUTTER_GLYPH_MARGIN=2]="GUTTER_GLYPH_MARGIN",Z[Z.GUTTER_LINE_NUMBERS=3]="GUTTER_LINE_NUMBERS",Z[Z.GUTTER_LINE_DECORATIONS=4]="GUTTER_LINE_DECORATIONS",Z[Z.GUTTER_VIEW_ZONE=5]="GUTTER_VIEW_ZONE",Z[Z.CONTENT_TEXT=6]="CONTENT_TEXT",Z[Z.CONTENT_EMPTY=7]="CONTENT_EMPTY",Z[Z.CONTENT_VIEW_ZONE=8]="CONTENT_VIEW_ZONE",Z[Z.CONTENT_WIDGET=9]="CONTENT_WIDGET",Z[Z.OVERVIEW_RULER=10]="OVERVIEW_RULER",Z[Z.SCROLLBAR=11]="SCROLLBAR",Z[Z.OVERLAY_WIDGET=12]="OVERLAY_WIDGET",Z[Z.OUTSIDE_EDITOR=13]="OUTSIDE_EDITOR",(J=tD||(tD={}))[J.TOP_RIGHT_CORNER=0]="TOP_RIGHT_CORNER",J[J.BOTTOM_RIGHT_CORNER=1]="BOTTOM_RIGHT_CORNER",J[J.TOP_CENTER=2]="TOP_CENTER",(Q=tx||(tx={}))[Q.Left=1]="Left",Q[Q.Center=2]="Center",Q[Q.Right=4]="Right",Q[Q.Full=7]="Full",(ee=tM||(tM={}))[ee.Left=0]="Left",ee[ee.Right=1]="Right",ee[ee.None=2]="None",ee[ee.LeftOfInjectedText=3]="LeftOfInjectedText",ee[ee.RightOfInjectedText=4]="RightOfInjectedText",(et=tk||(tk={}))[et.Off=0]="Off",et[et.On=1]="On",et[et.Relative=2]="Relative",et[et.Interval=3]="Interval",et[et.Custom=4]="Custom",(ei=tP||(tP={}))[ei.None=0]="None",ei[ei.Text=1]="Text",ei[ei.Blocks=2]="Blocks",(en=tF||(tF={}))[en.Smooth=0]="Smooth",en[en.Immediate=1]="Immediate",(er=tB||(tB={}))[er.Auto=1]="Auto",er[er.Hidden=2]="Hidden",er[er.Visible=3]="Visible",(eo=tU||(tU={}))[eo.LTR=0]="LTR",eo[eo.RTL=1]="RTL",(es=tH||(tH={}))[es.Invoke=1]="Invoke",es[es.TriggerCharacter=2]="TriggerCharacter",es[es.ContentChange=3]="ContentChange",(ea=tV||(tV={}))[ea.File=0]="File",ea[ea.Module=1]="Module",ea[ea.Namespace=2]="Namespace",ea[ea.Package=3]="Package",ea[ea.Class=4]="Class",ea[ea.Method=5]="Method",ea[ea.Property=6]="Property",ea[ea.Field=7]="Field",ea[ea.Constructor=8]="Constructor",ea[ea.Enum=9]="Enum",ea[ea.Interface=10]="Interface",ea[ea.Function=11]="Function",ea[ea.Variable=12]="Variable",ea[ea.Constant=13]="Constant",ea[ea.String=14]="String",ea[ea.Number=15]="Number",ea[ea.Boolean=16]="Boolean",ea[ea.Array=17]="Array",ea[ea.Object=18]="Object",ea[ea.Key=19]="Key",ea[ea.Null=20]="Null",ea[ea.EnumMember=21]="EnumMember",ea[ea.Struct=22]="Struct",ea[ea.Event=23]="Event",ea[ea.Operator=24]="Operator",ea[ea.TypeParameter=25]="TypeParameter",(el=tW||(tW={}))[el.Deprecated=1]="Deprecated",(eh=tG||(tG={}))[eh.Hidden=0]="Hidden",eh[eh.Blink=1]="Blink",eh[eh.Smooth=2]="Smooth",eh[eh.Phase=3]="Phase",eh[eh.Expand=4]="Expand",eh[eh.Solid=5]="Solid",(eu=tj||(tj={}))[eu.Line=1]="Line",eu[eu.Block=2]="Block",eu[eu.Underline=3]="Underline",eu[eu.LineThin=4]="LineThin",eu[eu.BlockOutline=5]="BlockOutline",eu[eu.UnderlineThin=6]="UnderlineThin",(ed=tz||(tz={}))[ed.AlwaysGrowsWhenTypingAtEdges=0]="AlwaysGrowsWhenTypingAtEdges",ed[ed.NeverGrowsWhenTypingAtEdges=1]="NeverGrowsWhenTypingAtEdges",ed[ed.GrowsOnlyWhenTypingBefore=2]="GrowsOnlyWhenTypingBefore",ed[ed.GrowsOnlyWhenTypingAfter=3]="GrowsOnlyWhenTypingAfter",(ec=tK||(tK={}))[ec.None=0]="None",ec[ec.Same=1]="Same",ec[ec.Indent=2]="Indent",ec[ec.DeepIndent=3]="DeepIndent";class rM{static chord(e,t){return(e|(65535&t)<<16>>>0)>>>0}}function rk(){return{editor:void 0,languages:void 0,CancellationTokenSource:nx,Emitter:nT,KeyCode:tN,KeyMod:rM,Position:rE,Range:rv,Selection:rC,SelectionDirection:tU,MarkerSeverity:tO,MarkerTag:tL,Uri:rl,Token:rO}}rM.CtrlCmd=2048,rM.Shift=1024,rM.Alt=512,rM.WinCtrl=256,i(95656);class rP{get cachedValues(){return this._map}constructor(e){this.fn=e,this._map=new Map}get(e){if(this._map.has(e))return this._map.get(e);let t=this.fn(e);return this._map.set(e,t),t}}class rF{constructor(e){this.executor=e,this._didRun=!1}get value(){if(!this._didRun)try{this._value=this.executor()}catch(e){this._error=e}finally{this._didRun=!0}if(this._error)throw this._error;return this._value}get rawValue(){return this._value}}let rB=/{(\d+)}/g;function rU(e,...t){return 0===t.length?e:e.replace(rB,function(e,i){let n=parseInt(i,10);return isNaN(n)||n<0||n>=t.length?e:t[n]})}function rH(e){return e.replace(/[<>&]/g,function(e){switch(e){case"<":return"<";case">":return">";case"&":return"&";default:return e}})}function rV(e){return e.replace(/[\\\{\}\*\+\?\|\^\$\.\[\]\(\)]/g,"\\$&")}function rW(e,t){if(!e||!t)return e;let i=t.length;if(0===i||0===e.length)return e;let n=0;for(;e.indexOf(t,n)===n;)n+=i;return e.substring(n)}function rG(e,t,i={}){if(!e)throw Error("Cannot create regex from empty string");t||(e=rV(e)),i.wholeWord&&(/\B/.test(e.charAt(0))||(e="\\b"+e),/\B/.test(e.charAt(e.length-1))||(e+="\\b"));let n="";return i.global&&(n+="g"),i.matchCase||(n+="i"),i.multiline&&(n+="m"),i.unicode&&(n+="u"),new RegExp(e,n)}function rj(e){return(e.global?"g":"")+(e.ignoreCase?"i":"")+(e.multiline?"m":"")+(e.unicode?"u":"")}function rz(e){return e.split(/\r\n|\r|\n/)}function rK(e){for(let t=0,i=e.length;t=0;i--){let t=e.charCodeAt(i);if(32!==t&&9!==t)return i}return -1}function rq(e,t){return et?1:0}function rX(e,t,i=0,n=e.length,r=0,o=t.length){for(;io)return 1}let s=n-i,a=o-r;return sa?1:0}function rZ(e,t){return rJ(e,t,0,e.length,0,t.length)}function rJ(e,t,i=0,n=e.length,r=0,o=t.length){for(;i=128||a>=128)return rX(e.toLowerCase(),t.toLowerCase(),i,n,r,o);r0(s)&&(s-=32),r0(a)&&(a-=32);let l=s-a;if(0!==l)return l}let s=n-i,a=o-r;return sa?1:0}function rQ(e){return e>=48&&e<=57}function r0(e){return e>=97&&e<=122}function r1(e){return e>=65&&e<=90}function r2(e,t){return e.length===t.length&&0===rJ(e,t)}function r5(e,t){let i=t.length;return!(t.length>e.length)&&0===rJ(e,t,0,i)}function r4(e,t){let i;let n=Math.min(e.length,t.length);for(i=0;i1){let n=e.charCodeAt(t-2);if(r6(n))return r7(n,i)}return i}(this._str,this._offset);return this._offset-=e>=65536?2:1,e}nextCodePoint(){let e=r8(this._str,this._len,this._offset);return this._offset+=e>=65536?2:1,e}eol(){return this._offset>=this._len}}class ot{get offset(){return this._iterator.offset}constructor(e,t=0){this._iterator=new oe(e,t)}nextGraphemeLength(){let e=of.getInstance(),t=this._iterator,i=t.offset,n=e.getGraphemeBreakType(t.nextCodePoint());for(;!t.eol();){let i=t.offset,r=e.getGraphemeBreakType(t.nextCodePoint());if(og(n,r)){t.setOffset(i);break}n=r}return t.offset-i}prevGraphemeLength(){let e=of.getInstance(),t=this._iterator,i=t.offset,n=e.getGraphemeBreakType(t.prevCodePoint());for(;t.offset>0;){let i=t.offset,r=e.getGraphemeBreakType(t.prevCodePoint());if(og(r,n)){t.setOffset(i);break}n=r}return i-t.offset}eol(){return this._iterator.eol()}}function oi(e,t){let i=new ot(e,t);return i.nextGraphemeLength()}function on(e,t){let i=new ot(e,t);return i.prevGraphemeLength()}function or(e){return E||(E=/(?:[\u05BE\u05C0\u05C3\u05C6\u05D0-\u05F4\u0608\u060B\u060D\u061B-\u064A\u066D-\u066F\u0671-\u06D5\u06E5\u06E6\u06EE\u06EF\u06FA-\u0710\u0712-\u072F\u074D-\u07A5\u07B1-\u07EA\u07F4\u07F5\u07FA\u07FE-\u0815\u081A\u0824\u0828\u0830-\u0858\u085E-\u088E\u08A0-\u08C9\u200F\uFB1D\uFB1F-\uFB28\uFB2A-\uFD3D\uFD50-\uFDC7\uFDF0-\uFDFC\uFE70-\uFEFC]|\uD802[\uDC00-\uDD1B\uDD20-\uDE00\uDE10-\uDE35\uDE40-\uDEE4\uDEEB-\uDF35\uDF40-\uDFFF]|\uD803[\uDC00-\uDD23\uDE80-\uDEA9\uDEAD-\uDF45\uDF51-\uDF81\uDF86-\uDFF6]|\uD83A[\uDC00-\uDCCF\uDD00-\uDD43\uDD4B-\uDFFF]|\uD83B[\uDC00-\uDEBB])/),E.test(e)}let oo=/^[\t\n\r\x20-\x7E]*$/;function os(e){return oo.test(e)}let oa=/[\u2028\u2029]/;function ol(e){return e>=11904&&e<=55215||e>=63744&&e<=64255||e>=65281&&e<=65374}function oh(e){return e>=127462&&e<=127487||8986===e||8987===e||9200===e||9203===e||e>=9728&&e<=10175||11088===e||11093===e||e>=127744&&e<=128591||e>=128640&&e<=128764||e>=128992&&e<=129008||e>=129280&&e<=129535||e>=129648&&e<=129782}let ou=String.fromCharCode(65279);function od(e){return!!(e&&e.length>0&&65279===e.charCodeAt(0))}function oc(e){return(e%=52)<26?String.fromCharCode(97+e):String.fromCharCode(65+e-26)}function og(e,t){return 0===e?5!==t&&7!==t:(2!==e||3!==t)&&(4===e||2===e||3===e||4===t||2===t||3===t||(8!==e||8!==t&&9!==t&&11!==t&&12!==t)&&(11!==e&&9!==e||9!==t&&10!==t)&&(12!==e&&10!==e||10!==t)&&5!==t&&13!==t&&7!==t&&1!==e&&(13!==e||14!==t)&&(6!==e||6!==t))}class of{static getInstance(){return of._INSTANCE||(of._INSTANCE=new of),of._INSTANCE}constructor(){this._data=JSON.parse("[0,0,0,51229,51255,12,44061,44087,12,127462,127487,6,7083,7085,5,47645,47671,12,54813,54839,12,128678,128678,14,3270,3270,5,9919,9923,14,45853,45879,12,49437,49463,12,53021,53047,12,71216,71218,7,128398,128399,14,129360,129374,14,2519,2519,5,4448,4519,9,9742,9742,14,12336,12336,14,44957,44983,12,46749,46775,12,48541,48567,12,50333,50359,12,52125,52151,12,53917,53943,12,69888,69890,5,73018,73018,5,127990,127990,14,128558,128559,14,128759,128760,14,129653,129655,14,2027,2035,5,2891,2892,7,3761,3761,5,6683,6683,5,8293,8293,4,9825,9826,14,9999,9999,14,43452,43453,5,44509,44535,12,45405,45431,12,46301,46327,12,47197,47223,12,48093,48119,12,48989,49015,12,49885,49911,12,50781,50807,12,51677,51703,12,52573,52599,12,53469,53495,12,54365,54391,12,65279,65279,4,70471,70472,7,72145,72147,7,119173,119179,5,127799,127818,14,128240,128244,14,128512,128512,14,128652,128652,14,128721,128722,14,129292,129292,14,129445,129450,14,129734,129743,14,1476,1477,5,2366,2368,7,2750,2752,7,3076,3076,5,3415,3415,5,4141,4144,5,6109,6109,5,6964,6964,5,7394,7400,5,9197,9198,14,9770,9770,14,9877,9877,14,9968,9969,14,10084,10084,14,43052,43052,5,43713,43713,5,44285,44311,12,44733,44759,12,45181,45207,12,45629,45655,12,46077,46103,12,46525,46551,12,46973,46999,12,47421,47447,12,47869,47895,12,48317,48343,12,48765,48791,12,49213,49239,12,49661,49687,12,50109,50135,12,50557,50583,12,51005,51031,12,51453,51479,12,51901,51927,12,52349,52375,12,52797,52823,12,53245,53271,12,53693,53719,12,54141,54167,12,54589,54615,12,55037,55063,12,69506,69509,5,70191,70193,5,70841,70841,7,71463,71467,5,72330,72342,5,94031,94031,5,123628,123631,5,127763,127765,14,127941,127941,14,128043,128062,14,128302,128317,14,128465,128467,14,128539,128539,14,128640,128640,14,128662,128662,14,128703,128703,14,128745,128745,14,129004,129007,14,129329,129330,14,129402,129402,14,129483,129483,14,129686,129704,14,130048,131069,14,173,173,4,1757,1757,1,2200,2207,5,2434,2435,7,2631,2632,5,2817,2817,5,3008,3008,5,3201,3201,5,3387,3388,5,3542,3542,5,3902,3903,7,4190,4192,5,6002,6003,5,6439,6440,5,6765,6770,7,7019,7027,5,7154,7155,7,8205,8205,13,8505,8505,14,9654,9654,14,9757,9757,14,9792,9792,14,9852,9853,14,9890,9894,14,9937,9937,14,9981,9981,14,10035,10036,14,11035,11036,14,42654,42655,5,43346,43347,7,43587,43587,5,44006,44007,7,44173,44199,12,44397,44423,12,44621,44647,12,44845,44871,12,45069,45095,12,45293,45319,12,45517,45543,12,45741,45767,12,45965,45991,12,46189,46215,12,46413,46439,12,46637,46663,12,46861,46887,12,47085,47111,12,47309,47335,12,47533,47559,12,47757,47783,12,47981,48007,12,48205,48231,12,48429,48455,12,48653,48679,12,48877,48903,12,49101,49127,12,49325,49351,12,49549,49575,12,49773,49799,12,49997,50023,12,50221,50247,12,50445,50471,12,50669,50695,12,50893,50919,12,51117,51143,12,51341,51367,12,51565,51591,12,51789,51815,12,52013,52039,12,52237,52263,12,52461,52487,12,52685,52711,12,52909,52935,12,53133,53159,12,53357,53383,12,53581,53607,12,53805,53831,12,54029,54055,12,54253,54279,12,54477,54503,12,54701,54727,12,54925,54951,12,55149,55175,12,68101,68102,5,69762,69762,7,70067,70069,7,70371,70378,5,70720,70721,7,71087,71087,5,71341,71341,5,71995,71996,5,72249,72249,7,72850,72871,5,73109,73109,5,118576,118598,5,121505,121519,5,127245,127247,14,127568,127569,14,127777,127777,14,127872,127891,14,127956,127967,14,128015,128016,14,128110,128172,14,128259,128259,14,128367,128368,14,128424,128424,14,128488,128488,14,128530,128532,14,128550,128551,14,128566,128566,14,128647,128647,14,128656,128656,14,128667,128673,14,128691,128693,14,128715,128715,14,128728,128732,14,128752,128752,14,128765,128767,14,129096,129103,14,129311,129311,14,129344,129349,14,129394,129394,14,129413,129425,14,129466,129471,14,129511,129535,14,129664,129666,14,129719,129722,14,129760,129767,14,917536,917631,5,13,13,2,1160,1161,5,1564,1564,4,1807,1807,1,2085,2087,5,2307,2307,7,2382,2383,7,2497,2500,5,2563,2563,7,2677,2677,5,2763,2764,7,2879,2879,5,2914,2915,5,3021,3021,5,3142,3144,5,3263,3263,5,3285,3286,5,3398,3400,7,3530,3530,5,3633,3633,5,3864,3865,5,3974,3975,5,4155,4156,7,4229,4230,5,5909,5909,7,6078,6085,7,6277,6278,5,6451,6456,7,6744,6750,5,6846,6846,5,6972,6972,5,7074,7077,5,7146,7148,7,7222,7223,5,7416,7417,5,8234,8238,4,8417,8417,5,9000,9000,14,9203,9203,14,9730,9731,14,9748,9749,14,9762,9763,14,9776,9783,14,9800,9811,14,9831,9831,14,9872,9873,14,9882,9882,14,9900,9903,14,9929,9933,14,9941,9960,14,9974,9974,14,9989,9989,14,10006,10006,14,10062,10062,14,10160,10160,14,11647,11647,5,12953,12953,14,43019,43019,5,43232,43249,5,43443,43443,5,43567,43568,7,43696,43696,5,43765,43765,7,44013,44013,5,44117,44143,12,44229,44255,12,44341,44367,12,44453,44479,12,44565,44591,12,44677,44703,12,44789,44815,12,44901,44927,12,45013,45039,12,45125,45151,12,45237,45263,12,45349,45375,12,45461,45487,12,45573,45599,12,45685,45711,12,45797,45823,12,45909,45935,12,46021,46047,12,46133,46159,12,46245,46271,12,46357,46383,12,46469,46495,12,46581,46607,12,46693,46719,12,46805,46831,12,46917,46943,12,47029,47055,12,47141,47167,12,47253,47279,12,47365,47391,12,47477,47503,12,47589,47615,12,47701,47727,12,47813,47839,12,47925,47951,12,48037,48063,12,48149,48175,12,48261,48287,12,48373,48399,12,48485,48511,12,48597,48623,12,48709,48735,12,48821,48847,12,48933,48959,12,49045,49071,12,49157,49183,12,49269,49295,12,49381,49407,12,49493,49519,12,49605,49631,12,49717,49743,12,49829,49855,12,49941,49967,12,50053,50079,12,50165,50191,12,50277,50303,12,50389,50415,12,50501,50527,12,50613,50639,12,50725,50751,12,50837,50863,12,50949,50975,12,51061,51087,12,51173,51199,12,51285,51311,12,51397,51423,12,51509,51535,12,51621,51647,12,51733,51759,12,51845,51871,12,51957,51983,12,52069,52095,12,52181,52207,12,52293,52319,12,52405,52431,12,52517,52543,12,52629,52655,12,52741,52767,12,52853,52879,12,52965,52991,12,53077,53103,12,53189,53215,12,53301,53327,12,53413,53439,12,53525,53551,12,53637,53663,12,53749,53775,12,53861,53887,12,53973,53999,12,54085,54111,12,54197,54223,12,54309,54335,12,54421,54447,12,54533,54559,12,54645,54671,12,54757,54783,12,54869,54895,12,54981,55007,12,55093,55119,12,55243,55291,10,66045,66045,5,68325,68326,5,69688,69702,5,69817,69818,5,69957,69958,7,70089,70092,5,70198,70199,5,70462,70462,5,70502,70508,5,70750,70750,5,70846,70846,7,71100,71101,5,71230,71230,7,71351,71351,5,71737,71738,5,72000,72000,7,72160,72160,5,72273,72278,5,72752,72758,5,72882,72883,5,73031,73031,5,73461,73462,7,94192,94193,7,119149,119149,7,121403,121452,5,122915,122916,5,126980,126980,14,127358,127359,14,127535,127535,14,127759,127759,14,127771,127771,14,127792,127793,14,127825,127867,14,127897,127899,14,127945,127945,14,127985,127986,14,128000,128007,14,128021,128021,14,128066,128100,14,128184,128235,14,128249,128252,14,128266,128276,14,128335,128335,14,128379,128390,14,128407,128419,14,128444,128444,14,128481,128481,14,128499,128499,14,128526,128526,14,128536,128536,14,128543,128543,14,128556,128556,14,128564,128564,14,128577,128580,14,128643,128645,14,128649,128649,14,128654,128654,14,128660,128660,14,128664,128664,14,128675,128675,14,128686,128689,14,128695,128696,14,128705,128709,14,128717,128719,14,128725,128725,14,128736,128741,14,128747,128748,14,128755,128755,14,128762,128762,14,128981,128991,14,129009,129023,14,129160,129167,14,129296,129304,14,129320,129327,14,129340,129342,14,129356,129356,14,129388,129392,14,129399,129400,14,129404,129407,14,129432,129442,14,129454,129455,14,129473,129474,14,129485,129487,14,129648,129651,14,129659,129660,14,129671,129679,14,129709,129711,14,129728,129730,14,129751,129753,14,129776,129782,14,917505,917505,4,917760,917999,5,10,10,3,127,159,4,768,879,5,1471,1471,5,1536,1541,1,1648,1648,5,1767,1768,5,1840,1866,5,2070,2073,5,2137,2139,5,2274,2274,1,2363,2363,7,2377,2380,7,2402,2403,5,2494,2494,5,2507,2508,7,2558,2558,5,2622,2624,7,2641,2641,5,2691,2691,7,2759,2760,5,2786,2787,5,2876,2876,5,2881,2884,5,2901,2902,5,3006,3006,5,3014,3016,7,3072,3072,5,3134,3136,5,3157,3158,5,3260,3260,5,3266,3266,5,3274,3275,7,3328,3329,5,3391,3392,7,3405,3405,5,3457,3457,5,3536,3537,7,3551,3551,5,3636,3642,5,3764,3772,5,3895,3895,5,3967,3967,7,3993,4028,5,4146,4151,5,4182,4183,7,4226,4226,5,4253,4253,5,4957,4959,5,5940,5940,7,6070,6070,7,6087,6088,7,6158,6158,4,6432,6434,5,6448,6449,7,6679,6680,5,6742,6742,5,6754,6754,5,6783,6783,5,6912,6915,5,6966,6970,5,6978,6978,5,7042,7042,7,7080,7081,5,7143,7143,7,7150,7150,7,7212,7219,5,7380,7392,5,7412,7412,5,8203,8203,4,8232,8232,4,8265,8265,14,8400,8412,5,8421,8432,5,8617,8618,14,9167,9167,14,9200,9200,14,9410,9410,14,9723,9726,14,9733,9733,14,9745,9745,14,9752,9752,14,9760,9760,14,9766,9766,14,9774,9774,14,9786,9786,14,9794,9794,14,9823,9823,14,9828,9828,14,9833,9850,14,9855,9855,14,9875,9875,14,9880,9880,14,9885,9887,14,9896,9897,14,9906,9916,14,9926,9927,14,9935,9935,14,9939,9939,14,9962,9962,14,9972,9972,14,9978,9978,14,9986,9986,14,9997,9997,14,10002,10002,14,10017,10017,14,10055,10055,14,10071,10071,14,10133,10135,14,10548,10549,14,11093,11093,14,12330,12333,5,12441,12442,5,42608,42610,5,43010,43010,5,43045,43046,5,43188,43203,7,43302,43309,5,43392,43394,5,43446,43449,5,43493,43493,5,43571,43572,7,43597,43597,7,43703,43704,5,43756,43757,5,44003,44004,7,44009,44010,7,44033,44059,12,44089,44115,12,44145,44171,12,44201,44227,12,44257,44283,12,44313,44339,12,44369,44395,12,44425,44451,12,44481,44507,12,44537,44563,12,44593,44619,12,44649,44675,12,44705,44731,12,44761,44787,12,44817,44843,12,44873,44899,12,44929,44955,12,44985,45011,12,45041,45067,12,45097,45123,12,45153,45179,12,45209,45235,12,45265,45291,12,45321,45347,12,45377,45403,12,45433,45459,12,45489,45515,12,45545,45571,12,45601,45627,12,45657,45683,12,45713,45739,12,45769,45795,12,45825,45851,12,45881,45907,12,45937,45963,12,45993,46019,12,46049,46075,12,46105,46131,12,46161,46187,12,46217,46243,12,46273,46299,12,46329,46355,12,46385,46411,12,46441,46467,12,46497,46523,12,46553,46579,12,46609,46635,12,46665,46691,12,46721,46747,12,46777,46803,12,46833,46859,12,46889,46915,12,46945,46971,12,47001,47027,12,47057,47083,12,47113,47139,12,47169,47195,12,47225,47251,12,47281,47307,12,47337,47363,12,47393,47419,12,47449,47475,12,47505,47531,12,47561,47587,12,47617,47643,12,47673,47699,12,47729,47755,12,47785,47811,12,47841,47867,12,47897,47923,12,47953,47979,12,48009,48035,12,48065,48091,12,48121,48147,12,48177,48203,12,48233,48259,12,48289,48315,12,48345,48371,12,48401,48427,12,48457,48483,12,48513,48539,12,48569,48595,12,48625,48651,12,48681,48707,12,48737,48763,12,48793,48819,12,48849,48875,12,48905,48931,12,48961,48987,12,49017,49043,12,49073,49099,12,49129,49155,12,49185,49211,12,49241,49267,12,49297,49323,12,49353,49379,12,49409,49435,12,49465,49491,12,49521,49547,12,49577,49603,12,49633,49659,12,49689,49715,12,49745,49771,12,49801,49827,12,49857,49883,12,49913,49939,12,49969,49995,12,50025,50051,12,50081,50107,12,50137,50163,12,50193,50219,12,50249,50275,12,50305,50331,12,50361,50387,12,50417,50443,12,50473,50499,12,50529,50555,12,50585,50611,12,50641,50667,12,50697,50723,12,50753,50779,12,50809,50835,12,50865,50891,12,50921,50947,12,50977,51003,12,51033,51059,12,51089,51115,12,51145,51171,12,51201,51227,12,51257,51283,12,51313,51339,12,51369,51395,12,51425,51451,12,51481,51507,12,51537,51563,12,51593,51619,12,51649,51675,12,51705,51731,12,51761,51787,12,51817,51843,12,51873,51899,12,51929,51955,12,51985,52011,12,52041,52067,12,52097,52123,12,52153,52179,12,52209,52235,12,52265,52291,12,52321,52347,12,52377,52403,12,52433,52459,12,52489,52515,12,52545,52571,12,52601,52627,12,52657,52683,12,52713,52739,12,52769,52795,12,52825,52851,12,52881,52907,12,52937,52963,12,52993,53019,12,53049,53075,12,53105,53131,12,53161,53187,12,53217,53243,12,53273,53299,12,53329,53355,12,53385,53411,12,53441,53467,12,53497,53523,12,53553,53579,12,53609,53635,12,53665,53691,12,53721,53747,12,53777,53803,12,53833,53859,12,53889,53915,12,53945,53971,12,54001,54027,12,54057,54083,12,54113,54139,12,54169,54195,12,54225,54251,12,54281,54307,12,54337,54363,12,54393,54419,12,54449,54475,12,54505,54531,12,54561,54587,12,54617,54643,12,54673,54699,12,54729,54755,12,54785,54811,12,54841,54867,12,54897,54923,12,54953,54979,12,55009,55035,12,55065,55091,12,55121,55147,12,55177,55203,12,65024,65039,5,65520,65528,4,66422,66426,5,68152,68154,5,69291,69292,5,69633,69633,5,69747,69748,5,69811,69814,5,69826,69826,5,69932,69932,7,70016,70017,5,70079,70080,7,70095,70095,5,70196,70196,5,70367,70367,5,70402,70403,7,70464,70464,5,70487,70487,5,70709,70711,7,70725,70725,7,70833,70834,7,70843,70844,7,70849,70849,7,71090,71093,5,71103,71104,5,71227,71228,7,71339,71339,5,71344,71349,5,71458,71461,5,71727,71735,5,71985,71989,7,71998,71998,5,72002,72002,7,72154,72155,5,72193,72202,5,72251,72254,5,72281,72283,5,72344,72345,5,72766,72766,7,72874,72880,5,72885,72886,5,73023,73029,5,73104,73105,5,73111,73111,5,92912,92916,5,94095,94098,5,113824,113827,4,119142,119142,7,119155,119162,4,119362,119364,5,121476,121476,5,122888,122904,5,123184,123190,5,125252,125258,5,127183,127183,14,127340,127343,14,127377,127386,14,127491,127503,14,127548,127551,14,127744,127756,14,127761,127761,14,127769,127769,14,127773,127774,14,127780,127788,14,127796,127797,14,127820,127823,14,127869,127869,14,127894,127895,14,127902,127903,14,127943,127943,14,127947,127950,14,127972,127972,14,127988,127988,14,127992,127994,14,128009,128011,14,128019,128019,14,128023,128041,14,128064,128064,14,128102,128107,14,128174,128181,14,128238,128238,14,128246,128247,14,128254,128254,14,128264,128264,14,128278,128299,14,128329,128330,14,128348,128359,14,128371,128377,14,128392,128393,14,128401,128404,14,128421,128421,14,128433,128434,14,128450,128452,14,128476,128478,14,128483,128483,14,128495,128495,14,128506,128506,14,128519,128520,14,128528,128528,14,128534,128534,14,128538,128538,14,128540,128542,14,128544,128549,14,128552,128555,14,128557,128557,14,128560,128563,14,128565,128565,14,128567,128576,14,128581,128591,14,128641,128642,14,128646,128646,14,128648,128648,14,128650,128651,14,128653,128653,14,128655,128655,14,128657,128659,14,128661,128661,14,128663,128663,14,128665,128666,14,128674,128674,14,128676,128677,14,128679,128685,14,128690,128690,14,128694,128694,14,128697,128702,14,128704,128704,14,128710,128714,14,128716,128716,14,128720,128720,14,128723,128724,14,128726,128727,14,128733,128735,14,128742,128744,14,128746,128746,14,128749,128751,14,128753,128754,14,128756,128758,14,128761,128761,14,128763,128764,14,128884,128895,14,128992,129003,14,129008,129008,14,129036,129039,14,129114,129119,14,129198,129279,14,129293,129295,14,129305,129310,14,129312,129319,14,129328,129328,14,129331,129338,14,129343,129343,14,129351,129355,14,129357,129359,14,129375,129387,14,129393,129393,14,129395,129398,14,129401,129401,14,129403,129403,14,129408,129412,14,129426,129431,14,129443,129444,14,129451,129453,14,129456,129465,14,129472,129472,14,129475,129482,14,129484,129484,14,129488,129510,14,129536,129647,14,129652,129652,14,129656,129658,14,129661,129663,14,129667,129670,14,129680,129685,14,129705,129708,14,129712,129718,14,129723,129727,14,129731,129733,14,129744,129750,14,129754,129759,14,129768,129775,14,129783,129791,14,917504,917504,4,917506,917535,4,917632,917759,4,918000,921599,4,0,9,4,11,12,4,14,31,4,169,169,14,174,174,14,1155,1159,5,1425,1469,5,1473,1474,5,1479,1479,5,1552,1562,5,1611,1631,5,1750,1756,5,1759,1764,5,1770,1773,5,1809,1809,5,1958,1968,5,2045,2045,5,2075,2083,5,2089,2093,5,2192,2193,1,2250,2273,5,2275,2306,5,2362,2362,5,2364,2364,5,2369,2376,5,2381,2381,5,2385,2391,5,2433,2433,5,2492,2492,5,2495,2496,7,2503,2504,7,2509,2509,5,2530,2531,5,2561,2562,5,2620,2620,5,2625,2626,5,2635,2637,5,2672,2673,5,2689,2690,5,2748,2748,5,2753,2757,5,2761,2761,7,2765,2765,5,2810,2815,5,2818,2819,7,2878,2878,5,2880,2880,7,2887,2888,7,2893,2893,5,2903,2903,5,2946,2946,5,3007,3007,7,3009,3010,7,3018,3020,7,3031,3031,5,3073,3075,7,3132,3132,5,3137,3140,7,3146,3149,5,3170,3171,5,3202,3203,7,3262,3262,7,3264,3265,7,3267,3268,7,3271,3272,7,3276,3277,5,3298,3299,5,3330,3331,7,3390,3390,5,3393,3396,5,3402,3404,7,3406,3406,1,3426,3427,5,3458,3459,7,3535,3535,5,3538,3540,5,3544,3550,7,3570,3571,7,3635,3635,7,3655,3662,5,3763,3763,7,3784,3789,5,3893,3893,5,3897,3897,5,3953,3966,5,3968,3972,5,3981,3991,5,4038,4038,5,4145,4145,7,4153,4154,5,4157,4158,5,4184,4185,5,4209,4212,5,4228,4228,7,4237,4237,5,4352,4447,8,4520,4607,10,5906,5908,5,5938,5939,5,5970,5971,5,6068,6069,5,6071,6077,5,6086,6086,5,6089,6099,5,6155,6157,5,6159,6159,5,6313,6313,5,6435,6438,7,6441,6443,7,6450,6450,5,6457,6459,5,6681,6682,7,6741,6741,7,6743,6743,7,6752,6752,5,6757,6764,5,6771,6780,5,6832,6845,5,6847,6862,5,6916,6916,7,6965,6965,5,6971,6971,7,6973,6977,7,6979,6980,7,7040,7041,5,7073,7073,7,7078,7079,7,7082,7082,7,7142,7142,5,7144,7145,5,7149,7149,5,7151,7153,5,7204,7211,7,7220,7221,7,7376,7378,5,7393,7393,7,7405,7405,5,7415,7415,7,7616,7679,5,8204,8204,5,8206,8207,4,8233,8233,4,8252,8252,14,8288,8292,4,8294,8303,4,8413,8416,5,8418,8420,5,8482,8482,14,8596,8601,14,8986,8987,14,9096,9096,14,9193,9196,14,9199,9199,14,9201,9202,14,9208,9210,14,9642,9643,14,9664,9664,14,9728,9729,14,9732,9732,14,9735,9741,14,9743,9744,14,9746,9746,14,9750,9751,14,9753,9756,14,9758,9759,14,9761,9761,14,9764,9765,14,9767,9769,14,9771,9773,14,9775,9775,14,9784,9785,14,9787,9791,14,9793,9793,14,9795,9799,14,9812,9822,14,9824,9824,14,9827,9827,14,9829,9830,14,9832,9832,14,9851,9851,14,9854,9854,14,9856,9861,14,9874,9874,14,9876,9876,14,9878,9879,14,9881,9881,14,9883,9884,14,9888,9889,14,9895,9895,14,9898,9899,14,9904,9905,14,9917,9918,14,9924,9925,14,9928,9928,14,9934,9934,14,9936,9936,14,9938,9938,14,9940,9940,14,9961,9961,14,9963,9967,14,9970,9971,14,9973,9973,14,9975,9977,14,9979,9980,14,9982,9985,14,9987,9988,14,9992,9996,14,9998,9998,14,10000,10001,14,10004,10004,14,10013,10013,14,10024,10024,14,10052,10052,14,10060,10060,14,10067,10069,14,10083,10083,14,10085,10087,14,10145,10145,14,10175,10175,14,11013,11015,14,11088,11088,14,11503,11505,5,11744,11775,5,12334,12335,5,12349,12349,14,12951,12951,14,42607,42607,5,42612,42621,5,42736,42737,5,43014,43014,5,43043,43044,7,43047,43047,7,43136,43137,7,43204,43205,5,43263,43263,5,43335,43345,5,43360,43388,8,43395,43395,7,43444,43445,7,43450,43451,7,43454,43456,7,43561,43566,5,43569,43570,5,43573,43574,5,43596,43596,5,43644,43644,5,43698,43700,5,43710,43711,5,43755,43755,7,43758,43759,7,43766,43766,5,44005,44005,5,44008,44008,5,44012,44012,7,44032,44032,11,44060,44060,11,44088,44088,11,44116,44116,11,44144,44144,11,44172,44172,11,44200,44200,11,44228,44228,11,44256,44256,11,44284,44284,11,44312,44312,11,44340,44340,11,44368,44368,11,44396,44396,11,44424,44424,11,44452,44452,11,44480,44480,11,44508,44508,11,44536,44536,11,44564,44564,11,44592,44592,11,44620,44620,11,44648,44648,11,44676,44676,11,44704,44704,11,44732,44732,11,44760,44760,11,44788,44788,11,44816,44816,11,44844,44844,11,44872,44872,11,44900,44900,11,44928,44928,11,44956,44956,11,44984,44984,11,45012,45012,11,45040,45040,11,45068,45068,11,45096,45096,11,45124,45124,11,45152,45152,11,45180,45180,11,45208,45208,11,45236,45236,11,45264,45264,11,45292,45292,11,45320,45320,11,45348,45348,11,45376,45376,11,45404,45404,11,45432,45432,11,45460,45460,11,45488,45488,11,45516,45516,11,45544,45544,11,45572,45572,11,45600,45600,11,45628,45628,11,45656,45656,11,45684,45684,11,45712,45712,11,45740,45740,11,45768,45768,11,45796,45796,11,45824,45824,11,45852,45852,11,45880,45880,11,45908,45908,11,45936,45936,11,45964,45964,11,45992,45992,11,46020,46020,11,46048,46048,11,46076,46076,11,46104,46104,11,46132,46132,11,46160,46160,11,46188,46188,11,46216,46216,11,46244,46244,11,46272,46272,11,46300,46300,11,46328,46328,11,46356,46356,11,46384,46384,11,46412,46412,11,46440,46440,11,46468,46468,11,46496,46496,11,46524,46524,11,46552,46552,11,46580,46580,11,46608,46608,11,46636,46636,11,46664,46664,11,46692,46692,11,46720,46720,11,46748,46748,11,46776,46776,11,46804,46804,11,46832,46832,11,46860,46860,11,46888,46888,11,46916,46916,11,46944,46944,11,46972,46972,11,47000,47000,11,47028,47028,11,47056,47056,11,47084,47084,11,47112,47112,11,47140,47140,11,47168,47168,11,47196,47196,11,47224,47224,11,47252,47252,11,47280,47280,11,47308,47308,11,47336,47336,11,47364,47364,11,47392,47392,11,47420,47420,11,47448,47448,11,47476,47476,11,47504,47504,11,47532,47532,11,47560,47560,11,47588,47588,11,47616,47616,11,47644,47644,11,47672,47672,11,47700,47700,11,47728,47728,11,47756,47756,11,47784,47784,11,47812,47812,11,47840,47840,11,47868,47868,11,47896,47896,11,47924,47924,11,47952,47952,11,47980,47980,11,48008,48008,11,48036,48036,11,48064,48064,11,48092,48092,11,48120,48120,11,48148,48148,11,48176,48176,11,48204,48204,11,48232,48232,11,48260,48260,11,48288,48288,11,48316,48316,11,48344,48344,11,48372,48372,11,48400,48400,11,48428,48428,11,48456,48456,11,48484,48484,11,48512,48512,11,48540,48540,11,48568,48568,11,48596,48596,11,48624,48624,11,48652,48652,11,48680,48680,11,48708,48708,11,48736,48736,11,48764,48764,11,48792,48792,11,48820,48820,11,48848,48848,11,48876,48876,11,48904,48904,11,48932,48932,11,48960,48960,11,48988,48988,11,49016,49016,11,49044,49044,11,49072,49072,11,49100,49100,11,49128,49128,11,49156,49156,11,49184,49184,11,49212,49212,11,49240,49240,11,49268,49268,11,49296,49296,11,49324,49324,11,49352,49352,11,49380,49380,11,49408,49408,11,49436,49436,11,49464,49464,11,49492,49492,11,49520,49520,11,49548,49548,11,49576,49576,11,49604,49604,11,49632,49632,11,49660,49660,11,49688,49688,11,49716,49716,11,49744,49744,11,49772,49772,11,49800,49800,11,49828,49828,11,49856,49856,11,49884,49884,11,49912,49912,11,49940,49940,11,49968,49968,11,49996,49996,11,50024,50024,11,50052,50052,11,50080,50080,11,50108,50108,11,50136,50136,11,50164,50164,11,50192,50192,11,50220,50220,11,50248,50248,11,50276,50276,11,50304,50304,11,50332,50332,11,50360,50360,11,50388,50388,11,50416,50416,11,50444,50444,11,50472,50472,11,50500,50500,11,50528,50528,11,50556,50556,11,50584,50584,11,50612,50612,11,50640,50640,11,50668,50668,11,50696,50696,11,50724,50724,11,50752,50752,11,50780,50780,11,50808,50808,11,50836,50836,11,50864,50864,11,50892,50892,11,50920,50920,11,50948,50948,11,50976,50976,11,51004,51004,11,51032,51032,11,51060,51060,11,51088,51088,11,51116,51116,11,51144,51144,11,51172,51172,11,51200,51200,11,51228,51228,11,51256,51256,11,51284,51284,11,51312,51312,11,51340,51340,11,51368,51368,11,51396,51396,11,51424,51424,11,51452,51452,11,51480,51480,11,51508,51508,11,51536,51536,11,51564,51564,11,51592,51592,11,51620,51620,11,51648,51648,11,51676,51676,11,51704,51704,11,51732,51732,11,51760,51760,11,51788,51788,11,51816,51816,11,51844,51844,11,51872,51872,11,51900,51900,11,51928,51928,11,51956,51956,11,51984,51984,11,52012,52012,11,52040,52040,11,52068,52068,11,52096,52096,11,52124,52124,11,52152,52152,11,52180,52180,11,52208,52208,11,52236,52236,11,52264,52264,11,52292,52292,11,52320,52320,11,52348,52348,11,52376,52376,11,52404,52404,11,52432,52432,11,52460,52460,11,52488,52488,11,52516,52516,11,52544,52544,11,52572,52572,11,52600,52600,11,52628,52628,11,52656,52656,11,52684,52684,11,52712,52712,11,52740,52740,11,52768,52768,11,52796,52796,11,52824,52824,11,52852,52852,11,52880,52880,11,52908,52908,11,52936,52936,11,52964,52964,11,52992,52992,11,53020,53020,11,53048,53048,11,53076,53076,11,53104,53104,11,53132,53132,11,53160,53160,11,53188,53188,11,53216,53216,11,53244,53244,11,53272,53272,11,53300,53300,11,53328,53328,11,53356,53356,11,53384,53384,11,53412,53412,11,53440,53440,11,53468,53468,11,53496,53496,11,53524,53524,11,53552,53552,11,53580,53580,11,53608,53608,11,53636,53636,11,53664,53664,11,53692,53692,11,53720,53720,11,53748,53748,11,53776,53776,11,53804,53804,11,53832,53832,11,53860,53860,11,53888,53888,11,53916,53916,11,53944,53944,11,53972,53972,11,54000,54000,11,54028,54028,11,54056,54056,11,54084,54084,11,54112,54112,11,54140,54140,11,54168,54168,11,54196,54196,11,54224,54224,11,54252,54252,11,54280,54280,11,54308,54308,11,54336,54336,11,54364,54364,11,54392,54392,11,54420,54420,11,54448,54448,11,54476,54476,11,54504,54504,11,54532,54532,11,54560,54560,11,54588,54588,11,54616,54616,11,54644,54644,11,54672,54672,11,54700,54700,11,54728,54728,11,54756,54756,11,54784,54784,11,54812,54812,11,54840,54840,11,54868,54868,11,54896,54896,11,54924,54924,11,54952,54952,11,54980,54980,11,55008,55008,11,55036,55036,11,55064,55064,11,55092,55092,11,55120,55120,11,55148,55148,11,55176,55176,11,55216,55238,9,64286,64286,5,65056,65071,5,65438,65439,5,65529,65531,4,66272,66272,5,68097,68099,5,68108,68111,5,68159,68159,5,68900,68903,5,69446,69456,5,69632,69632,7,69634,69634,7,69744,69744,5,69759,69761,5,69808,69810,7,69815,69816,7,69821,69821,1,69837,69837,1,69927,69931,5,69933,69940,5,70003,70003,5,70018,70018,7,70070,70078,5,70082,70083,1,70094,70094,7,70188,70190,7,70194,70195,7,70197,70197,7,70206,70206,5,70368,70370,7,70400,70401,5,70459,70460,5,70463,70463,7,70465,70468,7,70475,70477,7,70498,70499,7,70512,70516,5,70712,70719,5,70722,70724,5,70726,70726,5,70832,70832,5,70835,70840,5,70842,70842,5,70845,70845,5,70847,70848,5,70850,70851,5,71088,71089,7,71096,71099,7,71102,71102,7,71132,71133,5,71219,71226,5,71229,71229,5,71231,71232,5,71340,71340,7,71342,71343,7,71350,71350,7,71453,71455,5,71462,71462,7,71724,71726,7,71736,71736,7,71984,71984,5,71991,71992,7,71997,71997,7,71999,71999,1,72001,72001,1,72003,72003,5,72148,72151,5,72156,72159,7,72164,72164,7,72243,72248,5,72250,72250,1,72263,72263,5,72279,72280,7,72324,72329,1,72343,72343,7,72751,72751,7,72760,72765,5,72767,72767,5,72873,72873,7,72881,72881,7,72884,72884,7,73009,73014,5,73020,73021,5,73030,73030,1,73098,73102,7,73107,73108,7,73110,73110,7,73459,73460,5,78896,78904,4,92976,92982,5,94033,94087,7,94180,94180,5,113821,113822,5,118528,118573,5,119141,119141,5,119143,119145,5,119150,119154,5,119163,119170,5,119210,119213,5,121344,121398,5,121461,121461,5,121499,121503,5,122880,122886,5,122907,122913,5,122918,122922,5,123566,123566,5,125136,125142,5,126976,126979,14,126981,127182,14,127184,127231,14,127279,127279,14,127344,127345,14,127374,127374,14,127405,127461,14,127489,127490,14,127514,127514,14,127538,127546,14,127561,127567,14,127570,127743,14,127757,127758,14,127760,127760,14,127762,127762,14,127766,127768,14,127770,127770,14,127772,127772,14,127775,127776,14,127778,127779,14,127789,127791,14,127794,127795,14,127798,127798,14,127819,127819,14,127824,127824,14,127868,127868,14,127870,127871,14,127892,127893,14,127896,127896,14,127900,127901,14,127904,127940,14,127942,127942,14,127944,127944,14,127946,127946,14,127951,127955,14,127968,127971,14,127973,127984,14,127987,127987,14,127989,127989,14,127991,127991,14,127995,127999,5,128008,128008,14,128012,128014,14,128017,128018,14,128020,128020,14,128022,128022,14,128042,128042,14,128063,128063,14,128065,128065,14,128101,128101,14,128108,128109,14,128173,128173,14,128182,128183,14,128236,128237,14,128239,128239,14,128245,128245,14,128248,128248,14,128253,128253,14,128255,128258,14,128260,128263,14,128265,128265,14,128277,128277,14,128300,128301,14,128326,128328,14,128331,128334,14,128336,128347,14,128360,128366,14,128369,128370,14,128378,128378,14,128391,128391,14,128394,128397,14,128400,128400,14,128405,128406,14,128420,128420,14,128422,128423,14,128425,128432,14,128435,128443,14,128445,128449,14,128453,128464,14,128468,128475,14,128479,128480,14,128482,128482,14,128484,128487,14,128489,128494,14,128496,128498,14,128500,128505,14,128507,128511,14,128513,128518,14,128521,128525,14,128527,128527,14,128529,128529,14,128533,128533,14,128535,128535,14,128537,128537,14]")}getGraphemeBreakType(e){if(e<32)return 10===e?3:13===e?2:4;if(e<127)return 0;let t=this._data,i=t.length/3,n=1;for(;n<=i;)if(et[3*n+1]))return t[3*n+2];n=2*n+1}return 0}}of._INSTANCE=null;class op{static getInstance(e){return op.cache.get(Array.from(e))}static getLocales(){return op._locales.value}constructor(e){this.confusableDictionary=e}isAmbiguous(e){return this.confusableDictionary.has(e)}getPrimaryConfusable(e){return this.confusableDictionary.get(e)}getConfusableCodePoints(){return new Set(this.confusableDictionary.keys())}}op.ambiguousCharacterData=new rF(()=>JSON.parse('{"_common":[8232,32,8233,32,5760,32,8192,32,8193,32,8194,32,8195,32,8196,32,8197,32,8198,32,8200,32,8201,32,8202,32,8287,32,8199,32,8239,32,2042,95,65101,95,65102,95,65103,95,8208,45,8209,45,8210,45,65112,45,1748,45,8259,45,727,45,8722,45,10134,45,11450,45,1549,44,1643,44,8218,44,184,44,42233,44,894,59,2307,58,2691,58,1417,58,1795,58,1796,58,5868,58,65072,58,6147,58,6153,58,8282,58,1475,58,760,58,42889,58,8758,58,720,58,42237,58,451,33,11601,33,660,63,577,63,2429,63,5038,63,42731,63,119149,46,8228,46,1793,46,1794,46,42510,46,68176,46,1632,46,1776,46,42232,46,1373,96,65287,96,8219,96,8242,96,1370,96,1523,96,8175,96,65344,96,900,96,8189,96,8125,96,8127,96,8190,96,697,96,884,96,712,96,714,96,715,96,756,96,699,96,701,96,700,96,702,96,42892,96,1497,96,2036,96,2037,96,5194,96,5836,96,94033,96,94034,96,65339,91,10088,40,10098,40,12308,40,64830,40,65341,93,10089,41,10099,41,12309,41,64831,41,10100,123,119060,123,10101,125,65342,94,8270,42,1645,42,8727,42,66335,42,5941,47,8257,47,8725,47,8260,47,9585,47,10187,47,10744,47,119354,47,12755,47,12339,47,11462,47,20031,47,12035,47,65340,92,65128,92,8726,92,10189,92,10741,92,10745,92,119311,92,119355,92,12756,92,20022,92,12034,92,42872,38,708,94,710,94,5869,43,10133,43,66203,43,8249,60,10094,60,706,60,119350,60,5176,60,5810,60,5120,61,11840,61,12448,61,42239,61,8250,62,10095,62,707,62,119351,62,5171,62,94015,62,8275,126,732,126,8128,126,8764,126,65372,124,65293,45,120784,50,120794,50,120804,50,120814,50,120824,50,130034,50,42842,50,423,50,1000,50,42564,50,5311,50,42735,50,119302,51,120785,51,120795,51,120805,51,120815,51,120825,51,130035,51,42923,51,540,51,439,51,42858,51,11468,51,1248,51,94011,51,71882,51,120786,52,120796,52,120806,52,120816,52,120826,52,130036,52,5070,52,71855,52,120787,53,120797,53,120807,53,120817,53,120827,53,130037,53,444,53,71867,53,120788,54,120798,54,120808,54,120818,54,120828,54,130038,54,11474,54,5102,54,71893,54,119314,55,120789,55,120799,55,120809,55,120819,55,120829,55,130039,55,66770,55,71878,55,2819,56,2538,56,2666,56,125131,56,120790,56,120800,56,120810,56,120820,56,120830,56,130040,56,547,56,546,56,66330,56,2663,57,2920,57,2541,57,3437,57,120791,57,120801,57,120811,57,120821,57,120831,57,130041,57,42862,57,11466,57,71884,57,71852,57,71894,57,9082,97,65345,97,119834,97,119886,97,119938,97,119990,97,120042,97,120094,97,120146,97,120198,97,120250,97,120302,97,120354,97,120406,97,120458,97,593,97,945,97,120514,97,120572,97,120630,97,120688,97,120746,97,65313,65,119808,65,119860,65,119912,65,119964,65,120016,65,120068,65,120120,65,120172,65,120224,65,120276,65,120328,65,120380,65,120432,65,913,65,120488,65,120546,65,120604,65,120662,65,120720,65,5034,65,5573,65,42222,65,94016,65,66208,65,119835,98,119887,98,119939,98,119991,98,120043,98,120095,98,120147,98,120199,98,120251,98,120303,98,120355,98,120407,98,120459,98,388,98,5071,98,5234,98,5551,98,65314,66,8492,66,119809,66,119861,66,119913,66,120017,66,120069,66,120121,66,120173,66,120225,66,120277,66,120329,66,120381,66,120433,66,42932,66,914,66,120489,66,120547,66,120605,66,120663,66,120721,66,5108,66,5623,66,42192,66,66178,66,66209,66,66305,66,65347,99,8573,99,119836,99,119888,99,119940,99,119992,99,120044,99,120096,99,120148,99,120200,99,120252,99,120304,99,120356,99,120408,99,120460,99,7428,99,1010,99,11429,99,43951,99,66621,99,128844,67,71922,67,71913,67,65315,67,8557,67,8450,67,8493,67,119810,67,119862,67,119914,67,119966,67,120018,67,120174,67,120226,67,120278,67,120330,67,120382,67,120434,67,1017,67,11428,67,5087,67,42202,67,66210,67,66306,67,66581,67,66844,67,8574,100,8518,100,119837,100,119889,100,119941,100,119993,100,120045,100,120097,100,120149,100,120201,100,120253,100,120305,100,120357,100,120409,100,120461,100,1281,100,5095,100,5231,100,42194,100,8558,68,8517,68,119811,68,119863,68,119915,68,119967,68,120019,68,120071,68,120123,68,120175,68,120227,68,120279,68,120331,68,120383,68,120435,68,5024,68,5598,68,5610,68,42195,68,8494,101,65349,101,8495,101,8519,101,119838,101,119890,101,119942,101,120046,101,120098,101,120150,101,120202,101,120254,101,120306,101,120358,101,120410,101,120462,101,43826,101,1213,101,8959,69,65317,69,8496,69,119812,69,119864,69,119916,69,120020,69,120072,69,120124,69,120176,69,120228,69,120280,69,120332,69,120384,69,120436,69,917,69,120492,69,120550,69,120608,69,120666,69,120724,69,11577,69,5036,69,42224,69,71846,69,71854,69,66182,69,119839,102,119891,102,119943,102,119995,102,120047,102,120099,102,120151,102,120203,102,120255,102,120307,102,120359,102,120411,102,120463,102,43829,102,42905,102,383,102,7837,102,1412,102,119315,70,8497,70,119813,70,119865,70,119917,70,120021,70,120073,70,120125,70,120177,70,120229,70,120281,70,120333,70,120385,70,120437,70,42904,70,988,70,120778,70,5556,70,42205,70,71874,70,71842,70,66183,70,66213,70,66853,70,65351,103,8458,103,119840,103,119892,103,119944,103,120048,103,120100,103,120152,103,120204,103,120256,103,120308,103,120360,103,120412,103,120464,103,609,103,7555,103,397,103,1409,103,119814,71,119866,71,119918,71,119970,71,120022,71,120074,71,120126,71,120178,71,120230,71,120282,71,120334,71,120386,71,120438,71,1292,71,5056,71,5107,71,42198,71,65352,104,8462,104,119841,104,119945,104,119997,104,120049,104,120101,104,120153,104,120205,104,120257,104,120309,104,120361,104,120413,104,120465,104,1211,104,1392,104,5058,104,65320,72,8459,72,8460,72,8461,72,119815,72,119867,72,119919,72,120023,72,120179,72,120231,72,120283,72,120335,72,120387,72,120439,72,919,72,120494,72,120552,72,120610,72,120668,72,120726,72,11406,72,5051,72,5500,72,42215,72,66255,72,731,105,9075,105,65353,105,8560,105,8505,105,8520,105,119842,105,119894,105,119946,105,119998,105,120050,105,120102,105,120154,105,120206,105,120258,105,120310,105,120362,105,120414,105,120466,105,120484,105,618,105,617,105,953,105,8126,105,890,105,120522,105,120580,105,120638,105,120696,105,120754,105,1110,105,42567,105,1231,105,43893,105,5029,105,71875,105,65354,106,8521,106,119843,106,119895,106,119947,106,119999,106,120051,106,120103,106,120155,106,120207,106,120259,106,120311,106,120363,106,120415,106,120467,106,1011,106,1112,106,65322,74,119817,74,119869,74,119921,74,119973,74,120025,74,120077,74,120129,74,120181,74,120233,74,120285,74,120337,74,120389,74,120441,74,42930,74,895,74,1032,74,5035,74,5261,74,42201,74,119844,107,119896,107,119948,107,120000,107,120052,107,120104,107,120156,107,120208,107,120260,107,120312,107,120364,107,120416,107,120468,107,8490,75,65323,75,119818,75,119870,75,119922,75,119974,75,120026,75,120078,75,120130,75,120182,75,120234,75,120286,75,120338,75,120390,75,120442,75,922,75,120497,75,120555,75,120613,75,120671,75,120729,75,11412,75,5094,75,5845,75,42199,75,66840,75,1472,108,8739,73,9213,73,65512,73,1633,108,1777,73,66336,108,125127,108,120783,73,120793,73,120803,73,120813,73,120823,73,130033,73,65321,73,8544,73,8464,73,8465,73,119816,73,119868,73,119920,73,120024,73,120128,73,120180,73,120232,73,120284,73,120336,73,120388,73,120440,73,65356,108,8572,73,8467,108,119845,108,119897,108,119949,108,120001,108,120053,108,120105,73,120157,73,120209,73,120261,73,120313,73,120365,73,120417,73,120469,73,448,73,120496,73,120554,73,120612,73,120670,73,120728,73,11410,73,1030,73,1216,73,1493,108,1503,108,1575,108,126464,108,126592,108,65166,108,65165,108,1994,108,11599,73,5825,73,42226,73,93992,73,66186,124,66313,124,119338,76,8556,76,8466,76,119819,76,119871,76,119923,76,120027,76,120079,76,120131,76,120183,76,120235,76,120287,76,120339,76,120391,76,120443,76,11472,76,5086,76,5290,76,42209,76,93974,76,71843,76,71858,76,66587,76,66854,76,65325,77,8559,77,8499,77,119820,77,119872,77,119924,77,120028,77,120080,77,120132,77,120184,77,120236,77,120288,77,120340,77,120392,77,120444,77,924,77,120499,77,120557,77,120615,77,120673,77,120731,77,1018,77,11416,77,5047,77,5616,77,5846,77,42207,77,66224,77,66321,77,119847,110,119899,110,119951,110,120003,110,120055,110,120107,110,120159,110,120211,110,120263,110,120315,110,120367,110,120419,110,120471,110,1400,110,1404,110,65326,78,8469,78,119821,78,119873,78,119925,78,119977,78,120029,78,120081,78,120185,78,120237,78,120289,78,120341,78,120393,78,120445,78,925,78,120500,78,120558,78,120616,78,120674,78,120732,78,11418,78,42208,78,66835,78,3074,111,3202,111,3330,111,3458,111,2406,111,2662,111,2790,111,3046,111,3174,111,3302,111,3430,111,3664,111,3792,111,4160,111,1637,111,1781,111,65359,111,8500,111,119848,111,119900,111,119952,111,120056,111,120108,111,120160,111,120212,111,120264,111,120316,111,120368,111,120420,111,120472,111,7439,111,7441,111,43837,111,959,111,120528,111,120586,111,120644,111,120702,111,120760,111,963,111,120532,111,120590,111,120648,111,120706,111,120764,111,11423,111,4351,111,1413,111,1505,111,1607,111,126500,111,126564,111,126596,111,65259,111,65260,111,65258,111,65257,111,1726,111,64428,111,64429,111,64427,111,64426,111,1729,111,64424,111,64425,111,64423,111,64422,111,1749,111,3360,111,4125,111,66794,111,71880,111,71895,111,66604,111,1984,79,2534,79,2918,79,12295,79,70864,79,71904,79,120782,79,120792,79,120802,79,120812,79,120822,79,130032,79,65327,79,119822,79,119874,79,119926,79,119978,79,120030,79,120082,79,120134,79,120186,79,120238,79,120290,79,120342,79,120394,79,120446,79,927,79,120502,79,120560,79,120618,79,120676,79,120734,79,11422,79,1365,79,11604,79,4816,79,2848,79,66754,79,42227,79,71861,79,66194,79,66219,79,66564,79,66838,79,9076,112,65360,112,119849,112,119901,112,119953,112,120005,112,120057,112,120109,112,120161,112,120213,112,120265,112,120317,112,120369,112,120421,112,120473,112,961,112,120530,112,120544,112,120588,112,120602,112,120646,112,120660,112,120704,112,120718,112,120762,112,120776,112,11427,112,65328,80,8473,80,119823,80,119875,80,119927,80,119979,80,120031,80,120083,80,120187,80,120239,80,120291,80,120343,80,120395,80,120447,80,929,80,120504,80,120562,80,120620,80,120678,80,120736,80,11426,80,5090,80,5229,80,42193,80,66197,80,119850,113,119902,113,119954,113,120006,113,120058,113,120110,113,120162,113,120214,113,120266,113,120318,113,120370,113,120422,113,120474,113,1307,113,1379,113,1382,113,8474,81,119824,81,119876,81,119928,81,119980,81,120032,81,120084,81,120188,81,120240,81,120292,81,120344,81,120396,81,120448,81,11605,81,119851,114,119903,114,119955,114,120007,114,120059,114,120111,114,120163,114,120215,114,120267,114,120319,114,120371,114,120423,114,120475,114,43847,114,43848,114,7462,114,11397,114,43905,114,119318,82,8475,82,8476,82,8477,82,119825,82,119877,82,119929,82,120033,82,120189,82,120241,82,120293,82,120345,82,120397,82,120449,82,422,82,5025,82,5074,82,66740,82,5511,82,42211,82,94005,82,65363,115,119852,115,119904,115,119956,115,120008,115,120060,115,120112,115,120164,115,120216,115,120268,115,120320,115,120372,115,120424,115,120476,115,42801,115,445,115,1109,115,43946,115,71873,115,66632,115,65331,83,119826,83,119878,83,119930,83,119982,83,120034,83,120086,83,120138,83,120190,83,120242,83,120294,83,120346,83,120398,83,120450,83,1029,83,1359,83,5077,83,5082,83,42210,83,94010,83,66198,83,66592,83,119853,116,119905,116,119957,116,120009,116,120061,116,120113,116,120165,116,120217,116,120269,116,120321,116,120373,116,120425,116,120477,116,8868,84,10201,84,128872,84,65332,84,119827,84,119879,84,119931,84,119983,84,120035,84,120087,84,120139,84,120191,84,120243,84,120295,84,120347,84,120399,84,120451,84,932,84,120507,84,120565,84,120623,84,120681,84,120739,84,11430,84,5026,84,42196,84,93962,84,71868,84,66199,84,66225,84,66325,84,119854,117,119906,117,119958,117,120010,117,120062,117,120114,117,120166,117,120218,117,120270,117,120322,117,120374,117,120426,117,120478,117,42911,117,7452,117,43854,117,43858,117,651,117,965,117,120534,117,120592,117,120650,117,120708,117,120766,117,1405,117,66806,117,71896,117,8746,85,8899,85,119828,85,119880,85,119932,85,119984,85,120036,85,120088,85,120140,85,120192,85,120244,85,120296,85,120348,85,120400,85,120452,85,1357,85,4608,85,66766,85,5196,85,42228,85,94018,85,71864,85,8744,118,8897,118,65366,118,8564,118,119855,118,119907,118,119959,118,120011,118,120063,118,120115,118,120167,118,120219,118,120271,118,120323,118,120375,118,120427,118,120479,118,7456,118,957,118,120526,118,120584,118,120642,118,120700,118,120758,118,1141,118,1496,118,71430,118,43945,118,71872,118,119309,86,1639,86,1783,86,8548,86,119829,86,119881,86,119933,86,119985,86,120037,86,120089,86,120141,86,120193,86,120245,86,120297,86,120349,86,120401,86,120453,86,1140,86,11576,86,5081,86,5167,86,42719,86,42214,86,93960,86,71840,86,66845,86,623,119,119856,119,119908,119,119960,119,120012,119,120064,119,120116,119,120168,119,120220,119,120272,119,120324,119,120376,119,120428,119,120480,119,7457,119,1121,119,1309,119,1377,119,71434,119,71438,119,71439,119,43907,119,71919,87,71910,87,119830,87,119882,87,119934,87,119986,87,120038,87,120090,87,120142,87,120194,87,120246,87,120298,87,120350,87,120402,87,120454,87,1308,87,5043,87,5076,87,42218,87,5742,120,10539,120,10540,120,10799,120,65368,120,8569,120,119857,120,119909,120,119961,120,120013,120,120065,120,120117,120,120169,120,120221,120,120273,120,120325,120,120377,120,120429,120,120481,120,5441,120,5501,120,5741,88,9587,88,66338,88,71916,88,65336,88,8553,88,119831,88,119883,88,119935,88,119987,88,120039,88,120091,88,120143,88,120195,88,120247,88,120299,88,120351,88,120403,88,120455,88,42931,88,935,88,120510,88,120568,88,120626,88,120684,88,120742,88,11436,88,11613,88,5815,88,42219,88,66192,88,66228,88,66327,88,66855,88,611,121,7564,121,65369,121,119858,121,119910,121,119962,121,120014,121,120066,121,120118,121,120170,121,120222,121,120274,121,120326,121,120378,121,120430,121,120482,121,655,121,7935,121,43866,121,947,121,8509,121,120516,121,120574,121,120632,121,120690,121,120748,121,1199,121,4327,121,71900,121,65337,89,119832,89,119884,89,119936,89,119988,89,120040,89,120092,89,120144,89,120196,89,120248,89,120300,89,120352,89,120404,89,120456,89,933,89,978,89,120508,89,120566,89,120624,89,120682,89,120740,89,11432,89,1198,89,5033,89,5053,89,42220,89,94019,89,71844,89,66226,89,119859,122,119911,122,119963,122,120015,122,120067,122,120119,122,120171,122,120223,122,120275,122,120327,122,120379,122,120431,122,120483,122,7458,122,43923,122,71876,122,66293,90,71909,90,65338,90,8484,90,8488,90,119833,90,119885,90,119937,90,119989,90,120041,90,120197,90,120249,90,120301,90,120353,90,120405,90,120457,90,918,90,120493,90,120551,90,120609,90,120667,90,120725,90,5059,90,42204,90,71849,90,65282,34,65284,36,65285,37,65286,38,65290,42,65291,43,65294,46,65295,47,65296,48,65297,49,65298,50,65299,51,65300,52,65301,53,65302,54,65303,55,65304,56,65305,57,65308,60,65309,61,65310,62,65312,64,65316,68,65318,70,65319,71,65324,76,65329,81,65330,82,65333,85,65334,86,65335,87,65343,95,65346,98,65348,100,65350,102,65355,107,65357,109,65358,110,65361,113,65362,114,65364,116,65365,117,65367,119,65370,122,65371,123,65373,125,119846,109],"_default":[160,32,8211,45,65374,126,65306,58,65281,33,8216,96,8217,96,8245,96,180,96,12494,47,1047,51,1073,54,1072,97,1040,65,1068,98,1042,66,1089,99,1057,67,1077,101,1045,69,1053,72,305,105,1050,75,921,73,1052,77,1086,111,1054,79,1009,112,1088,112,1056,80,1075,114,1058,84,215,120,1093,120,1061,88,1091,121,1059,89,65283,35,65288,40,65289,41,65292,44,65307,59,65311,63],"cs":[65374,126,65306,58,65281,33,8216,96,8217,96,8245,96,180,96,12494,47,1047,51,1073,54,1072,97,1040,65,1068,98,1042,66,1089,99,1057,67,1077,101,1045,69,1053,72,305,105,1050,75,921,73,1052,77,1086,111,1054,79,1009,112,1088,112,1056,80,1075,114,1058,84,1093,120,1061,88,1091,121,1059,89,65283,35,65288,40,65289,41,65292,44,65307,59,65311,63],"de":[65374,126,65306,58,65281,33,8216,96,8217,96,8245,96,180,96,12494,47,1047,51,1073,54,1072,97,1040,65,1068,98,1042,66,1089,99,1057,67,1077,101,1045,69,1053,72,305,105,1050,75,921,73,1052,77,1086,111,1054,79,1009,112,1088,112,1056,80,1075,114,1058,84,1093,120,1061,88,1091,121,1059,89,65283,35,65288,40,65289,41,65292,44,65307,59,65311,63],"es":[8211,45,65374,126,65306,58,65281,33,8245,96,180,96,12494,47,1047,51,1073,54,1072,97,1040,65,1068,98,1042,66,1089,99,1057,67,1077,101,1045,69,1053,72,305,105,1050,75,1052,77,1086,111,1054,79,1009,112,1088,112,1056,80,1075,114,1058,84,215,120,1093,120,1061,88,1091,121,1059,89,65283,35,65288,40,65289,41,65292,44,65307,59,65311,63],"fr":[65374,126,65306,58,65281,33,8216,96,8245,96,12494,47,1047,51,1073,54,1072,97,1040,65,1068,98,1042,66,1089,99,1057,67,1077,101,1045,69,1053,72,305,105,1050,75,921,73,1052,77,1086,111,1054,79,1009,112,1088,112,1056,80,1075,114,1058,84,215,120,1093,120,1061,88,1091,121,1059,89,65283,35,65288,40,65289,41,65292,44,65307,59,65311,63],"it":[160,32,8211,45,65374,126,65306,58,65281,33,8216,96,8245,96,180,96,12494,47,1047,51,1073,54,1072,97,1040,65,1068,98,1042,66,1089,99,1057,67,1077,101,1045,69,1053,72,305,105,1050,75,921,73,1052,77,1086,111,1054,79,1009,112,1088,112,1056,80,1075,114,1058,84,215,120,1093,120,1061,88,1091,121,1059,89,65283,35,65288,40,65289,41,65292,44,65307,59,65311,63],"ja":[8211,45,65306,58,65281,33,8216,96,8217,96,8245,96,180,96,1047,51,1073,54,1072,97,1040,65,1068,98,1042,66,1089,99,1057,67,1077,101,1045,69,1053,72,305,105,1050,75,921,73,1052,77,1086,111,1054,79,1009,112,1088,112,1056,80,1075,114,1058,84,215,120,1093,120,1061,88,1091,121,1059,89,65283,35,65292,44,65307,59],"ko":[8211,45,65374,126,65306,58,65281,33,8245,96,180,96,12494,47,1047,51,1073,54,1072,97,1040,65,1068,98,1042,66,1089,99,1057,67,1077,101,1045,69,1053,72,305,105,1050,75,921,73,1052,77,1086,111,1054,79,1009,112,1088,112,1056,80,1075,114,1058,84,215,120,1093,120,1061,88,1091,121,1059,89,65283,35,65288,40,65289,41,65292,44,65307,59,65311,63],"pl":[65374,126,65306,58,65281,33,8216,96,8217,96,8245,96,180,96,12494,47,1047,51,1073,54,1072,97,1040,65,1068,98,1042,66,1089,99,1057,67,1077,101,1045,69,1053,72,305,105,1050,75,921,73,1052,77,1086,111,1054,79,1009,112,1088,112,1056,80,1075,114,1058,84,215,120,1093,120,1061,88,1091,121,1059,89,65283,35,65288,40,65289,41,65292,44,65307,59,65311,63],"pt-BR":[65374,126,65306,58,65281,33,8216,96,8217,96,8245,96,180,96,12494,47,1047,51,1073,54,1072,97,1040,65,1068,98,1042,66,1089,99,1057,67,1077,101,1045,69,1053,72,305,105,1050,75,921,73,1052,77,1086,111,1054,79,1009,112,1088,112,1056,80,1075,114,1058,84,215,120,1093,120,1061,88,1091,121,1059,89,65283,35,65288,40,65289,41,65292,44,65307,59,65311,63],"qps-ploc":[160,32,8211,45,65374,126,65306,58,65281,33,8216,96,8217,96,8245,96,180,96,12494,47,1047,51,1073,54,1072,97,1040,65,1068,98,1042,66,1089,99,1057,67,1077,101,1045,69,1053,72,305,105,1050,75,921,73,1052,77,1086,111,1054,79,1088,112,1056,80,1075,114,1058,84,215,120,1093,120,1061,88,1091,121,1059,89,65283,35,65288,40,65289,41,65292,44,65307,59,65311,63],"ru":[65374,126,65306,58,65281,33,8216,96,8217,96,8245,96,180,96,12494,47,305,105,921,73,1009,112,215,120,65283,35,65288,40,65289,41,65292,44,65307,59,65311,63],"tr":[160,32,8211,45,65374,126,65306,58,65281,33,8245,96,180,96,12494,47,1047,51,1073,54,1072,97,1040,65,1068,98,1042,66,1089,99,1057,67,1077,101,1045,69,1053,72,1050,75,921,73,1052,77,1086,111,1054,79,1009,112,1088,112,1056,80,1075,114,1058,84,215,120,1093,120,1061,88,1091,121,1059,89,65283,35,65288,40,65289,41,65292,44,65307,59,65311,63],"zh-hans":[65374,126,65306,58,65281,33,8245,96,180,96,12494,47,1047,51,1073,54,1072,97,1040,65,1068,98,1042,66,1089,99,1057,67,1077,101,1045,69,1053,72,305,105,1050,75,921,73,1052,77,1086,111,1054,79,1009,112,1088,112,1056,80,1075,114,1058,84,215,120,1093,120,1061,88,1091,121,1059,89,65288,40,65289,41],"zh-hant":[8211,45,65374,126,180,96,12494,47,1047,51,1073,54,1072,97,1040,65,1068,98,1042,66,1089,99,1057,67,1077,101,1045,69,1053,72,305,105,1050,75,921,73,1052,77,1086,111,1054,79,1009,112,1088,112,1056,80,1075,114,1058,84,215,120,1093,120,1061,88,1091,121,1059,89,65283,35,65307,59]}')),op.cache=new class{constructor(e){this.fn=e,this.lastCache=void 0,this.lastArgKey=void 0}get(e){let t=JSON.stringify(e);return this.lastArgKey!==t&&(this.lastArgKey=t,this.lastCache=this.fn(e)),this.lastCache}}(e=>{let t;function i(e){let t=new Map;for(let i=0;i!e.startsWith("_")&&e in n);for(let e of(0===r.length&&(r=["_default"]),r)){let r=i(n[e]);t=function(e,t){if(!e)return t;let i=new Map;for(let[n,r]of e)t.has(n)&&i.set(n,r);return i}(t,r)}let o=i(n._common),s=function(e,t){let i=new Map(e);for(let[e,n]of t)i.set(e,n);return i}(o,t);return new op(s)}),op._locales=new rF(()=>Object.keys(op.ambiguousCharacterData.value).filter(e=>!e.startsWith("_")));class om{static getRawData(){return JSON.parse("[9,10,11,12,13,32,127,160,173,847,1564,4447,4448,6068,6069,6155,6156,6157,6158,7355,7356,8192,8193,8194,8195,8196,8197,8198,8199,8200,8201,8202,8203,8204,8205,8206,8207,8234,8235,8236,8237,8238,8239,8287,8288,8289,8290,8291,8292,8293,8294,8295,8296,8297,8298,8299,8300,8301,8302,8303,10240,12288,12644,65024,65025,65026,65027,65028,65029,65030,65031,65032,65033,65034,65035,65036,65037,65038,65039,65279,65440,65520,65521,65522,65523,65524,65525,65526,65527,65528,65532,78844,119155,119156,119157,119158,119159,119160,119161,119162,917504,917505,917506,917507,917508,917509,917510,917511,917512,917513,917514,917515,917516,917517,917518,917519,917520,917521,917522,917523,917524,917525,917526,917527,917528,917529,917530,917531,917532,917533,917534,917535,917536,917537,917538,917539,917540,917541,917542,917543,917544,917545,917546,917547,917548,917549,917550,917551,917552,917553,917554,917555,917556,917557,917558,917559,917560,917561,917562,917563,917564,917565,917566,917567,917568,917569,917570,917571,917572,917573,917574,917575,917576,917577,917578,917579,917580,917581,917582,917583,917584,917585,917586,917587,917588,917589,917590,917591,917592,917593,917594,917595,917596,917597,917598,917599,917600,917601,917602,917603,917604,917605,917606,917607,917608,917609,917610,917611,917612,917613,917614,917615,917616,917617,917618,917619,917620,917621,917622,917623,917624,917625,917626,917627,917628,917629,917630,917631,917760,917761,917762,917763,917764,917765,917766,917767,917768,917769,917770,917771,917772,917773,917774,917775,917776,917777,917778,917779,917780,917781,917782,917783,917784,917785,917786,917787,917788,917789,917790,917791,917792,917793,917794,917795,917796,917797,917798,917799,917800,917801,917802,917803,917804,917805,917806,917807,917808,917809,917810,917811,917812,917813,917814,917815,917816,917817,917818,917819,917820,917821,917822,917823,917824,917825,917826,917827,917828,917829,917830,917831,917832,917833,917834,917835,917836,917837,917838,917839,917840,917841,917842,917843,917844,917845,917846,917847,917848,917849,917850,917851,917852,917853,917854,917855,917856,917857,917858,917859,917860,917861,917862,917863,917864,917865,917866,917867,917868,917869,917870,917871,917872,917873,917874,917875,917876,917877,917878,917879,917880,917881,917882,917883,917884,917885,917886,917887,917888,917889,917890,917891,917892,917893,917894,917895,917896,917897,917898,917899,917900,917901,917902,917903,917904,917905,917906,917907,917908,917909,917910,917911,917912,917913,917914,917915,917916,917917,917918,917919,917920,917921,917922,917923,917924,917925,917926,917927,917928,917929,917930,917931,917932,917933,917934,917935,917936,917937,917938,917939,917940,917941,917942,917943,917944,917945,917946,917947,917948,917949,917950,917951,917952,917953,917954,917955,917956,917957,917958,917959,917960,917961,917962,917963,917964,917965,917966,917967,917968,917969,917970,917971,917972,917973,917974,917975,917976,917977,917978,917979,917980,917981,917982,917983,917984,917985,917986,917987,917988,917989,917990,917991,917992,917993,917994,917995,917996,917997,917998,917999]")}static getData(){return this._data||(this._data=new Set(om.getRawData())),this._data}static isInvisibleCharacter(e){return om.getData().has(e)}static get codePoints(){return om.getData()}}om._data=void 0;class o_{constructor(){this._zoomFactor=1}getZoomFactor(){return this._zoomFactor}}o_.INSTANCE=new o_;class oE extends nc{constructor(){super(),this._onDidChange=this._register(new nT),this.onDidChange=this._onDidChange.event,this._listener=()=>this._handleChange(!0),this._mediaQueryList=null,this._handleChange(!1)}_handleChange(e){var t;null===(t=this._mediaQueryList)||void 0===t||t.removeEventListener("change",this._listener),this._mediaQueryList=window.matchMedia(`(resolution: ${window.devicePixelRatio}dppx)`),this._mediaQueryList.addEventListener("change",this._listener),e&&this._onDidChange.fire()}}class ov extends nc{get value(){return this._value}constructor(){super(),this._onDidChange=this._register(new nT),this.onDidChange=this._onDidChange.event,this._value=this._getPixelRatio();let e=this._register(new oE);this._register(e.onDidChange(()=>{this._value=this._getPixelRatio(),this._onDidChange.fire(this._value)}))}_getPixelRatio(){let e=document.createElement("canvas").getContext("2d"),t=window.devicePixelRatio||1,i=e.webkitBackingStorePixelRatio||e.mozBackingStorePixelRatio||e.msBackingStorePixelRatio||e.oBackingStorePixelRatio||e.backingStorePixelRatio||1;return t/i}}function oC(e,t){"string"==typeof e&&(e=window.matchMedia(e)),e.addEventListener("change",t)}let ob=new class{constructor(){this._pixelRatioMonitor=null}_getOrCreatePixelRatioMonitor(){return this._pixelRatioMonitor||(this._pixelRatioMonitor=new ov),this._pixelRatioMonitor}get value(){return this._getOrCreatePixelRatioMonitor().value}get onDidChange(){return this._getOrCreatePixelRatioMonitor().onDidChange}},oS=navigator.userAgent,oT=oS.indexOf("Firefox")>=0,oy=oS.indexOf("AppleWebKit")>=0,oR=oS.indexOf("Chrome")>=0,oA=!oR&&oS.indexOf("Safari")>=0,oN=!oR&&!oA&&oy;oS.indexOf("Electron/");let oO=oS.indexOf("Android")>=0,oL=!1;if(window.matchMedia){let e=window.matchMedia("(display-mode: standalone) or (display-mode: window-controls-overlay)"),t=window.matchMedia("(display-mode: fullscreen)");oL=e.matches,oC(e,({matches:e})=>{oL&&t.matches||(oL=e)})}class oI{constructor(e){this.domNode=e,this._maxWidth="",this._width="",this._height="",this._top="",this._left="",this._bottom="",this._right="",this._paddingLeft="",this._fontFamily="",this._fontWeight="",this._fontSize="",this._fontStyle="",this._fontFeatureSettings="",this._fontVariationSettings="",this._textDecoration="",this._lineHeight="",this._letterSpacing="",this._className="",this._display="",this._position="",this._visibility="",this._color="",this._backgroundColor="",this._layerHint=!1,this._contain="none",this._boxShadow=""}setMaxWidth(e){let t=ow(e);this._maxWidth!==t&&(this._maxWidth=t,this.domNode.style.maxWidth=this._maxWidth)}setWidth(e){let t=ow(e);this._width!==t&&(this._width=t,this.domNode.style.width=this._width)}setHeight(e){let t=ow(e);this._height!==t&&(this._height=t,this.domNode.style.height=this._height)}setTop(e){let t=ow(e);this._top!==t&&(this._top=t,this.domNode.style.top=this._top)}setLeft(e){let t=ow(e);this._left!==t&&(this._left=t,this.domNode.style.left=this._left)}setBottom(e){let t=ow(e);this._bottom!==t&&(this._bottom=t,this.domNode.style.bottom=this._bottom)}setRight(e){let t=ow(e);this._right!==t&&(this._right=t,this.domNode.style.right=this._right)}setPaddingLeft(e){let t=ow(e);this._paddingLeft!==t&&(this._paddingLeft=t,this.domNode.style.paddingLeft=this._paddingLeft)}setFontFamily(e){this._fontFamily!==e&&(this._fontFamily=e,this.domNode.style.fontFamily=this._fontFamily)}setFontWeight(e){this._fontWeight!==e&&(this._fontWeight=e,this.domNode.style.fontWeight=this._fontWeight)}setFontSize(e){let t=ow(e);this._fontSize!==t&&(this._fontSize=t,this.domNode.style.fontSize=this._fontSize)}setFontStyle(e){this._fontStyle!==e&&(this._fontStyle=e,this.domNode.style.fontStyle=this._fontStyle)}setFontFeatureSettings(e){this._fontFeatureSettings!==e&&(this._fontFeatureSettings=e,this.domNode.style.fontFeatureSettings=this._fontFeatureSettings)}setFontVariationSettings(e){this._fontVariationSettings!==e&&(this._fontVariationSettings=e,this.domNode.style.fontVariationSettings=this._fontVariationSettings)}setTextDecoration(e){this._textDecoration!==e&&(this._textDecoration=e,this.domNode.style.textDecoration=this._textDecoration)}setLineHeight(e){let t=ow(e);this._lineHeight!==t&&(this._lineHeight=t,this.domNode.style.lineHeight=this._lineHeight)}setLetterSpacing(e){let t=ow(e);this._letterSpacing!==t&&(this._letterSpacing=t,this.domNode.style.letterSpacing=this._letterSpacing)}setClassName(e){this._className!==e&&(this._className=e,this.domNode.className=this._className)}toggleClassName(e,t){this.domNode.classList.toggle(e,t),this._className=this.domNode.className}setDisplay(e){this._display!==e&&(this._display=e,this.domNode.style.display=this._display)}setPosition(e){this._position!==e&&(this._position=e,this.domNode.style.position=this._position)}setVisibility(e){this._visibility!==e&&(this._visibility=e,this.domNode.style.visibility=this._visibility)}setColor(e){this._color!==e&&(this._color=e,this.domNode.style.color=this._color)}setBackgroundColor(e){this._backgroundColor!==e&&(this._backgroundColor=e,this.domNode.style.backgroundColor=this._backgroundColor)}setLayerHinting(e){this._layerHint!==e&&(this._layerHint=e,this.domNode.style.transform=this._layerHint?"translate3d(0px, 0px, 0px)":"")}setBoxShadow(e){this._boxShadow!==e&&(this._boxShadow=e,this.domNode.style.boxShadow=e)}setContain(e){this._contain!==e&&(this._contain=e,this.domNode.style.contain=this._contain)}setAttribute(e,t){this.domNode.setAttribute(e,t)}removeAttribute(e){this.domNode.removeAttribute(e)}appendChild(e){this.domNode.appendChild(e.domNode)}removeChild(e){this.domNode.removeChild(e.domNode)}}function ow(e){return"number"==typeof e?`${e}px`:e}function oD(e){return new oI(e)}function ox(e,t){e instanceof oI?(e.setFontFamily(t.getMassagedFontFamily()),e.setFontWeight(t.fontWeight),e.setFontSize(t.fontSize),e.setFontFeatureSettings(t.fontFeatureSettings),e.setFontVariationSettings(t.fontVariationSettings),e.setLineHeight(t.lineHeight),e.setLetterSpacing(t.letterSpacing)):(e.style.fontFamily=t.getMassagedFontFamily(),e.style.fontWeight=t.fontWeight,e.style.fontSize=t.fontSize+"px",e.style.fontFeatureSettings=t.fontFeatureSettings,e.style.fontVariationSettings=t.fontVariationSettings,e.style.lineHeight=t.lineHeight+"px",e.style.letterSpacing=t.letterSpacing+"px")}class oM{constructor(e,t){this.chr=e,this.type=t,this.width=0}fulfill(e){this.width=e}}class ok{constructor(e,t){this._bareFontInfo=e,this._requests=t,this._container=null,this._testElements=null}read(){this._createDomElements(),document.body.appendChild(this._container),this._readFromDomElements(),document.body.removeChild(this._container),this._container=null,this._testElements=null}_createDomElements(){let e=document.createElement("div");e.style.position="absolute",e.style.top="-50000px",e.style.width="50000px";let t=document.createElement("div");ox(t,this._bareFontInfo),e.appendChild(t);let i=document.createElement("div");ox(i,this._bareFontInfo),i.style.fontWeight="bold",e.appendChild(i);let n=document.createElement("div");ox(n,this._bareFontInfo),n.style.fontStyle="italic",e.appendChild(n);let r=[];for(let e of this._requests){let o;0===e.type&&(o=t),2===e.type&&(o=i),1===e.type&&(o=n),o.appendChild(document.createElement("br"));let s=document.createElement("span");ok._render(s,e),o.appendChild(s),r.push(s)}this._container=e,this._testElements=r}static _render(e,t){if(" "===t.chr){let t="\xa0";for(let e=0;e<8;e++)t+=t;e.innerText=t}else{let i=t.chr;for(let e=0;e<8;e++)i+=i;e.textContent=i}}_readFromDomElements(){for(let e=0,t=this._requests.length;ethis._values[e])}}let oV=new class extends nc{constructor(){super(),this._onDidChange=this._register(new nT),this.onDidChange=this._onDidChange.event,this._cache=new oH,this._evictUntrustedReadingsTimeout=-1}dispose(){-1!==this._evictUntrustedReadingsTimeout&&(window.clearTimeout(this._evictUntrustedReadingsTimeout),this._evictUntrustedReadingsTimeout=-1),super.dispose()}clearAllFontInfos(){this._cache=new oH,this._onDidChange.fire()}_writeToCache(e,t){this._cache.put(e,t),t.isTrusted||-1!==this._evictUntrustedReadingsTimeout||(this._evictUntrustedReadingsTimeout=window.setTimeout(()=>{this._evictUntrustedReadingsTimeout=-1,this._evictUntrustedReadings()},5e3))}_evictUntrustedReadings(){let e=this._cache.getValues(),t=!1;for(let i of e)i.isTrusted||(t=!0,this._cache.remove(i));t&&this._onDidChange.fire()}readFontInfo(e){if(!this._cache.has(e)){let t=this._actualReadFontInfo(e);(t.typicalHalfwidthCharacterWidth<=2||t.typicalFullwidthCharacterWidth<=2||t.spaceWidth<=2||t.maxDigitWidth<=2)&&(t=new oU({pixelRatio:ob.value,fontFamily:t.fontFamily,fontWeight:t.fontWeight,fontSize:t.fontSize,fontFeatureSettings:t.fontFeatureSettings,fontVariationSettings:t.fontVariationSettings,lineHeight:t.lineHeight,letterSpacing:t.letterSpacing,isMonospace:t.isMonospace,typicalHalfwidthCharacterWidth:Math.max(t.typicalHalfwidthCharacterWidth,5),typicalFullwidthCharacterWidth:Math.max(t.typicalFullwidthCharacterWidth,5),canUseHalfwidthRightwardsArrow:t.canUseHalfwidthRightwardsArrow,spaceWidth:Math.max(t.spaceWidth,5),middotWidth:Math.max(t.middotWidth,5),wsmiddotWidth:Math.max(t.wsmiddotWidth,5),maxDigitWidth:Math.max(t.maxDigitWidth,5)},!1)),this._writeToCache(e,t)}return this._cache.get(e)}_createRequest(e,t,i,n){let r=new oM(e,t);return i.push(r),null==n||n.push(r),r}_actualReadFontInfo(e){let t=[],i=[],n=this._createRequest("n",0,t,i),r=this._createRequest("m",0,t,null),o=this._createRequest(" ",0,t,i),s=this._createRequest("0",0,t,i),a=this._createRequest("1",0,t,i),l=this._createRequest("2",0,t,i),h=this._createRequest("3",0,t,i),u=this._createRequest("4",0,t,i),d=this._createRequest("5",0,t,i),c=this._createRequest("6",0,t,i),g=this._createRequest("7",0,t,i),f=this._createRequest("8",0,t,i),p=this._createRequest("9",0,t,i),m=this._createRequest("→",0,t,i),_=this._createRequest("→",0,t,null),E=this._createRequest("\xb7",0,t,i),v=this._createRequest(String.fromCharCode(11825),0,t,null),C="|/-_ilm%";for(let e=0,n=C.length;e.001){S=!1;break}}let y=!0;return S&&_.width!==T&&(y=!1),_.width>m.width&&(y=!1),new oU({pixelRatio:ob.value,fontFamily:e.fontFamily,fontWeight:e.fontWeight,fontSize:e.fontSize,fontFeatureSettings:e.fontFeatureSettings,fontVariationSettings:e.fontVariationSettings,lineHeight:e.lineHeight,letterSpacing:e.letterSpacing,isMonospace:S,typicalHalfwidthCharacterWidth:n.width,typicalFullwidthCharacterWidth:r.width,canUseHalfwidthRightwardsArrow:y,spaceWidth:o.width,middotWidth:E.width,wsmiddotWidth:v.width,maxDigitWidth:b},!0)}};(eg=tY||(tY={})).serviceIds=new Map,eg.DI_TARGET="$di$target",eg.DI_DEPENDENCIES="$di$dependencies",eg.getServiceDependencies=function(e){return e[eg.DI_DEPENDENCIES]||[]};let oW=oG("instantiationService");function oG(e){if(tY.serviceIds.has(e))return tY.serviceIds.get(e);let t=function(e,i,n){if(3!=arguments.length)throw Error("@IServiceName-decorator can only be used to decorate a parameter");e[tY.DI_TARGET]===e?e[tY.DI_DEPENDENCIES].push({id:t,index:n}):(e[tY.DI_DEPENDENCIES]=[{id:t,index:n}],e[tY.DI_TARGET]=e)};return t.toString=()=>e,tY.serviceIds.set(e,t),t}let oj=oG("codeEditorService");function oz(e,t){if(!e)throw Error(t?`Assertion failed (${t})`:"Assertion Failed")}function oK(e,t="Unreachable"){throw Error(t)}function oY(e){e()||(e(),i1(new nt("Assertion Failed")))}function o$(e,t){let i=0;for(;i\-\./\\:\*\?\+\[\]\^,#@;"%\$\p{L}-]+/uy}static getLexeme(e){switch(e.type){case 0:return"(";case 1:return")";case 2:return"!";case 3:return e.isTripleEq?"===":"==";case 4:return e.isTripleEq?"!==":"!=";case 5:return"<";case 6:return"<=";case 7:case 8:return">=";case 9:return"=~";case 10:case 17:case 18:case 19:return e.lexeme;case 11:return"true";case 12:return"false";case 13:return"in";case 14:return"not";case 15:return"&&";case 16:return"||";case 20:return"EOF";default:throw i7(`unhandled token type: ${JSON.stringify(e)}; have you forgotten to add a case?`)}}reset(e){return this._input=e,this._start=0,this._current=0,this._tokens=[],this._errors=[],this}scan(){for(;!this._isAtEnd();){this._start=this._current;let e=this._advance();switch(e){case 40:this._addToken(0);break;case 41:this._addToken(1);break;case 33:if(this._match(61)){let e=this._match(61);this._tokens.push({type:4,offset:this._start,isTripleEq:e})}else this._addToken(2);break;case 39:this._quotedString();break;case 47:this._regex();break;case 61:if(this._match(61)){let e=this._match(61);this._tokens.push({type:3,offset:this._start,isTripleEq:e})}else this._match(126)?this._addToken(9):this._error(o0("==","=~"));break;case 60:this._addToken(this._match(61)?6:5);break;case 62:this._addToken(this._match(61)?8:7);break;case 38:this._match(38)?this._addToken(15):this._error(o0("&&"));break;case 124:this._match(124)?this._addToken(16):this._error(o0("||"));break;case 32:case 13:case 9:case 10:case 160:break;default:this._string()}}return this._start=this._current,this._addToken(20),Array.from(this._tokens)}_match(e){return!this._isAtEnd()&&this._input.charCodeAt(this._current)===e&&(this._current++,!0)}_advance(){return this._input.charCodeAt(this._current++)}_peek(){return this._isAtEnd()?0:this._input.charCodeAt(this._current)}_addToken(e){this._tokens.push({type:e,offset:this._start})}_error(e){let t=this._start,i=this._input.substring(this._start,this._current),n={type:19,offset:this._start,lexeme:i};this._errors.push({offset:t,lexeme:i,additionalInfo:e}),this._tokens.push(n)}_string(){this.stringRe.lastIndex=this._start;let e=this.stringRe.exec(this._input);if(e){this._current=this._start+e[0].length;let t=this._input.substring(this._start,this._current),i=o5._keywords.get(t);i?this._addToken(i):this._tokens.push({type:17,lexeme:t,offset:this._start})}}_quotedString(){for(;39!==this._peek()&&!this._isAtEnd();)this._advance();if(this._isAtEnd()){this._error(o1);return}this._advance(),this._tokens.push({type:18,lexeme:this._input.substring(this._start+1,this._current-1),offset:this._start+1})}_regex(){let e=this._current,t=!1,i=!1;for(;;){if(e>=this._input.length){this._current=e,this._error(o2);return}let n=this._input.charCodeAt(e);if(t)t=!1;else if(47!==n||i)91===n?i=!0:92===n?t=!0:93===n&&(i=!1);else{e++;break}e++}for(;e=this._input.length}}o5._regexFlags=new Set(["i","g","s","m","y","u"].map(e=>e.charCodeAt(0))),o5._keywords=new Map([["not",14],["in",13],["false",12],["true",11]]);let o4=new Map;o4.set("false",!1),o4.set("true",!0),o4.set("isMac",nz.dz),o4.set("isLinux",nz.IJ),o4.set("isWindows",nz.ED),o4.set("isWeb",nz.$L),o4.set("isMacNative",nz.dz&&!nz.$L),o4.set("isEdge",nz.un),o4.set("isFirefox",nz.vU),o4.set("isChrome",nz.i7),o4.set("isSafari",nz.G6);let o3=Object.prototype.hasOwnProperty,o6={regexParsingWithErrorRecovery:!0},o9=(0,rN.NC)("contextkey.parser.error.emptyString","Empty context key expression"),o7=(0,rN.NC)("contextkey.parser.error.emptyString.hint","Did you forget to write an expression? You can also put 'false' or 'true' to always evaluate to false or true, respectively."),o8=(0,rN.NC)("contextkey.parser.error.noInAfterNot","'in' after 'not'."),se=(0,rN.NC)("contextkey.parser.error.closingParenthesis","closing parenthesis ')'"),st=(0,rN.NC)("contextkey.parser.error.unexpectedToken","Unexpected token"),si=(0,rN.NC)("contextkey.parser.error.unexpectedToken.hint","Did you forget to put && or || before the token?"),sn=(0,rN.NC)("contextkey.parser.error.unexpectedEOF","Unexpected end of expression"),sr=(0,rN.NC)("contextkey.parser.error.unexpectedEOF.hint","Did you forget to put a context key?");class so{constructor(e=o6){this._config=e,this._scanner=new o5,this._tokens=[],this._current=0,this._parsingErrors=[],this._flagsGYRe=/g|y/g}parse(e){if(""===e){this._parsingErrors.push({message:o9,offset:0,lexeme:"",additionalInfo:o7});return}this._tokens=this._scanner.reset(e).scan(),this._current=0,this._parsingErrors=[];try{let e=this._expr();if(!this._isAtEnd()){let e=this._peek(),t=17===e.type?si:void 0;throw this._parsingErrors.push({message:st,offset:e.offset,lexeme:o5.getLexeme(e),additionalInfo:t}),so._parseError}return e}catch(e){if(e!==so._parseError)throw e;return}}_expr(){return this._or()}_or(){let e=[this._and()];for(;this._matchOne(16);){let t=this._and();e.push(t)}return 1===e.length?e[0]:ss.or(...e)}_and(){let e=[this._term()];for(;this._matchOne(15);){let t=this._term();e.push(t)}return 1===e.length?e[0]:ss.and(...e)}_term(){if(this._matchOne(2)){let e=this._peek();switch(e.type){case 11:return this._advance(),sl.INSTANCE;case 12:return this._advance(),sh.INSTANCE;case 0:{this._advance();let e=this._expr();return this._consume(1,se),null==e?void 0:e.negate()}case 17:return this._advance(),sp.create(e.lexeme);default:throw this._errExpectedButGot("KEY | true | false | '(' expression ')'",e)}}return this._primary()}_primary(){let e=this._peek();switch(e.type){case 11:return this._advance(),ss.true();case 12:return this._advance(),ss.false();case 0:{this._advance();let e=this._expr();return this._consume(1,se),e}case 17:{let t=e.lexeme;if(this._advance(),this._matchOne(9)){let e=this._peek();if(!this._config.regexParsingWithErrorRecovery){let i;if(this._advance(),10!==e.type)throw this._errExpectedButGot("REGEX",e);let n=e.lexeme,r=n.lastIndexOf("/"),o=r===n.length-1?void 0:this._removeFlagsGY(n.substring(r+1));try{i=new RegExp(n.substring(1,r),o)}catch(t){throw this._errExpectedButGot("REGEX",e)}return sb.create(t,i)}switch(e.type){case 10:case 19:{let i;let n=[e.lexeme];this._advance();let r=this._peek(),o=0;for(let t=0;t=0){let o=i.slice(t+1,r),s="i"===i[r+1]?"i":"";try{n=new RegExp(o,s)}catch(t){throw this._errExpectedButGot("REGEX",e)}}}if(null===n)throw this._errExpectedButGot("REGEX",e);return sb.create(t,n)}default:throw this._errExpectedButGot("REGEX",this._peek())}}if(this._matchOne(14)){this._consume(13,o8);let e=this._value();return ss.notIn(t,e)}let i=this._peek().type;switch(i){case 3:{this._advance();let e=this._value();if(18===this._previous().type)return ss.equals(t,e);switch(e){case"true":return ss.has(t);case"false":return ss.not(t);default:return ss.equals(t,e)}}case 4:{this._advance();let e=this._value();if(18===this._previous().type)return ss.notEquals(t,e);switch(e){case"true":return ss.not(t);case"false":return ss.has(t);default:return ss.notEquals(t,e)}}case 5:return this._advance(),sv.create(t,this._value());case 6:return this._advance(),sC.create(t,this._value());case 7:return this._advance(),s_.create(t,this._value());case 8:return this._advance(),sE.create(t,this._value());case 13:return this._advance(),ss.in(t,this._value());default:return ss.has(t)}}case 20:throw this._parsingErrors.push({message:sn,offset:e.offset,lexeme:"",additionalInfo:sr}),so._parseError;default:throw this._errExpectedButGot(`true | false | KEY +(self.webpackChunk_N_E=self.webpackChunk_N_E||[]).push([[739],{96991:function(e,t,i){"use strict";i.d(t,{Z:function(){return a}});var n=i(87462),r=i(67294),o={icon:{tag:"svg",attrs:{viewBox:"64 64 896 896",focusable:"false"},children:[{tag:"path",attrs:{d:"M864 144H560c-8.8 0-16 7.2-16 16v304c0 8.8 7.2 16 16 16h304c8.8 0 16-7.2 16-16V160c0-8.8-7.2-16-16-16zm0 400H560c-8.8 0-16 7.2-16 16v304c0 8.8 7.2 16 16 16h304c8.8 0 16-7.2 16-16V560c0-8.8-7.2-16-16-16zM464 144H160c-8.8 0-16 7.2-16 16v304c0 8.8 7.2 16 16 16h304c8.8 0 16-7.2 16-16V160c0-8.8-7.2-16-16-16zm0 400H160c-8.8 0-16 7.2-16 16v304c0 8.8 7.2 16 16 16h304c8.8 0 16-7.2 16-16V560c0-8.8-7.2-16-16-16z"}}]},name:"appstore",theme:"filled"},s=i(84089),a=r.forwardRef(function(e,t){return r.createElement(s.Z,(0,n.Z)({},e,{ref:t,icon:o}))})},29158:function(e,t,i){"use strict";i.d(t,{Z:function(){return a}});var n=i(87462),r=i(67294),o={icon:{tag:"svg",attrs:{viewBox:"64 64 896 896",focusable:"false"},children:[{tag:"path",attrs:{d:"M574 665.4a8.03 8.03 0 00-11.3 0L446.5 781.6c-53.8 53.8-144.6 59.5-204 0-59.5-59.5-53.8-150.2 0-204l116.2-116.2c3.1-3.1 3.1-8.2 0-11.3l-39.8-39.8a8.03 8.03 0 00-11.3 0L191.4 526.5c-84.6 84.6-84.6 221.5 0 306s221.5 84.6 306 0l116.2-116.2c3.1-3.1 3.1-8.2 0-11.3L574 665.4zm258.6-474c-84.6-84.6-221.5-84.6-306 0L410.3 307.6a8.03 8.03 0 000 11.3l39.7 39.7c3.1 3.1 8.2 3.1 11.3 0l116.2-116.2c53.8-53.8 144.6-59.5 204 0 59.5 59.5 53.8 150.2 0 204L665.3 562.6a8.03 8.03 0 000 11.3l39.8 39.8c3.1 3.1 8.2 3.1 11.3 0l116.2-116.2c84.5-84.6 84.5-221.5 0-306.1zM610.1 372.3a8.03 8.03 0 00-11.3 0L372.3 598.7a8.03 8.03 0 000 11.3l39.6 39.6c3.1 3.1 8.2 3.1 11.3 0l226.4-226.4c3.1-3.1 3.1-8.2 0-11.3l-39.5-39.6z"}}]},name:"link",theme:"outlined"},s=i(84089),a=r.forwardRef(function(e,t){return r.createElement(s.Z,(0,n.Z)({},e,{ref:t,icon:o}))})},49591:function(e,t,i){"use strict";i.d(t,{Z:function(){return a}});var n=i(87462),r=i(67294),o={icon:{tag:"svg",attrs:{viewBox:"64 64 896 896",focusable:"false"},children:[{tag:"path",attrs:{d:"M880 112H144c-17.7 0-32 14.3-32 32v736c0 17.7 14.3 32 32 32h360c4.4 0 8-3.6 8-8v-56c0-4.4-3.6-8-8-8H184V184h656v320c0 4.4 3.6 8 8 8h56c4.4 0 8-3.6 8-8V144c0-17.7-14.3-32-32-32zM653.3 599.4l52.2-52.2a8.01 8.01 0 00-4.7-13.6l-179.4-21c-5.1-.6-9.5 3.7-8.9 8.9l21 179.4c.8 6.6 8.9 9.4 13.6 4.7l52.4-52.4 256.2 256.2c3.1 3.1 8.2 3.1 11.3 0l42.4-42.4c3.1-3.1 3.1-8.2 0-11.3L653.3 599.4z"}}]},name:"select",theme:"outlined"},s=i(84089),a=r.forwardRef(function(e,t){return r.createElement(s.Z,(0,n.Z)({},e,{ref:t,icon:o}))})},88484:function(e,t,i){"use strict";i.d(t,{Z:function(){return a}});var n=i(87462),r=i(67294),o={icon:{tag:"svg",attrs:{viewBox:"64 64 896 896",focusable:"false"},children:[{tag:"path",attrs:{d:"M400 317.7h73.9V656c0 4.4 3.6 8 8 8h60c4.4 0 8-3.6 8-8V317.7H624c6.7 0 10.4-7.7 6.3-12.9L518.3 163a8 8 0 00-12.6 0l-112 141.7c-4.1 5.3-.4 13 6.3 13zM878 626h-60c-4.4 0-8 3.6-8 8v154H214V634c0-4.4-3.6-8-8-8h-60c-4.4 0-8 3.6-8 8v198c0 17.7 14.3 32 32 32h684c17.7 0 32-14.3 32-32V634c0-4.4-3.6-8-8-8z"}}]},name:"upload",theme:"outlined"},s=i(84089),a=r.forwardRef(function(e,t){return r.createElement(s.Z,(0,n.Z)({},e,{ref:t,icon:o}))})},5165:function(e,t,i){"use strict";i.d(t,{w:function(){return tz}});var n=i(97582),r={line_chart:{id:"line_chart",name:"Line Chart",alias:["Lines"],family:["LineCharts"],def:"A line chart uses lines with segments to show changes in data in a ordinal dimension.",purpose:["Comparison","Trend","Anomaly"],coord:["Cartesian2D"],category:["Statistic"],shape:["Lines"],dataPres:[{minQty:1,maxQty:1,fieldConditions:["Time","Ordinal"]},{minQty:0,maxQty:1,fieldConditions:["Nominal"]},{minQty:1,maxQty:1,fieldConditions:["Interval"]}],channel:["Position","Direction"],recRate:"Recommended"},step_line_chart:{id:"step_line_chart",name:"Step Line Chart",alias:["Step Lines"],family:["LineCharts"],def:"A step line chart is a line chart in which points of each line are connected by horizontal and vertical line segments, looking like steps of a staircase.",purpose:["Comparison","Trend"],coord:["Cartesian2D"],category:["Statistic"],shape:["Lines"],dataPres:[{minQty:1,maxQty:1,fieldConditions:["Time","Ordinal"]},{minQty:0,maxQty:1,fieldConditions:["Nominal"]},{minQty:1,maxQty:1,fieldConditions:["Interval"]}],channel:["Position","Direction"],recRate:"Recommended"},area_chart:{id:"area_chart",name:"Area Chart",alias:[],family:["AreaCharts"],def:"An area chart uses series of line segments with overlapped areas to show the change in data in a ordinal dimension.",purpose:["Comparison","Trend","Anomaly"],coord:["Cartesian2D"],category:["Statistic"],shape:["Area"],dataPres:[{minQty:1,maxQty:1,fieldConditions:["Time","Ordinal"]},{minQty:1,maxQty:1,fieldConditions:["Interval"]},{minQty:0,maxQty:1,fieldConditions:["Nominal"]}],channel:["Color","Position"],recRate:"Recommended"},stacked_area_chart:{id:"stacked_area_chart",name:"Stacked Area Chart",alias:[],family:["AreaCharts"],def:"A stacked area chart uses layered line segments with different styles of padding regions to display how multiple sets of data change in the same ordinal dimension, and the endpoint heights of the segments on the same dimension tick are accumulated by value.",purpose:["Composition","Trend"],coord:["Cartesian2D"],category:["Statistic"],shape:["Area"],dataPres:[{minQty:1,maxQty:1,fieldConditions:["Time","Ordinal"]},{minQty:1,maxQty:1,fieldConditions:["Interval"]},{minQty:1,maxQty:1,fieldConditions:["Nominal"]}],channel:["Color","Length"],recRate:"Recommended"},percent_stacked_area_chart:{id:"percent_stacked_area_chart",name:"Percent Stacked Area Chart",alias:["Percent Stacked Area","% Stacked Area","100% Stacked Area"],family:["AreaCharts"],def:"A percent stacked area chart is an extented stacked area chart in which the height of the endpoints of the line segment on the same dimension tick is the accumulated proportion of the ratio, which is 100% of the total.",purpose:["Comparison","Composition","Proportion","Trend"],coord:["Cartesian2D"],category:["Statistic"],shape:["Area"],dataPres:[{minQty:1,maxQty:1,fieldConditions:["Time","Ordinal"]},{minQty:1,maxQty:1,fieldConditions:["Interval"]},{minQty:1,maxQty:1,fieldConditions:["Nominal"]}],channel:["Color","Length"],recRate:"Recommended"},column_chart:{id:"column_chart",name:"Column Chart",alias:["Columns"],family:["ColumnCharts"],def:"A column chart uses series of columns to display the value of the dimension. The horizontal axis shows the classification dimension and the vertical axis shows the corresponding value.",purpose:["Comparison","Distribution","Rank"],coord:["Cartesian2D"],category:["Statistic"],shape:["Bars"],dataPres:[{minQty:1,maxQty:2,fieldConditions:["Nominal","Ordinal"]},{minQty:1,maxQty:1,fieldConditions:["Interval"]}],channel:["Position","Color"],recRate:"Recommended"},grouped_column_chart:{id:"grouped_column_chart",name:"Grouped Column Chart",alias:["Grouped Column"],family:["ColumnCharts"],def:"A grouped column chart uses columns of different colors to form a group to display the values of dimensions. The horizontal axis indicates the grouping of categories, the color indicates the categories, and the vertical axis shows the corresponding value.",purpose:["Comparison","Distribution","Rank"],coord:["Cartesian2D"],category:["Statistic"],shape:["Bars"],dataPres:[{minQty:2,maxQty:2,fieldConditions:["Nominal","Ordinal"]},{minQty:1,maxQty:1,fieldConditions:["Interval"]}],channel:["Color","Position"],recRate:"Recommended"},stacked_column_chart:{id:"stacked_column_chart",name:"Stacked Column Chart",alias:["Stacked Column"],family:["ColumnCharts"],def:"A stacked column chart uses stacked bars of different colors to display the values for each dimension. The horizontal axis indicates the first classification dimension, the color indicates the second classification dimension, and the vertical axis shows the corresponding value.",purpose:["Comparison","Composition","Distribution","Rank"],coord:["Cartesian2D"],category:["Statistic"],shape:["Bars"],dataPres:[{minQty:2,maxQty:2,fieldConditions:["Nominal","Ordinal"]},{minQty:1,maxQty:1,fieldConditions:["Interval"]}],channel:["Color","Length","Position"],recRate:"Recommended"},percent_stacked_column_chart:{id:"percent_stacked_column_chart",name:"Percent Stacked Column Chart",alias:["Percent Stacked Column","% Stacked Column","100% Stacked Column"],family:["ColumnCharts"],def:"A percent stacked column chart uses stacked bars of different colors to display the values for each dimension. The horizontal axis indicates the first classification dimension, the color indicates the second classification dimension, and the vertical axis shows the percentage of the corresponding classification.",purpose:["Comparison","Composition","Distribution","Proportion"],coord:["Cartesian2D"],category:["Statistic"],shape:["Bars"],dataPres:[{minQty:2,maxQty:2,fieldConditions:["Nominal","Ordinal"]},{minQty:1,maxQty:1,fieldConditions:["Interval"]}],channel:["Color","Length"],recRate:"Recommended"},range_column_chart:{id:"range_column_chart",name:"Range Column Chart",alias:[],family:["ColumnCharts"],def:"A column chart that does not have to start from zero axis.",purpose:["Comparison"],coord:["Cartesian2D"],category:["Statistic"],shape:["Bars"],dataPres:[{minQty:2,maxQty:2,fieldConditions:["Interval","Ordinal"]},{minQty:1,maxQty:1,fieldConditions:["Nominal"]}],channel:["Length"],recRate:"Recommended"},waterfall_chart:{id:"waterfall_chart",name:"Waterfall Chart",alias:["Flying Bricks Chart","Mario Chart","Bridge Chart","Cascade Chart"],family:["ColumnCharts"],def:"A waterfall chart is used to portray how an initial value is affected by a series of intermediate positive or negative values",purpose:["Comparison","Trend"],coord:["Cartesian2D"],category:["Statistic"],shape:["Bars"],dataPres:[{minQty:1,maxQty:1,fieldConditions:["Ordinal","Time","Nominal"]},{minQty:1,maxQty:1,fieldConditions:["Interval"]}],channel:["Color","Length","Position"],recRate:"Recommended"},histogram:{id:"histogram",name:"Histogram",alias:[],family:["ColumnCharts"],def:"A histogram is an accurate representation of the distribution of numerical data.",purpose:["Distribution"],coord:["Cartesian2D"],category:["Statistic"],shape:["Bars"],dataPres:[{minQty:1,maxQty:1,fieldConditions:["Interval"]}],channel:["Position"],recRate:"Recommended"},bar_chart:{id:"bar_chart",name:"Bar Chart",alias:["Bars"],family:["BarCharts"],def:"A bar chart uses series of bars to display the value of the dimension. The vertical axis shows the classification dimension and the horizontal axis shows the corresponding value.",purpose:["Comparison","Distribution","Rank"],coord:["Cartesian2D"],category:["Statistic"],shape:["Bars"],dataPres:[{minQty:1,maxQty:2,fieldConditions:["Nominal","Ordinal"]},{minQty:1,maxQty:1,fieldConditions:["Interval"]}],channel:["Position","Color"],recRate:"Recommended"},stacked_bar_chart:{id:"stacked_bar_chart",name:"Stacked Bar Chart",alias:["Stacked Bar"],family:["BarCharts"],def:"A stacked bar chart uses stacked bars of different colors to display the values for each dimension. The vertical axis indicates the first classification dimension, the color indicates the second classification dimension, and the horizontal axis shows the corresponding value.",purpose:["Comparison","Composition","Distribution","Rank"],coord:["Cartesian2D"],category:["Statistic"],shape:["Bars"],dataPres:[{minQty:2,maxQty:2,fieldConditions:["Nominal","Ordinal"]},{minQty:1,maxQty:1,fieldConditions:["Interval"]}],channel:["Color","Length","Position"],recRate:"Recommended"},percent_stacked_bar_chart:{id:"percent_stacked_bar_chart",name:"Percent Stacked Bar Chart",alias:["Percent Stacked Bar","% Stacked Bar","100% Stacked Bar"],family:["BarCharts"],def:"A percent stacked column chart uses stacked bars of different colors to display the values for each dimension. The vertical axis indicates the first classification dimension, the color indicates the second classification dimension, and the horizontal axis shows the percentage of the corresponding classification.",purpose:["Comparison","Composition","Distribution","Proportion"],coord:["Cartesian2D"],category:["Statistic"],shape:["Bars"],dataPres:[{minQty:2,maxQty:2,fieldConditions:["Nominal","Ordinal"]},{minQty:1,maxQty:1,fieldConditions:["Interval"]}],channel:["Color","Length"],recRate:"Recommended"},grouped_bar_chart:{id:"grouped_bar_chart",name:"Grouped Bar Chart",alias:["Grouped Bar"],family:["BarCharts"],def:"A grouped bar chart uses bars of different colors to form a group to display the values of the dimensions. The vertical axis indicates the grouping of categories, the color indicates the categories, and the horizontal axis shows the corresponding value.",purpose:["Comparison","Distribution","Rank"],coord:["Cartesian2D"],category:["Statistic"],shape:["Bars"],dataPres:[{minQty:2,maxQty:2,fieldConditions:["Nominal","Ordinal"]},{minQty:1,maxQty:1,fieldConditions:["Interval"]}],channel:["Color","Position"],recRate:"Recommended"},range_bar_chart:{id:"range_bar_chart",name:"Range Bar Chart",alias:[],family:["BarCharts"],def:"A bar chart that does not have to start from zero axis.",purpose:["Comparison"],coord:["Cartesian2D"],category:["Statistic"],shape:["Bars"],dataPres:[{minQty:2,maxQty:2,fieldConditions:["Interval"]},{minQty:1,maxQty:1,fieldConditions:["Nominal","Ordinal"]}],channel:["Length"],recRate:"Recommended"},radial_bar_chart:{id:"radial_bar_chart",name:"Radial Bar Chart",alias:["Radial Column Chart"],family:["BarCharts"],def:"A bar chart that is plotted in the polar coordinate system. The axis along radius shows the classification dimension and the angle shows the corresponding value.",purpose:["Comparison","Distribution","Rank"],coord:["Polar"],category:["Statistic"],shape:["Round"],dataPres:[{minQty:1,maxQty:2,fieldConditions:["Nominal","Ordinal"]},{minQty:1,maxQty:1,fieldConditions:["Interval"]}],channel:["Angle","Color"],recRate:"Recommended"},bullet_chart:{id:"bullet_chart",name:"Bullet Chart",alias:[],family:["BarCharts"],def:"A bullet graph is a variation of a bar graph developed by Stephen Few. Seemingly inspired by the traditional thermometer charts and progress bars found in many dashboards, the bullet graph serves as a replacement for dashboard gauges and meters.",purpose:["Proportion"],coord:["Cartesian2D"],category:["Statistic"],shape:["Bars"],dataPres:[{minQty:3,maxQty:3,fieldConditions:["Interval"]},{minQty:1,maxQty:1,fieldConditions:["Nominal","Ordinal"]}],channel:["Position","Color"],recRate:"Recommended"},pie_chart:{id:"pie_chart",name:"Pie Chart",alias:["Circle Chart","Pie"],family:["PieCharts"],def:"A pie chart is a chart that the classification and proportion of data are represented by the color and arc length (angle, area) of the sector.",purpose:["Comparison","Composition","Proportion"],coord:["Polar"],category:["Statistic"],shape:["Round"],dataPres:[{minQty:1,maxQty:1,fieldConditions:["Nominal","Ordinal"]},{minQty:1,maxQty:1,fieldConditions:["Interval"]}],channel:["Angle","Area","Color"],recRate:"Use with Caution"},donut_chart:{id:"donut_chart",name:"Donut Chart",alias:["Donut","Doughnut","Doughnut Chart","Ring Chart"],family:["PieCharts"],def:"A donut chart is a variation on a Pie chart except it has a round hole in the center which makes it look like a donut.",purpose:["Comparison","Composition","Proportion"],coord:["Polar"],category:["Statistic"],shape:["Round"],dataPres:[{minQty:1,maxQty:1,fieldConditions:["Nominal","Ordinal"]},{minQty:1,maxQty:1,fieldConditions:["Interval"]}],channel:["ArcLength"],recRate:"Recommended"},nested_pie_chart:{id:"nested_pie_chart",name:"Nested Pie Chart",alias:["Nested Circle Chart","Nested Pie","Nested Donut Chart"],family:["PieCharts"],def:"A nested pie chart is a chart that contains several donut charts, where all the donut charts share the same center in position.",purpose:["Comparison","Composition","Proportion"],coord:["Polar"],category:["Statistic"],shape:["Round"],dataPres:[{minQty:1,maxQty:1,fieldConditions:["Nominal","Ordinal"]},{minQty:1,maxQty:"*",fieldConditions:["Interval"]}],channel:["Angle","Area","Color","Position"],recRate:"Use with Caution"},rose_chart:{id:"rose_chart",name:"Rose Chart",alias:["Nightingale Chart","Polar Area Chart","Coxcomb Chart"],family:["PieCharts"],def:"Nightingale Rose Chart is a peculiar combination of the Radar Chart and Stacked Column Chart types of data visualization.",purpose:["Comparison","Composition","Proportion"],coord:["Polar"],category:["Statistic"],shape:["Round"],dataPres:[{minQty:1,maxQty:1,fieldConditions:["Nominal","Ordinal"]},{minQty:1,maxQty:1,fieldConditions:["Interval"]}],channel:["Angle","Color","Length"],recRate:"Use with Caution"},scatter_plot:{id:"scatter_plot",name:"Scatter Plot",alias:["Scatter Chart","Scatterplot"],family:["ScatterCharts"],def:"A scatter plot is a type of plot or mathematical diagram using Cartesian coordinates to display values for typically two variables for series of data.",purpose:["Comparison","Distribution","Anomaly"],coord:["Cartesian2D"],category:["Statistic"],shape:["Scatter"],dataPres:[{minQty:2,maxQty:2,fieldConditions:["Interval"]},{minQty:0,maxQty:1,fieldConditions:["Nominal"]}],channel:["Color","Position"],recRate:"Recommended"},bubble_chart:{id:"bubble_chart",name:"Bubble Chart",alias:["Bubble Chart"],family:["ScatterCharts"],def:"A bubble chart is a type of chart that displays four dimensions of data with x, y positions, circle size and circle color.",purpose:["Comparison","Distribution"],coord:["Cartesian2D"],category:["Statistic"],shape:["Scatter"],dataPres:[{minQty:3,maxQty:3,fieldConditions:["Interval"]},{minQty:0,maxQty:1,fieldConditions:["Nominal"]}],channel:["Color","Position","Size"],recRate:"Recommended"},non_ribbon_chord_diagram:{id:"non_ribbon_chord_diagram",name:"Non-Ribbon Chord Diagram",alias:[],family:["GeneralGraph"],def:"A stripped-down version of a Chord Diagram, with only the connection lines showing. This provides more emphasis on the connections within the data.",purpose:["Relation"],coord:["Cartesian2D"],category:["Graph"],shape:["Network"],dataPres:[{minQty:1,maxQty:"*",fieldConditions:["Nominal"]}],channel:["Color","Size","Opacity","Stroke","LineWidth"],recRate:"Recommended"},arc_diagram:{id:"arc_diagram",name:"Arc Diagram",alias:[],family:["GeneralGraph"],def:"A graph where the edges are represented as arcs.",purpose:["Relation"],coord:["Cartesian2D"],category:["Graph"],shape:["Network"],dataPres:[{minQty:1,maxQty:"*",fieldConditions:["Nominal"]}],channel:["Color","Size","Opacity","Stroke","LineWidth"],recRate:"Recommended"},chord_diagram:{id:"chord_diagram",name:"Chord Diagram",alias:[],family:["GeneralGraph"],def:"A graphical method of displaying the inter-relationships between data in a matrix. The data are arranged radially around a circle with the relationships between the data points typically drawn as arcs connecting the data.",purpose:["Relation"],coord:["Cartesian2D"],category:["Graph"],shape:["Network"],dataPres:[{minQty:1,maxQty:"*",fieldConditions:["Nominal"]}],channel:["Color","Size","Opacity","Stroke","LineWidth"],recRate:"Recommended"},treemap:{id:"treemap",name:"Treemap",alias:[],family:["TreeGraph"],def:"A visual representation of a data tree with nodes. Each node is displayed as a rectangle, sized and colored according to values that you assign.",purpose:["Composition","Comparison","Hierarchy"],coord:["Cartesian2D"],category:["Statistic"],shape:["Square"],dataPres:[{minQty:1,maxQty:"*",fieldConditions:["Nominal"]},{minQty:1,maxQty:1,fieldConditions:["Interval"]}],channel:["Color","Area"],recRate:"Recommended"},sankey_diagram:{id:"sankey_diagram",name:"Sankey Diagram",alias:[],family:["GeneralGraph"],def:"A graph shows the flows with weights between objects.",purpose:["Flow","Trend","Relation"],coord:["Cartesian2D"],category:["Graph"],shape:["Network"],dataPres:[{minQty:1,maxQty:"*",fieldConditions:["Nominal"]}],channel:["Color","Size","Opacity","Stroke","LineWidth"],recRate:"Recommended"},funnel_chart:{id:"funnel_chart",name:"Funnel Chart",alias:[],family:["FunnelCharts"],def:"A funnel chart is often used to represent stages in a sales process and show the amount of potential revenue for each stage.",purpose:["Trend"],coord:["SymmetricCartesian"],category:["Statistic"],shape:["Symmetric"],dataPres:[{minQty:1,maxQty:1,fieldConditions:["Ordinal"]},{minQty:1,maxQty:1,fieldConditions:["Interval"]}],channel:["Color","Length"],recRate:"Recommended"},mirror_funnel_chart:{id:"mirror_funnel_chart",name:"Mirror Funnel Chart",alias:["Contrast Funnel Chart"],family:["FunnelCharts"],def:"A mirror funnel chart is a funnel chart divided into two series by a central axis.",purpose:["Comparison","Trend"],coord:["SymmetricCartesian"],category:["Statistic"],shape:["Symmetric"],dataPres:[{minQty:1,maxQty:1,fieldConditions:["Ordinal"]},{minQty:1,maxQty:1,fieldConditions:["Interval"]},{minQty:1,maxQty:1,fieldConditions:["Nominal"]}],channel:["Color","Length","Direction"],recRate:"Recommended"},box_plot:{id:"box_plot",name:"Box Plot",alias:["Box and Whisker Plot","boxplot"],family:["BarCharts"],def:"A box plot is often used to graphically depict groups of numerical data through their quartiles. Box plots may also have lines extending from the boxes indicating variability outside the upper and lower quartiles. Outliers may be plotted as individual points.",purpose:["Distribution","Anomaly"],coord:["Cartesian2D"],category:["Statistic"],shape:["Bars"],dataPres:[{minQty:1,maxQty:1,fieldConditions:["Nominal","Ordinal"]},{minQty:1,maxQty:1,fieldConditions:["Interval"]}],channel:["Position"],recRate:"Recommended"},heatmap:{id:"heatmap",name:"Heatmap",alias:[],family:["HeatmapCharts"],def:"A heatmap is a graphical representation of data where the individual values contained in a matrix are represented as colors.",purpose:["Distribution"],coord:["Cartesian2D"],category:["Statistic"],shape:["Square"],dataPres:[{minQty:2,maxQty:2,fieldConditions:["Nominal","Ordinal"]},{minQty:1,maxQty:1,fieldConditions:["Interval"]}],channel:["Color","Position"],recRate:"Recommended"},density_heatmap:{id:"density_heatmap",name:"Density Heatmap",alias:["Heatmap"],family:["HeatmapCharts"],def:"A density heatmap is a heatmap for representing the density of dots.",purpose:["Distribution"],coord:["Cartesian2D"],category:["Statistic"],shape:["Area"],dataPres:[{minQty:3,maxQty:3,fieldConditions:["Interval"]}],channel:["Color","Position","Area"],recRate:"Recommended"},radar_chart:{id:"radar_chart",name:"Radar Chart",alias:["Web Chart","Spider Chart","Star Chart","Cobweb Chart","Irregular Polygon","Kiviat diagram"],family:["RadarCharts"],def:"A radar chart maps series of data volume of multiple dimensions onto the axes. Starting at the same center point, usually ending at the edge of the circle, connecting the same set of points using lines.",purpose:["Comparison"],coord:["Radar"],category:["Statistic"],shape:["Round"],dataPres:[{minQty:1,maxQty:2,fieldConditions:["Nominal"]},{minQty:1,maxQty:1,fieldConditions:["Interval"]}],channel:["Color","Position"],recRate:"Recommended"},wordcloud:{id:"wordcloud",name:"Word Cloud",alias:["Wordle","Tag Cloud","Text Cloud"],family:["Others"],def:"A word cloud is a collection, or cluster, of words depicted in different sizes, colors, and shapes, which takes a piece of text as input. Typically, the font size in the word cloud is encoded as the word frequency in the input text.",purpose:["Proportion"],coord:["Cartesian2D"],category:["Diagram"],shape:["Scatter"],dataPres:[{minQty:1,maxQty:1,fieldConditions:["Nominal"]},{minQty:0,maxQty:1,fieldConditions:["Interval"]}],channel:["Size","Position","Color"],recRate:"Recommended"},candlestick_chart:{id:"candlestick_chart",name:"Candlestick Chart",alias:["Japanese Candlestick Chart)"],family:["BarCharts"],def:"A candlestick chart is a specific version of box plot, which is a style of financial chart used to describe price movements of a security, derivative, or currency.",purpose:["Trend","Distribution"],coord:["Cartesian2D"],category:["Statistic"],shape:["Bars"],dataPres:[{minQty:1,maxQty:1,fieldConditions:["Time"]},{minQty:1,maxQty:1,fieldConditions:["Interval"]}],channel:["Position"],recRate:"Recommended"},compact_box_tree:{id:"compact_box_tree",name:"CompactBox Tree",alias:[],family:["TreeGraph"],def:"A type of tree graph layout which arranges the nodes with same depth on the same level.",purpose:["Relation","Hierarchy"],coord:["Cartesian2D"],category:["Graph"],shape:["Network"],dataPres:[{minQty:1,maxQty:"*",fieldConditions:["Nominal"]}],channel:["Color","Size","Opacity","Stroke","LineWidth"],recRate:"Recommended"},dendrogram:{id:"dendrogram",name:"Dendrogram",alias:[],family:["TreeGraph"],def:"A type of tree graph layout which arranges the leaves on the same level.",purpose:["Relation","Hierarchy"],coord:["Cartesian2D"],category:["Graph"],shape:["Network"],dataPres:[{minQty:1,maxQty:"*",fieldConditions:["Nominal"]}],channel:["Color","Size","Opacity","Stroke","LineWidth"],recRate:"Recommended"},indented_tree:{id:"indented_tree",name:"Indented Tree Layout",alias:[],family:["TreeGraph"],def:"A type of tree graph layout where the hierarchy of tree is represented by the horizontal indentation, and each element will occupy one row/column. It is commonly used to represent the file directory structure.",purpose:["Relation","Hierarchy"],coord:["Cartesian2D"],category:["Graph"],shape:["Network"],dataPres:[{minQty:1,maxQty:"*",fieldConditions:["Nominal"]}],channel:["Color","Size","Opacity","Stroke","LineWidth"],recRate:"Recommended"},radial_tree:{id:"radial_tree",name:"Radial Tree Layout",alias:[],family:["TreeGraph"],def:"A type of tree graph layout which places the root at the center, and the branches around the root radially.",purpose:["Relation","Hierarchy"],coord:["Cartesian2D"],category:["Graph"],shape:["Network"],dataPres:[{minQty:1,maxQty:"*",fieldConditions:["Nominal"]}],channel:["Color","Size","Opacity","Stroke","LineWidth"],recRate:"Recommended"},flow_diagram:{id:"flow_diagram",name:"Flow Diagram",alias:["Dagre Graph Layout","Dagre","Flow Chart"],family:["GeneralGraph"],def:"Directed flow graph.",purpose:["Relation","Flow"],coord:["Cartesian2D"],category:["Graph"],shape:["Network"],dataPres:[{minQty:1,maxQty:"*",fieldConditions:["Nominal"]}],channel:["Color","Size","Opacity","Stroke","LineWidth"],recRate:"Recommended"},fruchterman_layout_graph:{id:"fruchterman_layout_graph",name:"Fruchterman Graph Layout",alias:[],family:["GeneralGraph"],def:"A type of force directed graph layout.",purpose:["Relation"],coord:["Cartesian2D"],category:["Graph"],shape:["Network"],dataPres:[{minQty:1,maxQty:"*",fieldConditions:["Nominal"]}],channel:["Color","Size","Opacity","Stroke","LineWidth"],recRate:"Recommended"},force_directed_layout_graph:{id:"force_directed_layout_graph",name:"Force Directed Graph Layout",alias:[],family:["GeneralGraph"],def:"The classical force directed graph layout.",purpose:["Relation"],coord:["Cartesian2D"],category:["Graph"],shape:["Network"],dataPres:[{minQty:1,maxQty:"*",fieldConditions:["Nominal"]}],channel:["Color","Size","Opacity","Stroke","LineWidth"],recRate:"Recommended"},fa2_layout_graph:{id:"fa2_layout_graph",name:"Force Atlas 2 Graph Layout",alias:["FA2 Layout"],family:["GeneralGraph"],def:"A type of force directed graph layout algorithm. It focuses more on the degree of the node when calculating the force than the classical force-directed algorithm .",purpose:["Relation"],coord:["Cartesian2D"],category:["Graph"],shape:["Network"],dataPres:[{minQty:1,maxQty:"*",fieldConditions:["Nominal"]}],channel:["Color","Size","Opacity","Stroke","LineWidth"],recRate:"Recommended"},mds_layout_graph:{id:"mds_layout_graph",name:"Multi-Dimensional Scaling Layout",alias:["MDS Layout"],family:["GeneralGraph"],def:"A type of dimension reduction algorithm that could be used for calculating graph layout. MDS (Multidimensional scaling) is used for project high dimensional data onto low dimensional space.",purpose:["Relation"],coord:["Cartesian2D"],category:["Graph"],shape:["Network"],dataPres:[{minQty:1,maxQty:"*",fieldConditions:["Nominal"]}],channel:["Color","Size","Opacity","Stroke","LineWidth"],recRate:"Recommended"},circular_layout_graph:{id:"circular_layout_graph",name:"Circular Graph Layout",alias:[],family:["GeneralGraph"],def:"A type of graph layout which arranges all the nodes on a circle.",purpose:["Relation"],coord:["Cartesian2D"],category:["Graph"],shape:["Network"],dataPres:[{minQty:1,maxQty:"*",fieldConditions:["Nominal"]}],channel:["Color","Size","Opacity","Stroke","LineWidth"],recRate:"Recommended"},spiral_layout_graph:{id:"spiral_layout_graph",name:"Spiral Graph Layout",alias:[],family:["GeneralGraph"],def:"A type of graph layout which arranges all the nodes along a spiral line.",purpose:["Relation"],coord:["Cartesian2D"],category:["Graph"],shape:["Network"],dataPres:[{minQty:1,maxQty:"*",fieldConditions:["Nominal"]}],channel:["Color","Size","Opacity","Stroke","LineWidth"],recRate:"Recommended"},radial_layout_graph:{id:"radial_layout_graph",name:"Radial Graph Layout",alias:[],family:["GeneralGraph"],def:"A type of graph layout which places a focus node on the center and the others on the concentrics centered at the focus node according to the shortest path length to the it.",purpose:["Relation"],coord:["Cartesian2D"],category:["Graph"],shape:["Network"],dataPres:[{minQty:1,maxQty:"*",fieldConditions:["Nominal"]}],channel:["Color","Size","Opacity","Stroke","LineWidth"],recRate:"Recommended"},concentric_layout_graph:{id:"concentric_layout_graph",name:"Concentric Graph Layout",alias:[],family:["GeneralGraph"],def:"A type of graph layout which arranges the nodes on concentrics.",purpose:["Relation"],coord:["Cartesian2D"],category:["Graph"],shape:["Network"],dataPres:[{minQty:1,maxQty:"*",fieldConditions:["Nominal"]}],channel:["Color","Size","Opacity","Stroke","LineWidth"],recRate:"Recommended"},grid_layout_graph:{id:"grid_layout_graph",name:"Grid Graph Layout",alias:[],family:["GeneralGraph"],def:"A type of graph layout arranges the nodes on grids.",purpose:["Relation"],coord:["Cartesian2D"],category:["Graph"],shape:["Network"],dataPres:[{minQty:1,maxQty:"*",fieldConditions:["Nominal"]}],channel:["Color","Size","Opacity","Stroke","LineWidth"],recRate:"Recommended"}};function o(e,t){return t.every(function(t){return e.includes(t)})}var s=["bar_chart","grouped_bar_chart","stacked_bar_chart","percent_stacked_bar_chart","column_chart","grouped_column_chart","stacked_column_chart","percent_stacked_column_chart"],a=["bar_chart","grouped_bar_chart","stacked_bar_chart","percent_stacked_bar_chart","column_chart","grouped_column_chart","stacked_column_chart","percent_stacked_column_chart"];function l(e,t){return t.some(function(t){return e.includes(t)})}function h(e,t){return e.distinctt.distinct?-1:0}var u={"bar-series-qty":.5,"data-check":1,"data-field-qty":1,"diff-pie-sector":.5,"landscape-or-portrait":.3,"limit-series":1,"line-field-time-ordinal":1,"no-redundant-field":1,"nominal-enum-combinatorial":1,"purpose-check":1,"series-qty-limit":.8},d=function(e,t,i,r,o,s){var a=1;return Object.values(i).filter(function(i){var s,a,l,h=(null===(s=i.option)||void 0===s?void 0:s.weight)||u[i.id]||1,d=null===(a=i.option)||void 0===a?void 0:a.extra;return i.type===r&&i.trigger((0,n.pi)((0,n.pi)((0,n.pi)((0,n.pi)({},o),{weight:h}),d),{chartType:e,chartWIKI:t}))&&!(null===(l=i.option)||void 0===l?void 0:l.off)}).forEach(function(i){var l,h,d=(null===(l=i.option)||void 0===l?void 0:l.weight)||u[i.id]||1,c=null===(h=i.option)||void 0===h?void 0:h.extra,f=i.validator((0,n.pi)((0,n.pi)((0,n.pi)((0,n.pi)({},o),{weight:d}),c),{chartType:e,chartWIKI:t})),g=d*f;a*=g,s.push({phase:"ADVISE",ruleId:i.id,score:g,base:f,weight:d,ruleType:r})}),a},c=["pie_chart","donut_chart"],f=["bar_chart","grouped_bar_chart","stacked_bar_chart","percent_stacked_bar_chart","column_chart","grouped_column_chart","stacked_column_chart","percent_stacked_column_chart"];function g(e){var t=e.chartType,i=e.dataProps,n=e.preferences;return!!(i&&t&&n&&n.canvasLayout)}var p=["line_chart","area_chart","stacked_area_chart","percent_stacked_area_chart"],m=["bar_chart","column_chart","grouped_bar_chart","grouped_column_chart","stacked_bar_chart","stacked_column_chart"];function _(e){return e.filter(function(e){return o(e.levelOfMeasurements,["Nominal"])})}var E=["pie_chart","donut_chart","radar_chart","rose_chart"],v=i(96486);function b(e){return"number"==typeof e}function C(e){return"string"==typeof e||"boolean"==typeof e}function S(e){return e instanceof Date}function y(e){var t=e.encode,i=e.data,r=e.scale,o=(0,v.mapValues)(t,function(e,t){var n,o,s;return{field:e,type:void 0!==(n=null==r?void 0:r[t].type)?function(e){switch(e){case"linear":case"log":case"pow":case"sqrt":case"qunatile":case"threshold":case"quantize":case"sequential":return"quantitative";case"time":return"temporal";case"ordinal":case"point":case"band":return"categorical";default:throw Error("Unkonwn scale type: ".concat(e,"."))}}(n):function(e){if(e.some(b))return"quantitative";if(e.some(C))return"categorical";if(e.some(S))return"temporal";throw Error("Unknown type: ".concat(typeof e[0]))}((o=i,"function"==typeof(s=e)?o.map(s):"string"==typeof s&&o.some(function(e){return void 0!==e[s]})?o.map(function(e){return e[s]}):o.map(function(){return s})))}});return(0,n.pi)((0,n.pi)({},e),{encode:o})}var T=["line_chart"],R={"bar-series-qty":{id:"bar-series-qty",type:"SOFT",docs:{lintText:"Bar chart should has proper number of bars or bar groups."},trigger:function(e){var t=e.chartType;return s.includes(t)},validator:function(e){var t=1,i=e.dataProps,n=e.chartType;if(i&&n){var r=i.find(function(e){return o(e.levelOfMeasurements,["Nominal"])}),s=r&&r.count?r.count:0;s>20&&(t=20/s)}return t<.1?.1:t}},"bar-without-axis-min":{id:"bar-without-axis-min",type:"DESIGN",docs:{lintText:"It is not recommended to set the minimum value of axis for the bar or column chart.",fixText:"Remove the minimum value config of axis."},trigger:function(e){var t=e.chartType;return a.includes(t)},optimizer:function(e,t){var i,n,r=t.scale;if(!r)return{};var o=null===(i=r.x)||void 0===i?void 0:i.domainMin,s=null===(n=r.y)||void 0===n?void 0:n.domainMin;if(o||s){var a=JSON.parse(JSON.stringify(r));return o&&(a.x.domainMin=0),s&&(a.y.domainMin=0),{scale:a}}return{}}},"data-check":{id:"data-check",type:"HARD",docs:{lintText:"Data must satisfy the data prerequisites."},trigger:function(){return!0},validator:function(e){var t=0,i=e.dataProps,n=e.chartType,r=e.chartWIKI;if(i&&n&&r[n]){t=1;var o=r[n].dataPres||[];o.forEach(function(e){!function(e,t){var i=t.map(function(e){return e.levelOfMeasurements});if(i){var n=0;if(i.forEach(function(t){t&&l(t,e.fieldConditions)&&(n+=1)}),n>=e.minQty&&(n<=e.maxQty||"*"===e.maxQty))return!0}return!1}(e,i)&&(t=0)}),i.map(function(e){return e.levelOfMeasurements}).forEach(function(e){var i=!1;o.forEach(function(t){e&&l(e,t.fieldConditions)&&(i=!0)}),i||(t=0)})}return t}},"data-field-qty":{id:"data-field-qty",type:"HARD",docs:{lintText:"Data must have at least the min qty of the prerequisite."},trigger:function(){return!0},validator:function(e){var t=0,i=e.dataProps,n=e.chartType,r=e.chartWIKI;if(i&&n&&r[n]){t=1;var o=(r[n].dataPres||[]).map(function(e){return e.minQty}).reduce(function(e,t){return e+t});i.length&&i.length>=o&&(t=1)}return t}},"diff-pie-sector":{id:"diff-pie-sector",type:"SOFT",docs:{lintText:"The difference between sectors of a pie chart should be large enough."},trigger:function(e){var t=e.chartType;return c.includes(t)},validator:function(e){var t=1,i=e.dataProps;if(i){var n=i.find(function(e){return o(e.levelOfMeasurements,["Interval"])});if(n&&n.sum&&n.rawData){var r=1/n.sum,s=n.rawData.map(function(e){return e*r}).reduce(function(e,t){return e*t}),a=n.rawData.length,l=Math.pow(1/a,a);t=2*(Math.abs(l-Math.abs(s))/l)}}return t<.1?.1:t}},"landscape-or-portrait":{id:"landscape-or-portrait",type:"SOFT",docs:{lintText:"Recommend column charts for landscape layout and bar charts for portrait layout."},trigger:function(e){return f.includes(e.chartType)&&g(e)},validator:function(e){var t=1,i=e.chartType,n=e.preferences;return g(e)&&("portrait"===n.canvasLayout&&["bar_chart","grouped_bar_chart","stacked_bar_chart","percent_stacked_bar_chart"].includes(i)?t=5:"landscape"===n.canvasLayout&&["column_chart","grouped_column_chart","stacked_column_chart","percent_stacked_column_chart"].includes(i)&&(t=5)),t}},"limit-series":{id:"limit-series",type:"SOFT",docs:{lintText:"Avoid too many values in one series."},trigger:function(e){return e.dataProps.filter(function(e){return l(e.levelOfMeasurements,["Nominal","Ordinal"])}).length>=2},validator:function(e){var t=1,i=e.dataProps,n=e.chartType;if(i){var r=i.filter(function(e){return l(e.levelOfMeasurements,["Nominal","Ordinal"])});if(r.length>=2){var o=r.sort(h)[1];o.distinct&&(t=o.distinct>10?.1:1/o.distinct,o.distinct>6&&"heatmap"===n?t=5:"heatmap"===n&&(t=1))}}return t}},"line-field-time-ordinal":{id:"line-field-time-ordinal",type:"SOFT",docs:{lintText:"Data containing time or ordinal fields are suitable for line or area charts."},trigger:function(e){var t=e.chartType;return p.includes(t)},validator:function(e){var t=1,i=e.dataProps;return i&&i.find(function(e){return l(e.levelOfMeasurements,["Ordinal","Time"])})&&(t=5),t}},"no-redundant-field":{id:"no-redundant-field",type:"HARD",docs:{lintText:"No redundant field."},trigger:function(){return!0},validator:function(e){var t=0,i=e.dataProps,n=e.chartType,r=e.chartWIKI;if(i&&n&&r[n]){var o=(r[n].dataPres||[]).map(function(e){return"*"===e.maxQty?99:e.maxQty}).reduce(function(e,t){return e+t});i.length&&i.length<=o&&(t=1)}return t}},"nominal-enum-combinatorial":{id:"nominal-enum-combinatorial",type:"SOFT",docs:{lintText:"Single (Basic) and Multi (Stacked, Grouped,...) charts should be optimized recommended by nominal enums combinatorial numbers."},trigger:function(e){var t=e.chartType,i=e.dataProps;return m.includes(t)&&_(i).length>=2},validator:function(e){var t=1,i=e.dataProps,n=e.chartType;if(i){var r=_(i);if(r.length>=2){var o=r.sort(h),s=o[0],a=o[1];s.distinct===s.count&&["bar_chart","column_chart"].includes(n)&&(t=5),s.count&&s.distinct&&a.distinct&&s.count>s.distinct&&["grouped_bar_chart","grouped_column_chart","stacked_bar_chart","stacked_column_chart"].includes(n)&&(t=5)}}return t}},"purpose-check":{id:"purpose-check",type:"HARD",docs:{lintText:"Choose chart types that satisfy the purpose, if purpose is defined."},trigger:function(){return!0},validator:function(e){var t=0,i=e.chartType,n=e.purpose,r=e.chartWIKI;return n?(i&&r[i]&&n&&(r[i].purpose||"").includes(n)&&(t=1),t):t=1}},"series-qty-limit":{id:"series-qty-limit",type:"SOFT",docs:{lintText:"Some charts should has at most N values for the series."},trigger:function(e){var t=e.chartType;return E.includes(t)},validator:function(e){var t=1,i=e.dataProps,n=e.chartType,r=e.limit;if((!Number.isInteger(r)||r<=0)&&(r=6,("pie_chart"===n||"donut_chart"===n||"rose_chart"===n)&&(r=6),"radar_chart"===n&&(r=8)),i){var s=i.find(function(e){return o(e.levelOfMeasurements,["Nominal"])}),a=s&&s.count?s.count:0;a>=2&&a<=r&&(t=5+2/a)}return t}},"x-axis-line-fading":{id:"x-axis-line-fading",type:"DESIGN",docs:{lintText:"Adjust axis to make it prettier"},trigger:function(e){var t=e.chartType;return T.includes(t)},optimizer:function(e,t){var i,n=y(t).encode;if(n&&(null===(i=n.y)||void 0===i?void 0:i.type)==="quantitative"){var r=e.find(function(e){var t;return e.name===(null===(t=n.y)||void 0===t?void 0:t.field)});if(r){var o=r.maximum-r.minimum;if(r.minimum&&r.maximum&&o<2*r.maximum/3){var s=Math.floor(r.minimum-o/5);return{axis:{x:{tick:!1}},scale:{y:{domainMin:s>0?s:0}},clip:!0}}}}return{}}}},A=Object.keys(R),N=function(e){var t={};return e.forEach(function(e){Object.keys(R).includes(e)&&(t[e]=R[e])}),t},O=function(e){if(!e)return N(A);var t=N(A);if(e.exclude&&e.exclude.forEach(function(e){Object.keys(t).includes(e)&&delete t[e]}),e.include){var i=e.include;Object.keys(t).forEach(function(e){i.includes(e)||delete t[e]})}var r=(0,n.pi)((0,n.pi)({},t),e.custom),o=e.options;return o&&Object.keys(o).forEach(function(e){if(Object.keys(r).includes(e)){var t=o[e];r[e]=(0,n.pi)((0,n.pi)({},r[e]),{option:t})}}),r},L=[[!0,!1],[0,1],["true","false"],["Yes","No"],["True","False"],["0","1"],["是","否"]],I="([-_./\\s])",w="(18|19|20)\\d{2}",D="(0?[1-9]|1[012])",x="(0?[1-9]|[12]\\d|3[01])",M="(0?\\d|1\\d|2[0-4])",k="(0?\\d|[012345]\\d)",P="(Z|[+-]".concat(M,"(:").concat(k,")?)");function F(e){return null==e||""===e||Number.isNaN(e)||"null"===e}function B(e){return"string"==typeof e}function U(e){return"number"==typeof e}function H(e){if(B(e)){var t=!1,i=e;/^[+-]/.test(i)&&(i=i.slice(1));for(var n=0;n0&&t<100,"The percent cannot be between (0, 100)."),(i?e:e.sort(function(e,t){return e>t?1:-1}))[Math.ceil(e.length*t/100)-1]}function eo(e){var t=en(e),i=J(e,"variance");return void 0!==i?i:Q(e,"variance",e.reduce(function(e,i){return e+Math.pow(i-t,2)},0)/e.length)}function es(e){return Math.sqrt(eo(e))}function ea(e){var t={};return e.forEach(function(e){var i="".concat(e);t[i]?t[i]+=1:t[i]=1}),t}var el=function(e){var t,i,r=(void 0===(t=e)&&(t=!0),["".concat(w),"".concat(w).concat(I).concat(t?"":"?","W").concat("([0-4]\\d|5[0-2])","(").concat(I).concat(t?"":"?").concat("([1-7])",")?"),"".concat(D).concat(I).concat(t?"":"?").concat(x).concat(I).concat(t?"":"?").concat(w),"".concat(w).concat(I).concat(t?"":"?").concat(D).concat(I).concat(t?"":"?").concat(x),"".concat(w).concat(I).concat(t?"":"?").concat(D),"".concat(w).concat(I).concat(t?"":"?").concat("((([0-2]\\d|3[0-5])\\d)|36[0-6])")]),o=(void 0===(i=e)&&(i=!0),["".concat(M,":").concat(i?"":"?").concat(k,":").concat(i?"":"?").concat(k,"([.,]").concat("\\d{1,4}",")?").concat(P,"?"),"".concat(M,":").concat(i?"":"?").concat(k,"?").concat(P)]),s=(0,n.ev)((0,n.ev)([],(0,n.CR)(r),!1),(0,n.CR)(o),!1);return r.forEach(function(e){o.forEach(function(t){s.push("".concat(e,"[T\\s]").concat(t))})}),s.map(function(e){return new RegExp("^".concat(e,"$"))})};function eh(e,t){if(B(e)){for(var i=el(t),n=0;n0&&(c.generateColumns([0],null==i?void 0:i.columns),c.colData=[c.data],c.data=c.data.map(function(e){return[e]})),Y(g)){var p=q(g.length);c.generateDataAndColDataFromArray(!1,t,p,null==i?void 0:i.fillValue,null==i?void 0:i.columnTypes),c.generateColumns(p,null==i?void 0:i.columns)}if(K(g)){for(var m=[],f=0;f=0&&m>=0||_.length>0,"The rowLoc is not found in the indexes."),p>=0&&m>=0&&(A=this.data.slice(p,m),N=this.indexes.slice(p,m)),_.length>0)for(var a=0;a<_.length;a+=1){var C=_[a];A.push(this.data[C]),N.push(this.indexes[C])}if(E>=0&&v>=0){for(var a=0;a0){for(var O=[],L=A.slice(),a=0;a=0&&p>=0||m.length>0,"The colLoc is illegal"),V(i)&&q(this.columns.length).includes(i)&&(_=i,E=i+1),Y(i))for(var a=0;a=0&&p>=0||m.length>0,"The rowLoc is not found in the indexes.");var R=[],A=[];if(g>=0&&p>=0)R=this.data.slice(g,p),A=this.indexes.slice(g,p);else if(m.length>0)for(var a=0;a=0&&E>=0||v.length>0,"The colLoc is not found in the columns index."),_>=0&&E>=0){for(var a=0;a0){for(var N=[],O=R.slice(),a=0;a1){var E={},v=f;g.forEach(function(t){"date"===t?(E.date=e(v.filter(function(e){return eh(e)}),i),v=v.filter(function(e){return!eh(e)})):"integer"===t?(E.integer=e(v.filter(function(e){return W(e)}),i),v=v.filter(function(e){return!W(e)})):"float"===t?(E.float=e(v.filter(function(e){return G(e)}),i),v=v.filter(function(e){return!G(e)})):"string"===t&&(E.string=e(v.filter(function(e){return"string"===ed(e,i)})),v=v.filter(function(e){return"string"!==ed(e,i)}))}),_.meta=E}2===_.distinct&&"date"!==_.recommendation&&(d.length>=100?_.recommendation="boolean":z(m,!0)&&(_.recommendation="boolean")),"string"===u&&Object.assign(_,{maxLength:et(r=(n=f.map(function(e){return"".concat(e)})).map(function(e){return e.length})),minLength:ee(r),meanLength:en(r),containsChar:n.some(function(e){return/[A-z]/.test(e)}),containsDigit:n.some(function(e){return/[0-9]/.test(e)}),containsSpace:n.some(function(e){return/\s/.test(e)})}),("integer"===u||"float"===u)&&Object.assign(_,{minimum:ee(o=f.map(function(e){return 1*e})),maximum:et(o),mean:en(o),percentile5:er(o,5),percentile25:er(o,25),percentile50:er(o,50),percentile75:er(o,75),percentile95:er(o,95),sum:ei(o),variance:eo(o),standardDeviation:es(o),zeros:o.filter(function(e){return 0===e}).length}),"date"===u&&Object.assign(_,(s="integer"===_.type,a=f.map(function(e){if(s){var t="".concat(e);if(8===t.length)return new Date("".concat(t.substring(0,4),"/").concat(t.substring(4,2),"/").concat(t.substring(6,2))).getTime()}return new Date(e).getTime()}),{minimum:f[void 0!==(l=J(a,"minIndex"))?l:Q(a,"minIndex",function(e){for(var t=e[0],i=0,n=0;nt&&(i=n,t=e[n]);return i}(a))]}));var b=[];return"boolean"!==_.recommendation&&("string"!==_.recommendation||eu(_))||b.push("Nominal"),eu(_)&&b.push("Ordinal"),("integer"===_.recommendation||"float"===_.recommendation)&&b.push("Interval"),"integer"===_.recommendation&&b.push("Discrete"),"float"===_.recommendation&&b.push("Continuous"),"date"===_.recommendation&&b.push("Time"),_.levelOfMeasurements=b,_}(this.colData[i],this.extra.strictDatePattern)),{name:String(r)}))}return t},t.prototype.toString=function(){for(var e=this,t=Array(this.columns.length+1).fill(0),i=0;it[0]&&(t[0]=n)}for(var i=0;it[i+1]&&(t[i+1]=n)}for(var i=0;it[i+1]&&(t[i+1]=n)}return"".concat(ep(t[0])).concat(this.columns.map(function(i,n){return"".concat(i).concat(n!==e.columns.length?ep(t[n+1]-e_(i)+2):"")}).join(""),"\n").concat(this.indexes.map(function(i,n){var r;return"".concat(i).concat(ep(t[0]-e_(i))).concat(null===(r=e.data[n])||void 0===r?void 0:r.map(function(i,n){return"".concat(em(i)).concat(n!==e.columns.length?ep(t[n+1]-e_(i)):"")}).join("")).concat(n!==e.indexes.length?"\n":"")}).join(""))},t}(ev),eS=function(e){if("object"!=typeof e||null===e)return e;if(Array.isArray(e)){t=[];for(var t,i=0,n=e.length;i!!eA().valid(e);function eO(e){let{value:t}=e;return eN(t)?eA()(t).hex():""}let eL={lab:{l:[0,100],a:[-86.185,98.254],b:[-107.863,94.482]},lch:{l:[0,100],c:[0,100],h:[0,360]},rgb:{r:[0,255],g:[0,255],b:[0,255]},rgba:{r:[0,255],g:[0,255],b:[0,255],a:[0,1]},hsl:{h:[0,360],s:[0,1],l:[0,1]},hsv:{h:[0,360],s:[0,1],v:[0,1]},hsi:{h:[0,360],s:[0,1],i:[0,1]},cmyk:{c:[0,1],m:[0,1],y:[0,1],k:[0,1]}},eI=e=>!!eA().valid(e),ew=e=>{let{value:t}=e;return eI(t)?eA()(t):eA()("#000")},eD=(e,t=e.model)=>{let i=ew(e);return i?i[t]():[0,0,0]},ex=(e,t=4===e.length?"rgba":"rgb")=>{let i={};if(1===e.length){let[n]=e;for(let e=0;ee*t/255,eB=(e,t)=>e+t-e*t/255,eU=(e,t)=>e<128?eF(2*e,t):eB(2*e-255,t),eH={normal:e=>e,darken:(e,t)=>Math.min(e,t),multiply:eF,colorBurn:(e,t)=>0===e?0:Math.max(0,255*(1-(255-t)/e)),lighten:(e,t)=>Math.max(e,t),screen:eB,colorDodge:(e,t)=>255===e?255:Math.min(255,255*(t/(255-e))),overlay:(e,t)=>eU(t,e),softLight:(e,t)=>{if(e<128)return t-(1-2*e/255)*t*(1-t/255);let i=t<64?((16*(t/255)-12)*(t/255)+4)*(t/255):Math.sqrt(t/255);return t+255*(2*e/255-1)*(i-t/255)},hardLight:eU,difference:(e,t)=>Math.abs(e-t),exclusion:(e,t)=>e+t-2*e*t/255,linearBurn:(e,t)=>Math.max(e+t-255,0),linearDodge:(e,t)=>Math.min(255,e+t),linearLight:(e,t)=>Math.max(t+2*e-255,0),vividLight:(e,t)=>e<128?255*(1-(1-t/255)/(2*e/255)):255*(t/2/(255-e)),pinLight:(e,t)=>e<128?Math.min(t,2*e):Math.max(t,2*e-255)},eV=e=>.3*e[0]+.58*e[1]+.11*e[2],eW=e=>{let t=eV(e),i=Math.min(...e),n=Math.max(...e),r=[...e];return i<0&&(r=r.map(e=>t+(e-t)*t/(t-i))),n>255&&(r=r.map(e=>t+(e-t)*(255-t)/(n-t))),r},eG=(e,t)=>{let i=t-eV(e);return eW(e.map(e=>e+i))},ej=e=>Math.max(...e)-Math.min(...e),ez=(e,t)=>{let i=e.map((e,t)=>({value:e,index:t}));i.sort((e,t)=>e.value-t.value);let n=i[0].index,r=i[1].index,o=i[2].index,s=[...e];return s[o]>s[n]?(s[r]=(s[r]-s[n])*t/(s[o]-s[n]),s[o]=t):(s[r]=0,s[o]=0),s[n]=0,s},eK={hue:(e,t)=>eG(ez(e,ej(t)),eV(t)),saturation:(e,t)=>eG(ez(t,ej(e)),eV(t)),color:(e,t)=>eG(e,eV(t)),luminosity:(e,t)=>eG(t,eV(e))},eY=(e,t,i="normal")=>{let n;let[r,o,s,a]=eD(e,"rgba"),[l,h,u,d]=eD(t,"rgba"),c=[r,o,s],f=[l,h,u];if(eT.includes(i)){let e=eH[i];n=c.map((t,i)=>Math.floor(e(t,f[i])))}else n=eK[i](c,f);let g=a+d*(1-a),p=Math.round((a*(1-d)*r+a*d*n[0]+(1-a)*d*l)/g),m=Math.round((a*(1-d)*o+a*d*n[1]+(1-a)*d*h)/g),_=Math.round((a*(1-d)*s+a*d*n[2]+(1-a)*d*u)/g);return 1===g?{model:"rgb",value:{r:p,g:m,b:_}}:{model:"rgba",value:{r:p,g:m,b:_,a:g}}},e$=(e,t)=>{let i=(e+t)%360;return i<0?i+=360:i>=360&&(i-=360),i},eq=(e=1,t=0)=>{let i=Math.min(e,t),n=Math.max(e,t);return i+Math.random()*(n-i)},eX=(e=1,t=0)=>{let i=Math.ceil(Math.min(e,t)),n=Math.floor(Math.max(e,t));return Math.floor(i+Math.random()*(n-i+1))},eZ=e=>{if(e&&"object"==typeof e){let t=Array.isArray(e);if(t){let t=e.map(e=>eZ(e));return t}let i={},n=Object.keys(e);return n.forEach(t=>{i[t]=eZ(e[t])}),i}return e};function eQ(e){return e*(Math.PI/180)}var eJ=i(56917),e0=i.n(eJ);let e1=(e,t="normal")=>{if("normal"===t)return{...e};let i=eO(e),n=e0()[t](i);return eP(n)},e2=e=>{let t=eM(e),[,,,i=1]=eD(e,"rgba");return ek(t,i)},e5=(e,t="normal")=>"grayscale"===t?e2(e):e1(e,t),e4=(e,t,i=[eX(5,10),eX(90,95)])=>{let[n,r,o]=eD(e,"lab"),s=n<=15?n:i[0],a=n>=85?n:i[1],l=(a-s)/(t-1),h=Math.ceil((n-s)/l);return l=0===h?l:(n-s)/h,Array(t).fill(0).map((e,t)=>ex([l*t+s,r,o],"lab"))},e3=e=>{let{count:t,color:i,tendency:n}=e,r=e4(i,t),o={name:"monochromatic",semantic:null,type:"discrete-scale",colors:"tint"===n?r:r.reverse()};return o},e6={model:"rgb",value:{r:0,g:0,b:0}},e9={model:"rgb",value:{r:255,g:255,b:255}},e8=(e,t,i="lab")=>eA().distance(ew(e),ew(t),i),e7=(e,t)=>{let i=Math.atan2(e,t)*(180/Math.PI);return i>=0?i:i+360},te=(e,t)=>{let i,n;let[r,o,s]=eD(e,"lab"),[a,l,h]=eD(t,"lab"),u=Math.sqrt(o**2+s**2),d=Math.sqrt(l**2+h**2),c=(u+d)/2,f=.5*(1-Math.sqrt(c**7/(c**7+6103515625))),g=(1+f)*o,p=(1+f)*l,m=Math.sqrt(g**2+s**2),_=Math.sqrt(p**2+h**2),E=e7(s,g),v=e7(h,p),b=_-m;i=180>=Math.abs(v-E)?v-E:v-E<-180?v-E+360:v-E-360;let C=2*Math.sqrt(m*_)*Math.sin(eQ(i)/2);n=180>=Math.abs(E-v)?(E+v)/2:Math.abs(E-v)>180&&E+v<360?(E+v+360)/2:(E+v-360)/2;let S=(r+a)/2,y=(m+_)/2,T=1-.17*Math.cos(eQ(n-30))+.24*Math.cos(eQ(2*n))+.32*Math.cos(eQ(3*n+6))-.2*Math.cos(eQ(4*n-63)),R=1+.015*(S-50)**2/Math.sqrt(20+(S-50)**2),A=1+.045*y,N=1+.015*y*T,O=-2*Math.sqrt(y**7/(y**7+6103515625))*Math.sin(eQ(60*Math.exp(-(((n-275)/25)**2)))),L=Math.sqrt(((a-r)/(1*R))**2+(b/(1*A))**2+(C/(1*N))**2+O*(b/(1*A))*(C/(1*N)));return L},tt=e=>{let t=e/255;return t<=.03928?t/12.92:((t+.055)/1.055)**2.4},ti=e=>{let[t,i,n]=eD(e);return .2126*tt(t)+.7152*tt(i)+.0722*tt(n)},tn=(e,t)=>{let i=ti(e),n=ti(t);return n>i?(n+.05)/(i+.05):(i+.05)/(n+.05)},tr=(e,t,i={measure:"euclidean"})=>{let{measure:n="euclidean",backgroundColor:r=ey}=i,o=eY(e,r),s=eY(t,r);switch(n){case"CIEDE2000":return te(o,s);case"euclidean":return e8(o,s,i.colorModel);case"contrastRatio":return tn(o,s);default:return e8(o,s)}},to=[.8,1.2],ts={rouletteWheel:e=>{let t=e.reduce((e,t)=>e+t),i=0,n=eq(t),r=0;for(let t=0;t{let t=-1,i=0;for(let n=0;n<3;n+=1){let r=eX(e.length-1);e[r]>i&&(t=n,i=e[r])}return t}},ta=(e,t="tournament")=>ts[t](e),tl=(e,t)=>{let i=eZ(e),n=eZ(t);for(let r=1;r{let r=eZ(e),o=t[eX(t.length-1)],s=eX(e[0].length-1),a=r[o][s]*eq(...to),l=[15,240];"grayscale"!==i&&(l=eL[n][n.split("")[s]]);let[h,u]=l;return au&&(a=u),r[o][s]=a,r},tu=(e,t,i,n,r,o)=>{let s;s="grayscale"===i?e.map(([e])=>ek(e)):e.map(e=>e5(ex(e,n),i));let a=1/0;for(let e=0;e{if(Math.round(tu(e,t,i,r,o,s))>n)return e;let a=Array(e.length).fill(0).map((e,t)=>t).filter((e,i)=>!t[i]),l=Array(50).fill(0).map(()=>th(e,a,i,r)),h=l.map(e=>tu(e,t,i,r,o,s)),u=Math.max(...h),d=l[h.findIndex(e=>e===u)],c=1;for(;c<100&&Math.round(u)eq()?tl(t,n):[t,n];o=o.map(e=>.1>eq()?th(e,a,i,r):e),e.push(...o)}h=(l=e).map(e=>tu(e,t,i,r,o,s));let n=Math.max(...h);u=n,d=l[h.findIndex(e=>e===n)],c+=1}return d},tc={euclidean:30,CIEDE2000:20,contrastRatio:4.5},tf={euclidean:291.48,CIEDE2000:100,contrastRatio:21},tg=(e,t={})=>{let{locked:i=[],simulationType:n="normal",threshold:r,colorModel:o="hsv",colorDifferenceMeasure:s="euclidean",backgroundColor:a=ey}=t,l=r;if(l||(l=tc[s]),"grayscale"===n){let t=tf[s];l=Math.min(l,t/e.colors.length)}let h=eZ(e);if("matrix"!==h.type&&"continuous-scale"!==h.type){if("grayscale"===n){let e=h.colors.map(e=>[eM(e)]),t=td(e,i,n,l,o,s,a);h.colors.forEach((e,i)=>Object.assign(e,function(e,t){let i;let[,n,r]=eD(t,"lab"),[,,,o=1]=eD(t,"rgba"),s=100*e,a=Math.round(s),l=eM(ex([a,n,r],"lab")),h=25;for(;Math.round(s)!==Math.round(l/255*100)&&h>0;)s>l/255*100?a+=1:a-=1,h-=1,l=eM(ex([a,n,r],"lab"));if(Math.round(s)eD(e,o)),t=td(e,i,n,l,o,s,a);h.colors.forEach((e,i)=>{Object.assign(e,ex(t[i],o))})}}return h},tp=[.3,.9],tm=[.5,1],t_=(e,t,i,n=[])=>{let[r]=eD(e,"hsv"),o=Array(i).fill(!1),s=-1===n.findIndex(t=>t&&t.model===e.model&&t.value===e.value),a=Array(i).fill(0).map((i,a)=>{let l=n[a];return l?(o[a]=!0,l):s?(s=!1,o[a]=!0,e):ex([e$(r,t*a),eq(...tp),eq(...tm)],"hsv")});return{newColors:a,locked:o}};function tE(){let e=eX(255),t=eX(255),i=eX(255);return ex([e,t,i],"rgb")}let tv=e=>{let{count:t,colors:i}=e,n=[],r={name:"random",semantic:null,type:"categorical",colors:Array(t).fill(0).map((e,t)=>{let r=i[t];return r?(n[t]=!0,r):tE()})};return tg(r,{locked:n})},tb=["monochromatic"],tC=(e,t)=>{let{count:i=8,tendency:n="tint"}=t,{colors:r=[],color:o}=t;return o||(o=r.find(e=>!!e&&!!e.model&&!!e.value)||tE()),tb.includes(e)&&(r=[]),{color:o,colors:r,count:i,tendency:n}},tS={monochromatic:e3,analogous:e=>{let{count:t,color:i,tendency:n}=e,[r,o,s]=eD(i,"hsv"),a=Math.floor(t/2),l=60/(t-1);r>=60&&r<=240&&(l=-l);let h=(o-.1)/3/(t-a-1),u=(s-.4)/3/a,d=Array(t).fill(0).map((e,t)=>{let i=e$(r,l*(t-a)),n=t<=a?Math.min(o+h*(a-t),1):o+3*h*(a-t),d=t<=a?s-3*u*(a-t):Math.min(s-u*(a-t),1);return ex([i,n,d],"hsv")}),c={name:"analogous",semantic:null,type:"discrete-scale",colors:"tint"===n?d:d.reverse()};return c},achromatic:e=>{let{tendency:t}=e,i={...e,color:"tint"===t?e6:e9},n=e3(i);return{...n,name:"achromatic"}},complementary:e=>{let t;let{count:i,color:n}=e,[r,o,s]=eD(n,"hsv"),a=ex([e$(r,180),o,s],"hsv"),l=eX(80,90),h=eX(15,25),u=Math.floor(i/2),d=e4(n,u,[h,l]),c=e4(a,u,[h,l]).reverse();if(i%2==1){let e=ex([(e$(r,180)+r)/2,eq(.05,.1),eq(.9,.95)],"hsv");t=[...d,e,...c]}else t=[...d,...c];let f={name:"complementary",semantic:null,type:"discrete-scale",colors:t};return f},"split-complementary":e=>{let{count:t,color:i,colors:n}=e,{newColors:r,locked:o}=t_(i,180,t,n);return tg({name:"tetradic",semantic:null,type:"categorical",colors:r},{locked:o})},triadic:e=>{let{count:t,color:i,colors:n}=e,{newColors:r,locked:o}=t_(i,120,t,n);return tg({name:"tetradic",semantic:null,type:"categorical",colors:r},{locked:o})},tetradic:e=>{let{count:t,color:i,colors:n}=e,{newColors:r,locked:o}=t_(i,90,t,n);return tg({name:"tetradic",semantic:null,type:"categorical",colors:r},{locked:o})},polychromatic:e=>{let{count:t,color:i,colors:n}=e,r=360/t,{newColors:o,locked:s}=t_(i,r,t,n);return tg({name:"tetradic",semantic:null,type:"categorical",colors:o},{locked:s})},customized:tv},ty=(e="monochromatic",t={})=>{let i=tC(e,t);try{return tS[e](i)}catch(e){return tv(i)}};i(16243);var tT={}.toString,tR=function(e,t){return tT.call(e)==="[object ".concat(t,"]")},tA=function(e){if(!("object"==typeof e&&null!==e)||!tR(e,"Object"))return!1;if(null===Object.getPrototypeOf(e))return!0;for(var t=e;null!==Object.getPrototypeOf(t);)t=Object.getPrototypeOf(t);return Object.getPrototypeOf(e)===t},tN=function(e){for(var t=[],i=1;it.distinct)return -1}return 0};function tw(e){return[e.find(function(e){return o(e.levelOfMeasurements,["Nominal"])}),e.find(function(e){return o(e.levelOfMeasurements,["Interval"])})]}function tD(e){return[e.find(function(e){return l(e.levelOfMeasurements,["Time","Ordinal"])}),e.find(function(e){return o(e.levelOfMeasurements,["Interval"])}),e.find(function(e){return o(e.levelOfMeasurements,["Nominal"])})]}function tx(e){var t=e.find(function(e){return l(e.levelOfMeasurements,["Time","Ordinal"])}),i=e.find(function(e){return o(e.levelOfMeasurements,["Nominal"])});return[t,e.find(function(e){return o(e.levelOfMeasurements,["Interval"])}),i]}function tM(e){var t=e.filter(function(e){return o(e.levelOfMeasurements,["Nominal"])}).sort(tI),i=t[0],n=t[1];return[e.find(function(e){return o(e.levelOfMeasurements,["Interval"])}),i,n]}function tk(e){var t,i,r,s,a,l,h=e.filter(function(e){return o(e.levelOfMeasurements,["Nominal"])}).sort(tI);return!function(e,t){if(!Y(e)||0===e.length||!Y(t)||0===t.length||e.length!==t.length)return!1;for(var i={},n=0;nr.corr&&(r.x=i[e],r.y=i[t],r.corr=a,r.size=i[(0,n.ev)([],(0,n.CR)(Array(i.length).keys()),!1).find(function(i){return i!==e&&i!==t})||0])},o=e+1;o0&&(!_||e.spec)}).sort(function(e,t){return e.scoret.score?-1:0}),log:v}}catch(e){return console.error("error: ",e),null}}var tU=function(e){var t,i=e.coordinate;if((null==i?void 0:i.type)==="theta")return(null==i?void 0:i.innerRadius)?"donut_chart":"pie_chart";var n=e.transform,r=null===(t=null==i?void 0:i.transform)||void 0===t?void 0:t.some(function(e){return"transpose"===e.type}),o=null==n?void 0:n.some(function(e){return"normalizeY"===e.type}),s=null==n?void 0:n.some(function(e){return"stackY"===e.type}),a=null==n?void 0:n.some(function(e){return"dodgeX"===e.type});return r?a?"grouped_bar_chart":o?"stacked_bar_chart":s?"percent_stacked_bar_chart":"bar_chart":a?"grouped_column_chart":o?"stacked_column_chart":s?"percent_stacked_column_chart":"column_chart"},tH=function(e){var t=e.transform,i=null==t?void 0:t.some(function(e){return"stackY"===e.type}),n=null==t?void 0:t.some(function(e){return"normalizeY"===e.type});return i?n?"percent_stacked_area_chart":"stacked_area_chart":"area_chart"},tV=function(e){var t=e.encode;return t.shape&&"hvh"===t.shape?"step_line_chart":"line_chart"},tW=function(e){var t;switch(e.type){case"area":t=tH(e);break;case"interval":t=tU(e);break;case"line":t=tV(e);break;case"point":t=e.encode.size?"bubble_chart":"scatter_plot";break;case"rect":t="histogram";break;case"cell":t="heatmap";break;default:t=""}return t};function tG(e,t,i,r,o,s,a){Object.values(e).filter(function(e){var r,o,a=e.option||{},l=a.weight,h=a.extra;return r=e.type,("DESIGN"===t?"DESIGN"===r:"DESIGN"!==r)&&!(null===(o=e.option)||void 0===o?void 0:o.off)&&e.trigger((0,n.pi)((0,n.pi)((0,n.pi)((0,n.pi)({},i),{weight:l}),h),{chartWIKI:s}))}).forEach(function(e){var l,h=e.type,u=e.id,d=e.docs;if("DESIGN"===t){var c=e.optimizer(i.dataProps,a);l=0===Object.keys(c).length?1:0,o.push({type:h,id:u,score:l,fix:c,docs:d})}else{var f=e.option||{},g=f.weight,p=f.extra;l=e.validator((0,n.pi)((0,n.pi)((0,n.pi)((0,n.pi)({},i),{weight:g}),p),{chartWIKI:s})),o.push({type:h,id:u,score:l,docs:d})}r.push({phase:"LINT",ruleId:u,score:l,base:l,weight:1,ruleType:h})})}function tj(e,t,i){var n=e.spec,r=e.options,o=e.dataProps,s=null==r?void 0:r.purpose,a=null==r?void 0:r.preferences,l=tW(n),h=[],u=[];if(!n||!l)return{lints:h,log:u};if(!o||!o.length)try{o=new eC(n.data).info()}catch(e){return console.error("error: ",e),{lints:h,log:u}}var d={dataProps:o,chartType:l,purpose:s,preferences:a};return tG(t,"notDESIGN",d,u,h,i),tG(t,"DESIGN",d,u,h,i,n),{lints:h=h.filter(function(e){return e.score<1}),log:u}}var tz=function(){function e(e){var t,i,o,s,a;void 0===e&&(e={}),this.ckb=(t=e.ckbCfg,i=JSON.parse(JSON.stringify(r)),t?(o=t.exclude,s=t.include,a=t.custom,o&&o.forEach(function(e){Object.keys(i).includes(e)&&delete i[e]}),s&&Object.keys(i).forEach(function(e){s.includes(e)||delete i[e]}),(0,n.pi)((0,n.pi)({},i),a)):i),this.ruleBase=O(e.ruleCfg)}return e.prototype.advise=function(e){return tB(e,this.ckb,this.ruleBase).advices},e.prototype.adviseWithLog=function(e){return tB(e,this.ckb,this.ruleBase)},e.prototype.lint=function(e){return tj(e,this.ruleBase,this.ckb).lints},e.prototype.lintWithLog=function(e){return tj(e,this.ruleBase,this.ckb)},e}()},17816:function(e,t){!function(e){"use strict";function t(e){var t="function"==typeof Symbol&&Symbol.iterator,i=t&&e[t],n=0;if(i)return i.call(e);if(e&&"number"==typeof e.length)return{next:function(){return{value:(e=e&&n>=e.length?void 0:e)&&e[n++],done:!e}}};throw TypeError(t?"Object is not iterable.":"Symbol.iterator is not defined.")}function i(e,t){var i="function"==typeof Symbol&&e[Symbol.iterator];if(!i)return e;var n,r,o=i.call(e),s=[];try{for(;(void 0===t||0i=>e(t(i)),e)}function T(e,t){return t-e?i=>(i-e)/(t-e):e=>.5}x=new g(3),g!=Float32Array&&(x[0]=0,x[1]=0,x[2]=0),x=new g(4),g!=Float32Array&&(x[0]=0,x[1]=0,x[2]=0,x[3]=0);let R=Math.sqrt(50),A=Math.sqrt(10),N=Math.sqrt(2);function O(e,t,i){return e=Math.floor(Math.log(t=(t-e)/Math.max(0,i))/Math.LN10),i=t/10**e,0<=e?(i>=R?10:i>=A?5:i>=N?2:1)*10**e:-(10**-e)/(i>=R?10:i>=A?5:i>=N?2:1)}let L=(e,t,i=5)=>{let n=0,r=(e=[e,t]).length-1,o=e[n],s=e[r],a;return s{i.prototype.rescale=function(){this.initRange(),this.nice();var[e]=this.chooseTransforms();this.composeOutput(e,this.chooseClamp(e))},i.prototype.initRange=function(){var t=this.options.interpolator;this.options.range=e(t)},i.prototype.composeOutput=function(e,i){var{domain:n,interpolator:r,round:o}=this.getOptions(),n=t(n.map(e)),o=o?e=>a(e=r(e),"Number")?Math.round(e):e:r;this.output=y(o,n,i,e)},i.prototype.invert=void 0}}var D,x={exports:{}},M={exports:{}},k=Array.prototype.concat,P=Array.prototype.slice,F=M.exports=function(e){for(var t=[],i=0,n=e.length;ii=>e*(1-i)+t*i,q=(e,t)=>{if("number"==typeof e&&"number"==typeof t)return $(e,t);if("string"!=typeof e||"string"!=typeof t)return()=>e;{let i=Y(e),n=Y(t);return null===i||null===n?i?()=>e:()=>t:e=>{var t=[,,,,];for(let s=0;s<4;s+=1){var r=i[s],o=n[s];t[s]=r*(1-e)+o*e}var[s,a,l,h]=t;return`rgba(${Math.round(s)}, ${Math.round(a)}, ${Math.round(l)}, ${h})`}}},X=(e,t)=>{let i=$(e,t);return e=>Math.round(i(e))};function Z({map:e,initKey:t},i){return t=t(i),e.has(t)?e.get(t):i}function Q(e){return"object"==typeof e?e.valueOf():e}class J extends Map{constructor(e){if(super(),this.map=new Map,this.initKey=Q,null!==e)for(var[t,i]of e)this.set(t,i)}get(e){return super.get(Z({map:this.map,initKey:this.initKey},e))}has(e){return super.has(Z({map:this.map,initKey:this.initKey},e))}set(e,t){var i,n;return super.set(([{map:e,initKey:i},n]=[{map:this.map,initKey:this.initKey},e],i=i(n),e.has(i)?e.get(i):(e.set(i,n),n)),t)}delete(e){var t,i;return super.delete(([{map:e,initKey:t},i]=[{map:this.map,initKey:this.initKey},e],t=t(i),e.has(t)&&(i=e.get(t),e.delete(t)),i))}}class ee{constructor(e){this.options=d({},this.getDefaultOptions()),this.update(e)}getOptions(){return this.options}update(e={}){this.options=d({},this.options,e),this.rescale(e)}rescale(e){}}let et=Symbol("defaultUnknown");function ei(e,t,i){for(let n=0;n""+e:"object"==typeof e?e=>JSON.stringify(e):e=>e}class eo extends ee{getDefaultOptions(){return{domain:[],range:[],unknown:et}}constructor(e){super(e)}map(e){return 0===this.domainIndexMap.size&&ei(this.domainIndexMap,this.getDomain(),this.domainKey),en({value:this.domainKey(e),mapper:this.domainIndexMap,from:this.getDomain(),to:this.getRange(),notFoundReturn:this.options.unknown})}invert(e){return 0===this.rangeIndexMap.size&&ei(this.rangeIndexMap,this.getRange(),this.rangeKey),en({value:this.rangeKey(e),mapper:this.rangeIndexMap,from:this.getRange(),to:this.getDomain(),notFoundReturn:this.options.unknown})}rescale(e){var[t]=this.options.domain,[i]=this.options.range;this.domainKey=er(t),this.rangeKey=er(i),this.rangeIndexMap?(e&&!e.range||this.rangeIndexMap.clear(),(!e||e.domain||e.compare)&&(this.domainIndexMap.clear(),this.sortedDomain=void 0)):(this.rangeIndexMap=new Map,this.domainIndexMap=new Map)}clone(){return new eo(this.options)}getRange(){return this.options.range}getDomain(){var e,t;return this.sortedDomain||({domain:e,compare:t}=this.options,this.sortedDomain=t?[...e].sort(t):e),this.sortedDomain}}class es extends eo{getDefaultOptions(){return{domain:[],range:[0,1],align:.5,round:!1,paddingInner:0,paddingOuter:0,padding:0,unknown:et,flex:[]}}constructor(e){super(e)}clone(){return new es(this.options)}getStep(e){return void 0===this.valueStep?1:"number"==typeof this.valueStep?this.valueStep:void 0===e?Array.from(this.valueStep.values())[0]:this.valueStep.get(e)}getBandWidth(e){return void 0===this.valueBandWidth?1:"number"==typeof this.valueBandWidth?this.valueBandWidth:void 0===e?Array.from(this.valueBandWidth.values())[0]:this.valueBandWidth.get(e)}getRange(){return this.adjustedRange}getPaddingInner(){var{padding:e,paddingInner:t}=this.options;return 0e/t)}(h),g=d/f.reduce((e,t)=>e+t);var h=new J(t.map((e,t)=>(t=f[t]*g,[e,s?Math.floor(t):t]))),p=new J(t.map((e,t)=>(t=f[t]*g+c,[e,s?Math.floor(t):t]))),d=Array.from(p.values()).reduce((e,t)=>e+t),e=e+(u-(d-d/l*r))*a;let m=s?Math.round(e):e;var _=Array(l);for(let e=0;el+t*s),{valueStep:s,valueBandWidth:a,adjustedRange:e}}({align:e,range:i,round:n,flex:r,paddingInner:this.getPaddingInner(),paddingOuter:this.getPaddingOuter(),domain:t});this.valueStep=n,this.valueBandWidth=i,this.adjustedRange=e}}let ea=(e,t,i)=>{let n,r,o=e,s=t;if(o===s&&0{let n;var[e,r]=e,[t,o]=t;return y(e{let n=Math.min(e.length,t.length)-1,r=Array(n),o=Array(n);var s=e[0]>e[n],a=s?[...e].reverse():e,l=s?[...t].reverse():t;for(let e=0;e{var i=function(e,t,i,n,r){let o=1,s=n||e.length;for(var a=e=>e;ot?s=l:o=l+1}return o}(e,t,0,n)-1,s=r[i];return y(o[i],s)(t)}},eu=(e,t,i,n)=>(2Math.min(Math.max(n,e),r)}return c}composeOutput(e,t){var{domain:i,range:n,round:r,interpolate:o}=this.options,i=eu(i.map(e),n,o,r);this.output=y(i,t,e)}composeInput(e,t,i){var{domain:n,range:r}=this.options,r=eu(r,n.map(e),$);this.input=y(t,i,r)}}class ec extends ed{getDefaultOptions(){return{domain:[0,1],range:[0,1],unknown:void 0,nice:!1,clamp:!1,round:!1,interpolate:q,tickMethod:ea,tickCount:5}}chooseTransforms(){return[c,c]}clone(){return new ec(this.options)}}class ef extends es{getDefaultOptions(){return{domain:[],range:[0,1],align:.5,round:!1,padding:0,unknown:et,paddingInner:1,paddingOuter:0}}constructor(e){super(e)}getPaddingInner(){return 1}clone(){return new ef(this.options)}update(e){super.update(e)}getPaddingOuter(){return this.options.padding}}function eg(e,t){for(var i=[],n=0,r=e.length;n{var[e,t]=e;return y($(0,1),T(e,t))})],e_);let eE=o=class extends ec{getDefaultOptions(){return{domain:[0,.5,1],unknown:void 0,nice:!1,clamp:!1,round:!1,interpolator:c,tickMethod:ea,tickCount:5}}constructor(e){super(e)}clone(){return new o(this.options)}};function ev(e,t,n,r,o){var s=new ec({range:[t,t+r]}),a=new ec({range:[n,n+o]});return{transform:function(e){var e=i(e,2),t=e[0],e=e[1];return[s.map(t),a.map(e)]},untransform:function(e){var e=i(e,2),t=e[0],e=e[1];return[s.invert(t),a.invert(e)]}}}function eb(e,t,n,r,o){return(0,i(e,1)[0])(t,n,r,o)}function eC(e,t,n,r,o){return i(e,1)[0]}function eS(e,t,n,r,o){var s=(e=i(e,4))[0],a=e[1],l=e[2],e=e[3],h=new ec({range:[l,e]}),u=new ec({range:[s,a]}),d=1<(l=o/r)?1:l,c=1{let[t,i,n]=e,r=y($(0,.5),T(t,i)),o=y($(.5,1),T(i,n));return e=>(t>n?eh&&(h=g)}for(var p=Math.atan(n/(i*Math.tan(r))),m=1/0,_=-1/0,E=[o,s],d=-(2*Math.PI);d<=2*Math.PI;d+=Math.PI){var v=p+d;o_&&(_=C)}return{x:l,y:m,width:h-l,height:_-m}}function l(e,t,i,n){return o(e,t,i,n)}function h(e,t,i,n,r){return{x:(1-r)*e+r*i,y:(1-r)*t+r*n}}function u(e,t,i,n,r){var o=1-r;return o*o*o*e+3*t*r*o*o+3*i*r*r*o+n*r*r*r}function d(e,t,i,n){var o,s,a,l=-3*e+9*t-9*i+3*n,h=6*e-12*t+6*i,u=3*t-3*e,d=[];if((0,r.Z)(l,0))!(0,r.Z)(h,0)&&(o=-u/h)>=0&&o<=1&&d.push(o);else{var c=h*h-4*l*u;(0,r.Z)(c,0)?d.push(-h/(2*l)):c>0&&(o=(-h+(a=Math.sqrt(c)))/(2*l),s=(-h-a)/(2*l),o>=0&&o<=1&&d.push(o),s>=0&&s<=1&&d.push(s))}return d}function c(e,t,i,n,r,o,a,l){for(var h=[e,a],c=[t,l],f=d(e,i,r,a),g=d(t,n,o,l),p=0;p=0?[o]:[]}function m(e,t,i,n,r,o){var a=p(e,i,r)[0],l=p(t,n,o)[0],h=[e,r],u=[t,o];return void 0!==a&&h.push(g(e,i,r,a)),void 0!==l&&u.push(g(t,n,o,l)),s(h,u)}},53984:function(e,t){"use strict";t.Z=function(e,t,i){return ei?i:e}},47427:function(e,t,i){"use strict";var n=i(10410);t.Z=function(e){return Array.isArray?Array.isArray(e):(0,n.Z)(e,"Array")}},63725:function(e,t,i){"use strict";var n=i(10410);t.Z=function(e){return(0,n.Z)(e,"Boolean")}},37377:function(e,t){"use strict";t.Z=function(e){return null==e}},76703:function(e,t,i){"use strict";function n(e,t,i){return void 0===i&&(i=1e-5),Math.abs(e-t)1&&(v*=O=Math.sqrt(O),b*=O);var L=v*v,I=b*b,w=(s===l?-1:1)*Math.sqrt(Math.abs((L*I-L*N*N-I*A*A)/(L*N*N+I*A*A)));p=w*v*N/b+(_+C)/2,m=-(w*b)*A/v+(E+S)/2,f=Math.asin(((E-m)/b*1e9>>0)/1e9),g=Math.asin(((S-m)/b*1e9>>0)/1e9),f=_g&&(f-=2*Math.PI),!l&&g>f&&(g-=2*Math.PI)}var D=g-f;if(Math.abs(D)>y){var x=g,M=C,k=S;R=e(C=p+v*Math.cos(g=f+y*(l&&g>f?1:-1)),S=m+b*Math.sin(g),v,b,o,0,l,M,k,[g,x,p,m])}D=g-f;var P=Math.cos(f),F=Math.cos(g),B=Math.tan(D/4),U=4/3*v*B,H=4/3*b*B,V=[_,E],W=[_+U*Math.sin(f),E-H*P],G=[C+U*Math.sin(g),S-H*F],j=[C,S];if(W[0]=2*V[0]-W[0],W[1]=2*V[1]-W[1],d)return W.concat(G,j,R);R=W.concat(G,j,R);for(var z=[],K=0,Y=R.length;K7){e[i].shift();for(var n=e[i],r=i;n.length;)t[i]="A",e.splice(r+=1,0,["C"].concat(n.splice(0,6)));e.splice(i,1)}}(d,f,_),p=d.length,"Z"===g&&m.push(_),l=(i=d[_]).length,c.x1=+i[l-2],c.y1=+i[l-1],c.x2=+i[l-4]||c.x1,c.y2=+i[l-3]||c.y1}return t?[d,m]:d}},63893:function(e,t,i){"use strict";i.d(t,{R:function(){return n}});var n={a:7,c:6,h:1,l:2,m:2,r:4,q:4,s:4,t:2,v:1,z:0}},54109:function(e,t,i){"use strict";i.d(t,{z:function(){return n}});var n={x1:0,y1:0,x2:0,y2:0,x:0,y:0,qx:null,qy:null}},8699:function(e,t,i){"use strict";function n(e){return e.map(function(e){return Array.isArray(e)?[].concat(e):e})}i.d(t,{U:function(){return n}})},28024:function(e,t,i){"use strict";i.d(t,{A:function(){return f}});var n=i(97582),r=i(12884),o=i(54109),s=i(41793),a=i(66141),l=i(63893);function h(e){for(var t=e.pathValue[e.segmentStart],i=t.toLowerCase(),n=e.data;n.length>=l.R[i]&&("m"===i&&n.length>2?(e.segments.push([t].concat(n.splice(0,2))),i="l",t="m"===t?"l":"L"):e.segments.push([t].concat(n.splice(0,l.R[i]))),l.R[i]););}function u(e){return e>=48&&e<=57}function d(e){for(var t,i=e.pathValue,n=e.max;e.index=5760&&[5760,6158,8192,8193,8194,8195,8196,8197,8198,8199,8200,8201,8202,8239,8287,12288,65279].includes(t));)e.index+=1}var c=function(e){this.pathValue=e,this.segments=[],this.max=e.length,this.index=0,this.param=0,this.segmentStart=0,this.data=[],this.err=""};function f(e){if((0,r.y)(e))return[].concat(e);for(var t=function(e){if((0,s.b)(e))return[].concat(e);var t=function(e){if((0,a.n)(e))return[].concat(e);var t=new c(e);for(d(t);t.index0;a-=1){if((32|r)==97&&(3===a||4===a)?function(e){var t=e.index,i=e.pathValue,n=i.charCodeAt(t);if(48===n){e.param=0,e.index+=1;return}if(49===n){e.param=1,e.index+=1;return}e.err='[path-util]: invalid Arc flag "'+i[t]+'", expecting 0 or 1 at index '+t}(e):function(e){var t,i=e.max,n=e.pathValue,r=e.index,o=r,s=!1,a=!1,l=!1,h=!1;if(o>=i){e.err="[path-util]: Invalid path value at index "+o+', "pathValue" is missing param';return}if((43===(t=n.charCodeAt(o))||45===t)&&(o+=1,t=n.charCodeAt(o)),!u(t)&&46!==t){e.err="[path-util]: Invalid path value at index "+o+', "'+n[o]+'" is not a number';return}if(46!==t){if(s=48===t,o+=1,t=n.charCodeAt(o),s&&o=e.max||!((s=i.charCodeAt(e.index))>=48&&s<=57||43===s||45===s||46===s))break}h(e)}(t);return t.err?t.err:t.segments}(e),i=0,n=0,r=0,o=0;return t.map(function(e){var t,s=e.slice(1).map(Number),a=e[0],l=a.toUpperCase();if("M"===a)return i=s[0],n=s[1],r=i,o=n,["M",i,n];if(a!==l)switch(l){case"A":t=[l,s[0],s[1],s[2],s[3],s[4],s[5]+i,s[6]+n];break;case"V":t=[l,s[0]+n];break;case"H":t=[l,s[0]+i];break;default:t=[l].concat(s.map(function(e,t){return e+(t%2?n:i)}))}else t=[l].concat(s);var h=t.length;switch(l){case"Z":i=r,n=o;break;case"H":i=t[1];break;case"V":n=t[1];break;default:i=t[h-2],n=t[h-1],"M"===l&&(r=i,o=n)}return t})}(e),i=(0,n.pi)({},o.z),f=0;f=g[t],p[t]-=m?1:0,m?e.ss:[e.s]}).flat()});return _[0].length===_[1].length?_:e(_[0],_[1],f)}}});var n=i(47852),r=i(31427);function o(e){return e.map(function(e,t,i){var o,s,a,l,h,u,d,c,f,g,p,m,_=t&&i[t-1].slice(-2).concat(e.slice(1)),E=t?(0,r.S)(_[0],_[1],_[2],_[3],_[4],_[5],_[6],_[7],_[8],{bbox:!1}).length:0;return m=t?E?(void 0===o&&(o=.5),s=_.slice(0,2),a=_.slice(2,4),l=_.slice(4,6),h=_.slice(6,8),u=(0,n.k)(s,a,o),d=(0,n.k)(a,l,o),c=(0,n.k)(l,h,o),f=(0,n.k)(u,d,o),g=(0,n.k)(d,c,o),p=(0,n.k)(f,g,o),[["C"].concat(u,f,p),["C"].concat(g,c,h)]):[e,e]:[e],{s:e,ss:m,l:E}})}},49958:function(e,t,i){"use strict";i.d(t,{b:function(){return r}});var n=i(75066);function r(e){var t,i,r;return t=0,i=0,r=0,(0,n.Y)(e).map(function(e){if("M"===e[0])return t=e[1],i=e[2],0;var n,o,s,a=e.slice(1),l=a[0],h=a[1],u=a[2],d=a[3],c=a[4],f=a[5];return o=t,r=3*((f-(s=i))*(l+u)-(c-o)*(h+d)+h*(o-u)-l*(s-d)+f*(u+o/3)-c*(d+s/3))/20,t=(n=e.slice(-2))[0],i=n[1],r}).reduce(function(e,t){return e+t},0)>=0}},80431:function(e,t,i){"use strict";i.d(t,{r:function(){return o}});var n=i(97582),r=i(12369);function o(e,t,i){return(0,r.s)(e,t,(0,n.pi)((0,n.pi)({},i),{bbox:!1,length:!0})).point}},88154:function(e,t,i){"use strict";i.d(t,{g:function(){return r}});var n=i(6393);function r(e,t){var i,r,o=e.length-1,s=[],a=0,l=(r=(i=e.length)-1,e.map(function(t,n){return e.map(function(t,o){var s=n+o;return 0===o||e[s]&&"M"===e[s][0]?["M"].concat(e[s].slice(-2)):(s>=i&&(s-=r),e[s])})}));return l.forEach(function(i,r){e.slice(1).forEach(function(i,s){a+=(0,n.y)(e[(r+s)%o].slice(-2),t[s%o].slice(-2))}),s[r]=a,a=0}),l[s.indexOf(Math.min.apply(null,s))]}},72888:function(e,t,i){"use strict";i.d(t,{D:function(){return o}});var n=i(97582),r=i(12369);function o(e,t){return(0,r.s)(e,void 0,(0,n.pi)((0,n.pi)({},t),{bbox:!1,length:!0})).length}},41793:function(e,t,i){"use strict";i.d(t,{b:function(){return r}});var n=i(66141);function r(e){return(0,n.n)(e)&&e.every(function(e){var t=e[0];return t===t.toUpperCase()})}},12884:function(e,t,i){"use strict";i.d(t,{y:function(){return r}});var n=i(41793);function r(e){return(0,n.b)(e)&&e.every(function(e){var t=e[0];return"ACLMQZ".includes(t)})}},66141:function(e,t,i){"use strict";i.d(t,{n:function(){return r}});var n=i(63893);function r(e){return Array.isArray(e)&&e.every(function(e){var t=e[0].toLowerCase();return n.R[t]===e.length-1&&"achlmqstvz".includes(t)})}},47852:function(e,t,i){"use strict";function n(e,t,i){var n=e[0],r=e[1];return[n+(t[0]-n)*i,r+(t[1]-r)*i]}i.d(t,{k:function(){return n}})},12369:function(e,t,i){"use strict";i.d(t,{s:function(){return h}});var n=i(28024),r=i(47852),o=i(6393);function s(e,t,i,n,s){var a=(0,o.y)([e,t],[i,n]),l={x:0,y:0};if("number"==typeof s){if(s<=0)l={x:e,y:t};else if(s>=a)l={x:i,y:n};else{var h=(0,r.k)([e,t],[i,n],s/a);l={x:h[0],y:h[1]}}}return{length:a,point:l,min:{x:Math.min(e,i),y:Math.min(t,n)},max:{x:Math.max(e,i),y:Math.max(t,n)}}}function a(e,t){var i=e.x,n=e.y,r=t.x,o=t.y,s=Math.sqrt((Math.pow(i,2)+Math.pow(n,2))*(Math.pow(r,2)+Math.pow(o,2)));return(i*o-n*r<0?-1:1)*Math.acos((i*r+n*o)/s)}var l=i(31427);function h(e,t,i){for(var r,h,u,d,c,f,g,p,m,_=(0,n.A)(e),E="number"==typeof t,v=[],b=0,C=0,S=0,y=0,T=[],R=[],A=0,N={x:0,y:0},O=N,L=N,I=N,w=0,D=0,x=_.length;D1&&(_*=p(y),E*=p(y));var T=(Math.pow(_,2)*Math.pow(E,2)-Math.pow(_,2)*Math.pow(S.y,2)-Math.pow(E,2)*Math.pow(S.x,2))/(Math.pow(_,2)*Math.pow(S.y,2)+Math.pow(E,2)*Math.pow(S.x,2)),R=(o!==l?1:-1)*p(T=T<0?0:T),A={x:R*(_*S.y/E),y:R*(-(E*S.x)/_)},N={x:g(v)*A.x-f(v)*A.y+(e+h)/2,y:f(v)*A.x+g(v)*A.y+(t+u)/2},O={x:(S.x-A.x)/_,y:(S.y-A.y)/E},L=a({x:1,y:0},O),I=a(O,{x:(-S.x-A.x)/_,y:(-S.y-A.y)/E});!l&&I>0?I-=2*m:l&&I<0&&(I+=2*m);var w=L+(I%=2*m)*d,D=_*g(w),x=E*f(w);return{x:g(v)*D-f(v)*x+N.x,y:f(v)*D+g(v)*x+N.y}}(e,t,i,n,r,l,h,u,d,L/b)).x,y=g.y,m&&O.push({x:S,y:y}),E&&(T+=(0,o.y)(A,[S,y])),A=[S,y],C&&T>=c&&c>R[2]){var I=(T-c)/(T-R[2]);N={x:A[0]*(1-I)+R[0]*I,y:A[1]*(1-I)+R[1]*I}}R=[S,y,T]}return C&&c>=T&&(N={x:u,y:d}),{length:T,point:N,min:{x:Math.min.apply(null,O.map(function(e){return e.x})),y:Math.min.apply(null,O.map(function(e){return e.y}))},max:{x:Math.max.apply(null,O.map(function(e){return e.x})),y:Math.max.apply(null,O.map(function(e){return e.y}))}}}(v[0],v[1],v[2],v[3],v[4],v[5],v[6],v[7],v[8],(t||0)-w,i||{})).length,N=h.min,O=h.max,L=h.point):"C"===p?(A=(u=(0,l.S)(v[0],v[1],v[2],v[3],v[4],v[5],v[6],v[7],(t||0)-w,i||{})).length,N=u.min,O=u.max,L=u.point):"Q"===p?(A=(d=function(e,t,i,n,r,s,a,l){var h,u=l.bbox,d=void 0===u||u,c=l.length,f=void 0===c||c,g=l.sampleSize,p=void 0===g?10:g,m="number"==typeof a,_=e,E=t,v=0,b=[_,E,0],C=[_,E],S={x:0,y:0},y=[{x:_,y:E}];m&&a<=0&&(S={x:_,y:E});for(var T=0;T<=p;T+=1){if(_=(h=function(e,t,i,n,r,o,s){var a=1-s;return{x:Math.pow(a,2)*e+2*a*s*i+Math.pow(s,2)*r,y:Math.pow(a,2)*t+2*a*s*n+Math.pow(s,2)*o}}(e,t,i,n,r,s,T/p)).x,E=h.y,d&&y.push({x:_,y:E}),f&&(v+=(0,o.y)(C,[_,E])),C=[_,E],m&&v>=a&&a>b[2]){var R=(v-a)/(v-b[2]);S={x:C[0]*(1-R)+b[0]*R,y:C[1]*(1-R)+b[1]*R}}b=[_,E,v]}return m&&a>=v&&(S={x:r,y:s}),{length:v,point:S,min:{x:Math.min.apply(null,y.map(function(e){return e.x})),y:Math.min.apply(null,y.map(function(e){return e.y}))},max:{x:Math.max.apply(null,y.map(function(e){return e.x})),y:Math.max.apply(null,y.map(function(e){return e.y}))}}}(v[0],v[1],v[2],v[3],v[4],v[5],(t||0)-w,i||{})).length,N=d.min,O=d.max,L=d.point):"Z"===p&&(A=(c=s((v=[b,C,S,y])[0],v[1],v[2],v[3],(t||0)-w)).length,N=c.min,O=c.max,L=c.point),E&&w=t&&(I=L),R.push(O),T.push(N),w+=A,b=(f="Z"!==p?m.slice(-2):[S,y])[0],C=f[1];return E&&t>=w&&(I={x:b,y:C}),{length:w,point:I,min:{x:Math.min.apply(null,T.map(function(e){return e.x})),y:Math.min.apply(null,T.map(function(e){return e.y}))},max:{x:Math.max.apply(null,R.map(function(e){return e.x})),y:Math.max.apply(null,R.map(function(e){return e.y}))}}}},31427:function(e,t,i){"use strict";i.d(t,{S:function(){return r}});var n=i(6393);function r(e,t,i,r,o,s,a,l,h,u){var d,c=u.bbox,f=void 0===c||c,g=u.length,p=void 0===g||g,m=u.sampleSize,_=void 0===m?10:m,E="number"==typeof h,v=e,b=t,C=0,S=[v,b,0],y=[v,b],T={x:0,y:0},R=[{x:v,y:b}];E&&h<=0&&(T={x:v,y:b});for(var A=0;A<=_;A+=1){if(v=(d=function(e,t,i,n,r,o,s,a,l){var h=1-l;return{x:Math.pow(h,3)*e+3*Math.pow(h,2)*l*i+3*h*Math.pow(l,2)*r+Math.pow(l,3)*s,y:Math.pow(h,3)*t+3*Math.pow(h,2)*l*n+3*h*Math.pow(l,2)*o+Math.pow(l,3)*a}}(e,t,i,r,o,s,a,l,A/_)).x,b=d.y,f&&R.push({x:v,y:b}),p&&(C+=(0,n.y)(y,[v,b])),y=[v,b],E&&C>=h&&h>S[2]){var N=(C-h)/(C-S[2]);T={x:y[0]*(1-N)+S[0]*N,y:y[1]*(1-N)+S[1]*N}}S=[v,b,C]}return E&&h>=C&&(T={x:a,y:l}),{length:C,point:T,min:{x:Math.min.apply(null,R.map(function(e){return e.x})),y:Math.min.apply(null,R.map(function(e){return e.y}))},max:{x:Math.max.apply(null,R.map(function(e){return e.x})),y:Math.max.apply(null,R.map(function(e){return e.y}))}}}},33439:function(e,t,i){"use strict";function n(e,t,i){e.prototype=t.prototype=i,i.constructor=e}function r(e,t){var i=Object.create(e.prototype);for(var n in t)i[n]=t[n];return i}function o(){}i.d(t,{ZP:function(){return v}});var s="\\s*([+-]?\\d+)\\s*",a="\\s*([+-]?\\d*\\.?\\d+(?:[eE][+-]?\\d+)?)\\s*",l="\\s*([+-]?\\d*\\.?\\d+(?:[eE][+-]?\\d+)?)%\\s*",h=/^#([0-9a-f]{3,8})$/,u=RegExp("^rgb\\("+[s,s,s]+"\\)$"),d=RegExp("^rgb\\("+[l,l,l]+"\\)$"),c=RegExp("^rgba\\("+[s,s,s,a]+"\\)$"),f=RegExp("^rgba\\("+[l,l,l,a]+"\\)$"),g=RegExp("^hsl\\("+[a,l,l]+"\\)$"),p=RegExp("^hsla\\("+[a,l,l,a]+"\\)$"),m={aliceblue:15792383,antiquewhite:16444375,aqua:65535,aquamarine:8388564,azure:15794175,beige:16119260,bisque:16770244,black:0,blanchedalmond:16772045,blue:255,blueviolet:9055202,brown:10824234,burlywood:14596231,cadetblue:6266528,chartreuse:8388352,chocolate:13789470,coral:16744272,cornflowerblue:6591981,cornsilk:16775388,crimson:14423100,cyan:65535,darkblue:139,darkcyan:35723,darkgoldenrod:12092939,darkgray:11119017,darkgreen:25600,darkgrey:11119017,darkkhaki:12433259,darkmagenta:9109643,darkolivegreen:5597999,darkorange:16747520,darkorchid:10040012,darkred:9109504,darksalmon:15308410,darkseagreen:9419919,darkslateblue:4734347,darkslategray:3100495,darkslategrey:3100495,darkturquoise:52945,darkviolet:9699539,deeppink:16716947,deepskyblue:49151,dimgray:6908265,dimgrey:6908265,dodgerblue:2003199,firebrick:11674146,floralwhite:16775920,forestgreen:2263842,fuchsia:16711935,gainsboro:14474460,ghostwhite:16316671,gold:16766720,goldenrod:14329120,gray:8421504,green:32768,greenyellow:11403055,grey:8421504,honeydew:15794160,hotpink:16738740,indianred:13458524,indigo:4915330,ivory:16777200,khaki:15787660,lavender:15132410,lavenderblush:16773365,lawngreen:8190976,lemonchiffon:16775885,lightblue:11393254,lightcoral:15761536,lightcyan:14745599,lightgoldenrodyellow:16448210,lightgray:13882323,lightgreen:9498256,lightgrey:13882323,lightpink:16758465,lightsalmon:16752762,lightseagreen:2142890,lightskyblue:8900346,lightslategray:7833753,lightslategrey:7833753,lightsteelblue:11584734,lightyellow:16777184,lime:65280,limegreen:3329330,linen:16445670,magenta:16711935,maroon:8388608,mediumaquamarine:6737322,mediumblue:205,mediumorchid:12211667,mediumpurple:9662683,mediumseagreen:3978097,mediumslateblue:8087790,mediumspringgreen:64154,mediumturquoise:4772300,mediumvioletred:13047173,midnightblue:1644912,mintcream:16121850,mistyrose:16770273,moccasin:16770229,navajowhite:16768685,navy:128,oldlace:16643558,olive:8421376,olivedrab:7048739,orange:16753920,orangered:16729344,orchid:14315734,palegoldenrod:15657130,palegreen:10025880,paleturquoise:11529966,palevioletred:14381203,papayawhip:16773077,peachpuff:16767673,peru:13468991,pink:16761035,plum:14524637,powderblue:11591910,purple:8388736,rebeccapurple:6697881,red:16711680,rosybrown:12357519,royalblue:4286945,saddlebrown:9127187,salmon:16416882,sandybrown:16032864,seagreen:3050327,seashell:16774638,sienna:10506797,silver:12632256,skyblue:8900331,slateblue:6970061,slategray:7372944,slategrey:7372944,snow:16775930,springgreen:65407,steelblue:4620980,tan:13808780,teal:32896,thistle:14204888,tomato:16737095,turquoise:4251856,violet:15631086,wheat:16113331,white:16777215,whitesmoke:16119285,yellow:16776960,yellowgreen:10145074};function _(){return this.rgb().formatHex()}function E(){return this.rgb().formatRgb()}function v(e){var t,i;return e=(e+"").trim().toLowerCase(),(t=h.exec(e))?(i=t[1].length,t=parseInt(t[1],16),6===i?b(t):3===i?new S(t>>8&15|t>>4&240,t>>4&15|240&t,(15&t)<<4|15&t,1):8===i?C(t>>24&255,t>>16&255,t>>8&255,(255&t)/255):4===i?C(t>>12&15|t>>8&240,t>>8&15|t>>4&240,t>>4&15|240&t,((15&t)<<4|15&t)/255):null):(t=u.exec(e))?new S(t[1],t[2],t[3],1):(t=d.exec(e))?new S(255*t[1]/100,255*t[2]/100,255*t[3]/100,1):(t=c.exec(e))?C(t[1],t[2],t[3],t[4]):(t=f.exec(e))?C(255*t[1]/100,255*t[2]/100,255*t[3]/100,t[4]):(t=g.exec(e))?A(t[1],t[2]/100,t[3]/100,1):(t=p.exec(e))?A(t[1],t[2]/100,t[3]/100,t[4]):m.hasOwnProperty(e)?b(m[e]):"transparent"===e?new S(NaN,NaN,NaN,0):null}function b(e){return new S(e>>16&255,e>>8&255,255&e,1)}function C(e,t,i,n){return n<=0&&(e=t=i=NaN),new S(e,t,i,n)}function S(e,t,i,n){this.r=+e,this.g=+t,this.b=+i,this.opacity=+n}function y(){return"#"+R(this.r)+R(this.g)+R(this.b)}function T(){var e=this.opacity;return(1===(e=isNaN(e)?1:Math.max(0,Math.min(1,e)))?"rgb(":"rgba(")+Math.max(0,Math.min(255,Math.round(this.r)||0))+", "+Math.max(0,Math.min(255,Math.round(this.g)||0))+", "+Math.max(0,Math.min(255,Math.round(this.b)||0))+(1===e?")":", "+e+")")}function R(e){return((e=Math.max(0,Math.min(255,Math.round(e)||0)))<16?"0":"")+e.toString(16)}function A(e,t,i,n){return n<=0?e=t=i=NaN:i<=0||i>=1?e=t=NaN:t<=0&&(e=NaN),new O(e,t,i,n)}function N(e){if(e instanceof O)return new O(e.h,e.s,e.l,e.opacity);if(e instanceof o||(e=v(e)),!e)return new O;if(e instanceof O)return e;var t=(e=e.rgb()).r/255,i=e.g/255,n=e.b/255,r=Math.min(t,i,n),s=Math.max(t,i,n),a=NaN,l=s-r,h=(s+r)/2;return l?(a=t===s?(i-n)/l+(i0&&h<1?0:a,new O(a,l,h,e.opacity)}function O(e,t,i,n){this.h=+e,this.s=+t,this.l=+i,this.opacity=+n}function L(e,t,i){return(e<60?t+(i-t)*e/60:e<180?i:e<240?t+(i-t)*(240-e)/60:t)*255}n(o,v,{copy:function(e){return Object.assign(new this.constructor,this,e)},displayable:function(){return this.rgb().displayable()},hex:_,formatHex:_,formatHsl:function(){return N(this).formatHsl()},formatRgb:E,toString:E}),n(S,function(e,t,i,n){var r;return 1==arguments.length?((r=e)instanceof o||(r=v(r)),r)?(r=r.rgb(),new S(r.r,r.g,r.b,r.opacity)):new S:new S(e,t,i,null==n?1:n)},r(o,{brighter:function(e){return e=null==e?1.4285714285714286:Math.pow(1.4285714285714286,e),new S(this.r*e,this.g*e,this.b*e,this.opacity)},darker:function(e){return e=null==e?.7:Math.pow(.7,e),new S(this.r*e,this.g*e,this.b*e,this.opacity)},rgb:function(){return this},displayable:function(){return -.5<=this.r&&this.r<255.5&&-.5<=this.g&&this.g<255.5&&-.5<=this.b&&this.b<255.5&&0<=this.opacity&&this.opacity<=1},hex:y,formatHex:y,formatRgb:T,toString:T})),n(O,function(e,t,i,n){return 1==arguments.length?N(e):new O(e,t,i,null==n?1:n)},r(o,{brighter:function(e){return e=null==e?1.4285714285714286:Math.pow(1.4285714285714286,e),new O(this.h,this.s,this.l*e,this.opacity)},darker:function(e){return e=null==e?.7:Math.pow(.7,e),new O(this.h,this.s,this.l*e,this.opacity)},rgb:function(){var e=this.h%360+(this.h<0)*360,t=isNaN(e)||isNaN(this.s)?0:this.s,i=this.l,n=i+(i<.5?i:1-i)*t,r=2*i-n;return new S(L(e>=240?e-240:e+120,r,n),L(e,r,n),L(e<120?e+240:e-120,r,n),this.opacity)},displayable:function(){return(0<=this.s&&this.s<=1||isNaN(this.s))&&0<=this.l&&this.l<=1&&0<=this.opacity&&this.opacity<=1},formatHsl:function(){var e=this.opacity;return(1===(e=isNaN(e)?1:Math.max(0,Math.min(1,e)))?"hsl(":"hsla(")+(this.h||0)+", "+100*(this.s||0)+"%, "+100*(this.l||0)+"%"+(1===e?")":", "+e+")")}}))},53406:function(e,t,i){"use strict";i.d(t,{r:function(){return ew}});var n,r,o,s,a,l=i(87462),h=i(63366),u=i(67294),d=i(33703),c=i(73546),f=i(82690);function g(e){if(null==e)return window;if("[object Window]"!==e.toString()){var t=e.ownerDocument;return t&&t.defaultView||window}return e}function p(e){var t=g(e).Element;return e instanceof t||e instanceof Element}function m(e){var t=g(e).HTMLElement;return e instanceof t||e instanceof HTMLElement}function _(e){if("undefined"==typeof ShadowRoot)return!1;var t=g(e).ShadowRoot;return e instanceof t||e instanceof ShadowRoot}var E=Math.max,v=Math.min,b=Math.round;function C(){var e=navigator.userAgentData;return null!=e&&e.brands&&Array.isArray(e.brands)?e.brands.map(function(e){return e.brand+"/"+e.version}).join(" "):navigator.userAgent}function S(){return!/^((?!chrome|android).)*safari/i.test(C())}function y(e,t,i){void 0===t&&(t=!1),void 0===i&&(i=!1);var n=e.getBoundingClientRect(),r=1,o=1;t&&m(e)&&(r=e.offsetWidth>0&&b(n.width)/e.offsetWidth||1,o=e.offsetHeight>0&&b(n.height)/e.offsetHeight||1);var s=(p(e)?g(e):window).visualViewport,a=!S()&&i,l=(n.left+(a&&s?s.offsetLeft:0))/r,h=(n.top+(a&&s?s.offsetTop:0))/o,u=n.width/r,d=n.height/o;return{width:u,height:d,top:h,right:l+u,bottom:h+d,left:l,x:l,y:h}}function T(e){var t=g(e);return{scrollLeft:t.pageXOffset,scrollTop:t.pageYOffset}}function R(e){return e?(e.nodeName||"").toLowerCase():null}function A(e){return((p(e)?e.ownerDocument:e.document)||window.document).documentElement}function N(e){return y(A(e)).left+T(e).scrollLeft}function O(e){return g(e).getComputedStyle(e)}function L(e){var t=O(e),i=t.overflow,n=t.overflowX,r=t.overflowY;return/auto|scroll|overlay|hidden/.test(i+r+n)}function I(e){var t=y(e),i=e.offsetWidth,n=e.offsetHeight;return 1>=Math.abs(t.width-i)&&(i=t.width),1>=Math.abs(t.height-n)&&(n=t.height),{x:e.offsetLeft,y:e.offsetTop,width:i,height:n}}function w(e){return"html"===R(e)?e:e.assignedSlot||e.parentNode||(_(e)?e.host:null)||A(e)}function D(e,t){void 0===t&&(t=[]);var i,n=function e(t){return["html","body","#document"].indexOf(R(t))>=0?t.ownerDocument.body:m(t)&&L(t)?t:e(w(t))}(e),r=n===(null==(i=e.ownerDocument)?void 0:i.body),o=g(n),s=r?[o].concat(o.visualViewport||[],L(n)?n:[]):n,a=t.concat(s);return r?a:a.concat(D(w(s)))}function x(e){return m(e)&&"fixed"!==O(e).position?e.offsetParent:null}function M(e){for(var t=g(e),i=x(e);i&&["table","td","th"].indexOf(R(i))>=0&&"static"===O(i).position;)i=x(i);return i&&("html"===R(i)||"body"===R(i)&&"static"===O(i).position)?t:i||function(e){var t=/firefox/i.test(C());if(/Trident/i.test(C())&&m(e)&&"fixed"===O(e).position)return null;var i=w(e);for(_(i)&&(i=i.host);m(i)&&0>["html","body"].indexOf(R(i));){var n=O(i);if("none"!==n.transform||"none"!==n.perspective||"paint"===n.contain||-1!==["transform","perspective"].indexOf(n.willChange)||t&&"filter"===n.willChange||t&&n.filter&&"none"!==n.filter)return i;i=i.parentNode}return null}(e)||t}var k="bottom",P="right",F="left",B="auto",U=["top",k,P,F],H="start",V="viewport",W="popper",G=U.reduce(function(e,t){return e.concat([t+"-"+H,t+"-end"])},[]),j=[].concat(U,[B]).reduce(function(e,t){return e.concat([t,t+"-"+H,t+"-end"])},[]),z=["beforeRead","read","afterRead","beforeMain","main","afterMain","beforeWrite","write","afterWrite"],K={placement:"bottom",modifiers:[],strategy:"absolute"};function Y(){for(var e=arguments.length,t=Array(e),i=0;i=0?"x":"y"}function Q(e){var t,i=e.reference,n=e.element,r=e.placement,o=r?q(r):null,s=r?X(r):null,a=i.x+i.width/2-n.width/2,l=i.y+i.height/2-n.height/2;switch(o){case"top":t={x:a,y:i.y-n.height};break;case k:t={x:a,y:i.y+i.height};break;case P:t={x:i.x+i.width,y:l};break;case F:t={x:i.x-n.width,y:l};break;default:t={x:i.x,y:i.y}}var h=o?Z(o):null;if(null!=h){var u="y"===h?"height":"width";switch(s){case H:t[h]=t[h]-(i[u]/2-n[u]/2);break;case"end":t[h]=t[h]+(i[u]/2-n[u]/2)}}return t}var J={top:"auto",right:"auto",bottom:"auto",left:"auto"};function ee(e){var t,i,n,r,o,s,a,l=e.popper,h=e.popperRect,u=e.placement,d=e.variation,c=e.offsets,f=e.position,p=e.gpuAcceleration,m=e.adaptive,_=e.roundOffsets,E=e.isFixed,v=c.x,C=void 0===v?0:v,S=c.y,y=void 0===S?0:S,T="function"==typeof _?_({x:C,y:y}):{x:C,y:y};C=T.x,y=T.y;var R=c.hasOwnProperty("x"),N=c.hasOwnProperty("y"),L=F,I="top",w=window;if(m){var D=M(l),x="clientHeight",B="clientWidth";D===g(l)&&"static"!==O(D=A(l)).position&&"absolute"===f&&(x="scrollHeight",B="scrollWidth"),("top"===u||(u===F||u===P)&&"end"===d)&&(I=k,y-=(E&&D===w&&w.visualViewport?w.visualViewport.height:D[x])-h.height,y*=p?1:-1),(u===F||("top"===u||u===k)&&"end"===d)&&(L=P,C-=(E&&D===w&&w.visualViewport?w.visualViewport.width:D[B])-h.width,C*=p?1:-1)}var U=Object.assign({position:f},m&&J),H=!0===_?(t={x:C,y:y},i=g(l),n=t.x,r=t.y,{x:b(n*(o=i.devicePixelRatio||1))/o||0,y:b(r*o)/o||0}):{x:C,y:y};return(C=H.x,y=H.y,p)?Object.assign({},U,((a={})[I]=N?"0":"",a[L]=R?"0":"",a.transform=1>=(w.devicePixelRatio||1)?"translate("+C+"px, "+y+"px)":"translate3d("+C+"px, "+y+"px, 0)",a)):Object.assign({},U,((s={})[I]=N?y+"px":"",s[L]=R?C+"px":"",s.transform="",s))}var et={left:"right",right:"left",bottom:"top",top:"bottom"};function ei(e){return e.replace(/left|right|bottom|top/g,function(e){return et[e]})}var en={start:"end",end:"start"};function er(e){return e.replace(/start|end/g,function(e){return en[e]})}function eo(e,t){var i=t.getRootNode&&t.getRootNode();if(e.contains(t))return!0;if(i&&_(i)){var n=t;do{if(n&&e.isSameNode(n))return!0;n=n.parentNode||n.host}while(n)}return!1}function es(e){return Object.assign({},e,{left:e.x,top:e.y,right:e.x+e.width,bottom:e.y+e.height})}function ea(e,t,i){var n,r,o,s,a,l,h,u,d,c;return t===V?es(function(e,t){var i=g(e),n=A(e),r=i.visualViewport,o=n.clientWidth,s=n.clientHeight,a=0,l=0;if(r){o=r.width,s=r.height;var h=S();(h||!h&&"fixed"===t)&&(a=r.offsetLeft,l=r.offsetTop)}return{width:o,height:s,x:a+N(e),y:l}}(e,i)):p(t)?((n=y(t,!1,"fixed"===i)).top=n.top+t.clientTop,n.left=n.left+t.clientLeft,n.bottom=n.top+t.clientHeight,n.right=n.left+t.clientWidth,n.width=t.clientWidth,n.height=t.clientHeight,n.x=n.left,n.y=n.top,n):es((r=A(e),s=A(r),a=T(r),l=null==(o=r.ownerDocument)?void 0:o.body,h=E(s.scrollWidth,s.clientWidth,l?l.scrollWidth:0,l?l.clientWidth:0),u=E(s.scrollHeight,s.clientHeight,l?l.scrollHeight:0,l?l.clientHeight:0),d=-a.scrollLeft+N(r),c=-a.scrollTop,"rtl"===O(l||s).direction&&(d+=E(s.clientWidth,l?l.clientWidth:0)-h),{width:h,height:u,x:d,y:c}))}function el(){return{top:0,right:0,bottom:0,left:0}}function eh(e){return Object.assign({},el(),e)}function eu(e,t){return t.reduce(function(t,i){return t[i]=e,t},{})}function ed(e,t){void 0===t&&(t={});var i,n,r,o,s,a,l,h=t,u=h.placement,d=void 0===u?e.placement:u,c=h.strategy,f=void 0===c?e.strategy:c,g=h.boundary,_=h.rootBoundary,b=h.elementContext,C=void 0===b?W:b,S=h.altBoundary,T=h.padding,N=void 0===T?0:T,L=eh("number"!=typeof N?N:eu(N,U)),I=e.rects.popper,x=e.elements[void 0!==S&&S?C===W?"reference":W:C],F=(i=p(x)?x:x.contextElement||A(e.elements.popper),a=(s=[].concat("clippingParents"===(n=void 0===g?"clippingParents":g)?(r=D(w(i)),p(o=["absolute","fixed"].indexOf(O(i).position)>=0&&m(i)?M(i):i)?r.filter(function(e){return p(e)&&eo(e,o)&&"body"!==R(e)}):[]):[].concat(n),[void 0===_?V:_]))[0],(l=s.reduce(function(e,t){var n=ea(i,t,f);return e.top=E(n.top,e.top),e.right=v(n.right,e.right),e.bottom=v(n.bottom,e.bottom),e.left=E(n.left,e.left),e},ea(i,a,f))).width=l.right-l.left,l.height=l.bottom-l.top,l.x=l.left,l.y=l.top,l),B=y(e.elements.reference),H=Q({reference:B,element:I,strategy:"absolute",placement:d}),G=es(Object.assign({},I,H)),j=C===W?G:B,z={top:F.top-j.top+L.top,bottom:j.bottom-F.bottom+L.bottom,left:F.left-j.left+L.left,right:j.right-F.right+L.right},K=e.modifiersData.offset;if(C===W&&K){var Y=K[d];Object.keys(z).forEach(function(e){var t=[P,k].indexOf(e)>=0?1:-1,i=["top",k].indexOf(e)>=0?"y":"x";z[e]+=Y[i]*t})}return z}function ec(e,t,i){return E(e,v(t,i))}function ef(e,t,i){return void 0===i&&(i={x:0,y:0}),{top:e.top-t.height-i.y,right:e.right-t.width+i.x,bottom:e.bottom-t.height+i.y,left:e.left-t.width-i.x}}function eg(e){return["top",P,k,F].some(function(t){return e[t]>=0})}var ep=(o=void 0===(r=(n={defaultModifiers:[{name:"eventListeners",enabled:!0,phase:"write",fn:function(){},effect:function(e){var t=e.state,i=e.instance,n=e.options,r=n.scroll,o=void 0===r||r,s=n.resize,a=void 0===s||s,l=g(t.elements.popper),h=[].concat(t.scrollParents.reference,t.scrollParents.popper);return o&&h.forEach(function(e){e.addEventListener("scroll",i.update,$)}),a&&l.addEventListener("resize",i.update,$),function(){o&&h.forEach(function(e){e.removeEventListener("scroll",i.update,$)}),a&&l.removeEventListener("resize",i.update,$)}},data:{}},{name:"popperOffsets",enabled:!0,phase:"read",fn:function(e){var t=e.state,i=e.name;t.modifiersData[i]=Q({reference:t.rects.reference,element:t.rects.popper,strategy:"absolute",placement:t.placement})},data:{}},{name:"computeStyles",enabled:!0,phase:"beforeWrite",fn:function(e){var t=e.state,i=e.options,n=i.gpuAcceleration,r=i.adaptive,o=i.roundOffsets,s=void 0===o||o,a={placement:q(t.placement),variation:X(t.placement),popper:t.elements.popper,popperRect:t.rects.popper,gpuAcceleration:void 0===n||n,isFixed:"fixed"===t.options.strategy};null!=t.modifiersData.popperOffsets&&(t.styles.popper=Object.assign({},t.styles.popper,ee(Object.assign({},a,{offsets:t.modifiersData.popperOffsets,position:t.options.strategy,adaptive:void 0===r||r,roundOffsets:s})))),null!=t.modifiersData.arrow&&(t.styles.arrow=Object.assign({},t.styles.arrow,ee(Object.assign({},a,{offsets:t.modifiersData.arrow,position:"absolute",adaptive:!1,roundOffsets:s})))),t.attributes.popper=Object.assign({},t.attributes.popper,{"data-popper-placement":t.placement})},data:{}},{name:"applyStyles",enabled:!0,phase:"write",fn:function(e){var t=e.state;Object.keys(t.elements).forEach(function(e){var i=t.styles[e]||{},n=t.attributes[e]||{},r=t.elements[e];m(r)&&R(r)&&(Object.assign(r.style,i),Object.keys(n).forEach(function(e){var t=n[e];!1===t?r.removeAttribute(e):r.setAttribute(e,!0===t?"":t)}))})},effect:function(e){var t=e.state,i={popper:{position:t.options.strategy,left:"0",top:"0",margin:"0"},arrow:{position:"absolute"},reference:{}};return Object.assign(t.elements.popper.style,i.popper),t.styles=i,t.elements.arrow&&Object.assign(t.elements.arrow.style,i.arrow),function(){Object.keys(t.elements).forEach(function(e){var n=t.elements[e],r=t.attributes[e]||{},o=Object.keys(t.styles.hasOwnProperty(e)?t.styles[e]:i[e]).reduce(function(e,t){return e[t]="",e},{});m(n)&&R(n)&&(Object.assign(n.style,o),Object.keys(r).forEach(function(e){n.removeAttribute(e)}))})}},requires:["computeStyles"]},{name:"offset",enabled:!0,phase:"main",requires:["popperOffsets"],fn:function(e){var t=e.state,i=e.options,n=e.name,r=i.offset,o=void 0===r?[0,0]:r,s=j.reduce(function(e,i){var n,r,s,a,l,h;return e[i]=(n=t.rects,s=[F,"top"].indexOf(r=q(i))>=0?-1:1,l=(a="function"==typeof o?o(Object.assign({},n,{placement:i})):o)[0],h=a[1],l=l||0,h=(h||0)*s,[F,P].indexOf(r)>=0?{x:h,y:l}:{x:l,y:h}),e},{}),a=s[t.placement],l=a.x,h=a.y;null!=t.modifiersData.popperOffsets&&(t.modifiersData.popperOffsets.x+=l,t.modifiersData.popperOffsets.y+=h),t.modifiersData[n]=s}},{name:"flip",enabled:!0,phase:"main",fn:function(e){var t=e.state,i=e.options,n=e.name;if(!t.modifiersData[n]._skip){for(var r=i.mainAxis,o=void 0===r||r,s=i.altAxis,a=void 0===s||s,l=i.fallbackPlacements,h=i.padding,u=i.boundary,d=i.rootBoundary,c=i.altBoundary,f=i.flipVariations,g=void 0===f||f,p=i.allowedAutoPlacements,m=t.options.placement,_=q(m)===m,E=l||(_||!g?[ei(m)]:function(e){if(q(e)===B)return[];var t=ei(e);return[er(e),t,er(t)]}(m)),v=[m].concat(E).reduce(function(e,i){var n,r,o,s,a,l,c,f,m,_,E,v;return e.concat(q(i)===B?(r=(n={placement:i,boundary:u,rootBoundary:d,padding:h,flipVariations:g,allowedAutoPlacements:p}).placement,o=n.boundary,s=n.rootBoundary,a=n.padding,l=n.flipVariations,f=void 0===(c=n.allowedAutoPlacements)?j:c,0===(E=(_=(m=X(r))?l?G:G.filter(function(e){return X(e)===m}):U).filter(function(e){return f.indexOf(e)>=0})).length&&(E=_),Object.keys(v=E.reduce(function(e,i){return e[i]=ed(t,{placement:i,boundary:o,rootBoundary:s,padding:a})[q(i)],e},{})).sort(function(e,t){return v[e]-v[t]})):i)},[]),b=t.rects.reference,C=t.rects.popper,S=new Map,y=!0,T=v[0],R=0;R=0,I=L?"width":"height",w=ed(t,{placement:A,boundary:u,rootBoundary:d,altBoundary:c,padding:h}),D=L?O?P:F:O?k:"top";b[I]>C[I]&&(D=ei(D));var x=ei(D),M=[];if(o&&M.push(w[N]<=0),a&&M.push(w[D]<=0,w[x]<=0),M.every(function(e){return e})){T=A,y=!1;break}S.set(A,M)}if(y)for(var V=g?3:1,W=function(e){var t=v.find(function(t){var i=S.get(t);if(i)return i.slice(0,e).every(function(e){return e})});if(t)return T=t,"break"},z=V;z>0&&"break"!==W(z);z--);t.placement!==T&&(t.modifiersData[n]._skip=!0,t.placement=T,t.reset=!0)}},requiresIfExists:["offset"],data:{_skip:!1}},{name:"preventOverflow",enabled:!0,phase:"main",fn:function(e){var t=e.state,i=e.options,n=e.name,r=i.mainAxis,o=i.altAxis,s=i.boundary,a=i.rootBoundary,l=i.altBoundary,h=i.padding,u=i.tether,d=void 0===u||u,c=i.tetherOffset,f=void 0===c?0:c,g=ed(t,{boundary:s,rootBoundary:a,padding:h,altBoundary:l}),p=q(t.placement),m=X(t.placement),_=!m,b=Z(p),C="x"===b?"y":"x",S=t.modifiersData.popperOffsets,y=t.rects.reference,T=t.rects.popper,R="function"==typeof f?f(Object.assign({},t.rects,{placement:t.placement})):f,A="number"==typeof R?{mainAxis:R,altAxis:R}:Object.assign({mainAxis:0,altAxis:0},R),N=t.modifiersData.offset?t.modifiersData.offset[t.placement]:null,O={x:0,y:0};if(S){if(void 0===r||r){var L,w="y"===b?"top":F,D="y"===b?k:P,x="y"===b?"height":"width",B=S[b],U=B+g[w],V=B-g[D],W=d?-T[x]/2:0,G=m===H?y[x]:T[x],j=m===H?-T[x]:-y[x],z=t.elements.arrow,K=d&&z?I(z):{width:0,height:0},Y=t.modifiersData["arrow#persistent"]?t.modifiersData["arrow#persistent"].padding:el(),$=Y[w],Q=Y[D],J=ec(0,y[x],K[x]),ee=_?y[x]/2-W-J-$-A.mainAxis:G-J-$-A.mainAxis,et=_?-y[x]/2+W+J+Q+A.mainAxis:j+J+Q+A.mainAxis,ei=t.elements.arrow&&M(t.elements.arrow),en=ei?"y"===b?ei.clientTop||0:ei.clientLeft||0:0,er=null!=(L=null==N?void 0:N[b])?L:0,eo=B+ee-er-en,es=B+et-er,ea=ec(d?v(U,eo):U,B,d?E(V,es):V);S[b]=ea,O[b]=ea-B}if(void 0!==o&&o){var eh,eu,ef="x"===b?"top":F,eg="x"===b?k:P,ep=S[C],em="y"===C?"height":"width",e_=ep+g[ef],eE=ep-g[eg],ev=-1!==["top",F].indexOf(p),eb=null!=(eu=null==N?void 0:N[C])?eu:0,eC=ev?e_:ep-y[em]-T[em]-eb+A.altAxis,eS=ev?ep+y[em]+T[em]-eb-A.altAxis:eE,ey=d&&ev?(eh=ec(eC,ep,eS))>eS?eS:eh:ec(d?eC:e_,ep,d?eS:eE);S[C]=ey,O[C]=ey-ep}t.modifiersData[n]=O}},requiresIfExists:["offset"]},{name:"arrow",enabled:!0,phase:"main",fn:function(e){var t,i,n=e.state,r=e.name,o=e.options,s=n.elements.arrow,a=n.modifiersData.popperOffsets,l=q(n.placement),h=Z(l),u=[F,P].indexOf(l)>=0?"height":"width";if(s&&a){var d=eh("number"!=typeof(t="function"==typeof(t=o.padding)?t(Object.assign({},n.rects,{placement:n.placement})):t)?t:eu(t,U)),c=I(s),f="y"===h?"top":F,g="y"===h?k:P,p=n.rects.reference[u]+n.rects.reference[h]-a[h]-n.rects.popper[u],m=a[h]-n.rects.reference[h],_=M(s),E=_?"y"===h?_.clientHeight||0:_.clientWidth||0:0,v=d[f],b=E-c[u]-d[g],C=E/2-c[u]/2+(p/2-m/2),S=ec(v,C,b);n.modifiersData[r]=((i={})[h]=S,i.centerOffset=S-C,i)}},effect:function(e){var t=e.state,i=e.options.element,n=void 0===i?"[data-popper-arrow]":i;null!=n&&("string"!=typeof n||(n=t.elements.popper.querySelector(n)))&&eo(t.elements.popper,n)&&(t.elements.arrow=n)},requires:["popperOffsets"],requiresIfExists:["preventOverflow"]},{name:"hide",enabled:!0,phase:"main",requiresIfExists:["preventOverflow"],fn:function(e){var t=e.state,i=e.name,n=t.rects.reference,r=t.rects.popper,o=t.modifiersData.preventOverflow,s=ed(t,{elementContext:"reference"}),a=ed(t,{altBoundary:!0}),l=ef(s,n),h=ef(a,r,o),u=eg(l),d=eg(h);t.modifiersData[i]={referenceClippingOffsets:l,popperEscapeOffsets:h,isReferenceHidden:u,hasPopperEscaped:d},t.attributes.popper=Object.assign({},t.attributes.popper,{"data-popper-reference-hidden":u,"data-popper-escaped":d})}}]}).defaultModifiers)?[]:r,a=void 0===(s=n.defaultOptions)?K:s,function(e,t,i){void 0===i&&(i=a);var n,r={placement:"bottom",orderedModifiers:[],options:Object.assign({},K,a),modifiersData:{},elements:{reference:e,popper:t},attributes:{},styles:{}},s=[],l=!1,h={state:r,setOptions:function(i){var n,l,d,c,f,g="function"==typeof i?i(r.options):i;u(),r.options=Object.assign({},a,r.options,g),r.scrollParents={reference:p(e)?D(e):e.contextElement?D(e.contextElement):[],popper:D(t)};var m=(l=Object.keys(n=[].concat(o,r.options.modifiers).reduce(function(e,t){var i=e[t.name];return e[t.name]=i?Object.assign({},i,t,{options:Object.assign({},i.options,t.options),data:Object.assign({},i.data,t.data)}):t,e},{})).map(function(e){return n[e]}),d=new Map,c=new Set,f=[],l.forEach(function(e){d.set(e.name,e)}),l.forEach(function(e){c.has(e.name)||function e(t){c.add(t.name),[].concat(t.requires||[],t.requiresIfExists||[]).forEach(function(t){if(!c.has(t)){var i=d.get(t);i&&e(i)}}),f.push(t)}(e)}),z.reduce(function(e,t){return e.concat(f.filter(function(e){return e.phase===t}))},[]));return r.orderedModifiers=m.filter(function(e){return e.enabled}),r.orderedModifiers.forEach(function(e){var t=e.name,i=e.options,n=e.effect;if("function"==typeof n){var o=n({state:r,name:t,instance:h,options:void 0===i?{}:i});s.push(o||function(){})}}),h.update()},forceUpdate:function(){if(!l){var e,t,i,n,o,s,a,u,d,c,f,p,_=r.elements,E=_.reference,v=_.popper;if(Y(E,v)){r.rects={reference:(t=M(v),i="fixed"===r.options.strategy,n=m(t),u=m(t)&&(s=b((o=t.getBoundingClientRect()).width)/t.offsetWidth||1,a=b(o.height)/t.offsetHeight||1,1!==s||1!==a),d=A(t),c=y(E,u,i),f={scrollLeft:0,scrollTop:0},p={x:0,y:0},(n||!n&&!i)&&(("body"!==R(t)||L(d))&&(f=(e=t)!==g(e)&&m(e)?{scrollLeft:e.scrollLeft,scrollTop:e.scrollTop}:T(e)),m(t)?(p=y(t,!0),p.x+=t.clientLeft,p.y+=t.clientTop):d&&(p.x=N(d))),{x:c.left+f.scrollLeft-p.x,y:c.top+f.scrollTop-p.y,width:c.width,height:c.height}),popper:I(v)},r.reset=!1,r.placement=r.options.placement,r.orderedModifiers.forEach(function(e){return r.modifiersData[e.name]=Object.assign({},e.data)});for(var C=0;C{!r&&s(("function"==typeof n?n():n)||document.body)},[n,r]),(0,c.Z)(()=>{if(o&&!r)return(0,eE.Z)(t,o),()=>{(0,eE.Z)(t,null)}},[t,o,r]),r)?u.isValidElement(i)?u.cloneElement(i,{ref:a}):(0,ev.jsx)(u.Fragment,{children:i}):(0,ev.jsx)(u.Fragment,{children:o?e_.createPortal(i,o):o})});var eC=i(34867);function eS(e){return(0,eC.Z)("MuiPopper",e)}(0,i(1588).Z)("MuiPopper",["root"]);var ey=i(7293);let eT=u.createContext({disableDefaultClasses:!1}),eR=["anchorEl","children","direction","disablePortal","modifiers","open","placement","popperOptions","popperRef","slotProps","slots","TransitionProps","ownerState"],eA=["anchorEl","children","container","direction","disablePortal","keepMounted","modifiers","open","placement","popperOptions","popperRef","style","transition","slotProps","slots"];function eN(e){return"function"==typeof e?e():e}let eO=()=>(0,em.Z)({root:["root"]},function(e){let{disableDefaultClasses:t}=u.useContext(eT);return i=>t?"":e(i)}(eS)),eL={},eI=u.forwardRef(function(e,t){var i;let{anchorEl:n,children:r,direction:o,disablePortal:s,modifiers:a,open:f,placement:g,popperOptions:p,popperRef:m,slotProps:_={},slots:E={},TransitionProps:v}=e,b=(0,h.Z)(e,eR),C=u.useRef(null),S=(0,d.Z)(C,t),y=u.useRef(null),T=(0,d.Z)(y,m),R=u.useRef(T);(0,c.Z)(()=>{R.current=T},[T]),u.useImperativeHandle(m,()=>y.current,[]);let A=function(e,t){if("ltr"===t)return e;switch(e){case"bottom-end":return"bottom-start";case"bottom-start":return"bottom-end";case"top-end":return"top-start";case"top-start":return"top-end";default:return e}}(g,o),[N,O]=u.useState(A),[L,I]=u.useState(eN(n));u.useEffect(()=>{y.current&&y.current.forceUpdate()}),u.useEffect(()=>{n&&I(eN(n))},[n]),(0,c.Z)(()=>{if(!L||!f)return;let e=e=>{O(e.placement)},t=[{name:"preventOverflow",options:{altBoundary:s}},{name:"flip",options:{altBoundary:s}},{name:"onUpdate",enabled:!0,phase:"afterWrite",fn:({state:t})=>{e(t)}}];null!=a&&(t=t.concat(a)),p&&null!=p.modifiers&&(t=t.concat(p.modifiers));let i=ep(L,C.current,(0,l.Z)({placement:A},p,{modifiers:t}));return R.current(i),()=>{i.destroy(),R.current(null)}},[L,s,a,f,p,A]);let w={placement:N};null!==v&&(w.TransitionProps=v);let D=eO(),x=null!=(i=E.root)?i:"div",M=(0,ey.y)({elementType:x,externalSlotProps:_.root,externalForwardedProps:b,additionalProps:{role:"tooltip",ref:S},ownerState:e,className:D.root});return(0,ev.jsx)(x,(0,l.Z)({},M,{children:"function"==typeof r?r(w):r}))}),ew=u.forwardRef(function(e,t){let i;let{anchorEl:n,children:r,container:o,direction:s="ltr",disablePortal:a=!1,keepMounted:d=!1,modifiers:c,open:g,placement:p="bottom",popperOptions:m=eL,popperRef:_,style:E,transition:v=!1,slotProps:b={},slots:C={}}=e,S=(0,h.Z)(e,eA),[y,T]=u.useState(!0);if(!d&&!g&&(!v||y))return null;if(o)i=o;else if(n){let e=eN(n);i=e&&void 0!==e.nodeType?(0,f.Z)(e).body:(0,f.Z)(null).body}let R=!g&&d&&(!v||y)?"none":void 0;return(0,ev.jsx)(eb,{disablePortal:a,container:i,children:(0,ev.jsx)(eI,(0,l.Z)({anchorEl:n,direction:s,disablePortal:a,modifiers:c,ref:t,open:v?!y:g,placement:p,popperOptions:m,popperRef:_,slotProps:b,slots:C},S,{style:(0,l.Z)({position:"fixed",top:0,left:0,display:R},E),TransitionProps:v?{in:g,onEnter:()=>{T(!1)},onExited:()=>{T(!0)}}:void 0,children:r}))})})},70758:function(e,t,i){"use strict";i.d(t,{U:function(){return l}});var n=i(87462),r=i(67294),o=i(99962),s=i(33703),a=i(30437);function l(e={}){let{disabled:t=!1,focusableWhenDisabled:i,href:l,rootRef:h,tabIndex:u,to:d,type:c}=e,f=r.useRef(),[g,p]=r.useState(!1),{isFocusVisibleRef:m,onFocus:_,onBlur:E,ref:v}=(0,o.Z)(),[b,C]=r.useState(!1);t&&!i&&b&&C(!1),r.useEffect(()=>{m.current=b},[b,m]);let[S,y]=r.useState(""),T=e=>t=>{var i;b&&t.preventDefault(),null==(i=e.onMouseLeave)||i.call(e,t)},R=e=>t=>{var i;E(t),!1===m.current&&C(!1),null==(i=e.onBlur)||i.call(e,t)},A=e=>t=>{var i,n;f.current||(f.current=t.currentTarget),_(t),!0===m.current&&(C(!0),null==(n=e.onFocusVisible)||n.call(e,t)),null==(i=e.onFocus)||i.call(e,t)},N=()=>{let e=f.current;return"BUTTON"===S||"INPUT"===S&&["button","submit","reset"].includes(null==e?void 0:e.type)||"A"===S&&(null==e?void 0:e.href)},O=e=>i=>{if(!t){var n;null==(n=e.onClick)||n.call(e,i)}},L=e=>i=>{var n;t||(p(!0),document.addEventListener("mouseup",()=>{p(!1)},{once:!0})),null==(n=e.onMouseDown)||n.call(e,i)},I=e=>i=>{var n,r;null==(n=e.onKeyDown)||n.call(e,i),!i.defaultMuiPrevented&&(i.target!==i.currentTarget||N()||" "!==i.key||i.preventDefault(),i.target!==i.currentTarget||" "!==i.key||t||p(!0),i.target!==i.currentTarget||N()||"Enter"!==i.key||t||(null==(r=e.onClick)||r.call(e,i),i.preventDefault()))},w=e=>i=>{var n,r;i.target===i.currentTarget&&p(!1),null==(n=e.onKeyUp)||n.call(e,i),i.target!==i.currentTarget||N()||t||" "!==i.key||i.defaultMuiPrevented||null==(r=e.onClick)||r.call(e,i)},D=r.useCallback(e=>{var t;y(null!=(t=null==e?void 0:e.tagName)?t:"")},[]),x=(0,s.Z)(D,h,v,f),M={};return void 0!==u&&(M.tabIndex=u),"BUTTON"===S?(M.type=null!=c?c:"button",i?M["aria-disabled"]=t:M.disabled=t):""!==S&&(l||d||(M.role="button",M.tabIndex=null!=u?u:0),t&&(M["aria-disabled"]=t,M.tabIndex=i?null!=u?u:0:-1)),{getRootProps:(t={})=>{let i=(0,n.Z)({},(0,a._)(e),(0,a._)(t)),r=(0,n.Z)({type:c},i,M,t,{onBlur:R(i),onClick:O(i),onFocus:A(i),onKeyDown:I(i),onKeyUp:w(i),onMouseDown:L(i),onMouseLeave:T(i),ref:x});return delete r.onFocusVisible,r},focusVisible:b,setFocusVisible:C,active:g,rootRef:x}}},26558:function(e,t,i){"use strict";i.d(t,{Z:function(){return r}});var n=i(67294);let r=n.createContext(null)},22644:function(e,t,i){"use strict";i.d(t,{F:function(){return n}});let n={blur:"list:blur",focus:"list:focus",itemClick:"list:itemClick",itemHover:"list:itemHover",itemsChange:"list:itemsChange",keyDown:"list:keyDown",resetHighlight:"list:resetHighlight",textNavigation:"list:textNavigation"}},7333:function(e,t,i){"use strict";i.d(t,{R$:function(){return a},Rl:function(){return o}});var n=i(87462),r=i(22644);function o(e,t,i){var n;let r,o;let{items:s,isItemDisabled:a,disableListWrap:l,disabledItemsFocusable:h,itemComparer:u,focusManagement:d}=i,c=s.length-1,f=null==e?-1:s.findIndex(t=>u(t,e)),g=!l;switch(t){case"reset":if(-1==("DOM"===d?0:-1))return null;r=0,o="next",g=!1;break;case"start":r=0,o="next",g=!1;break;case"end":r=c,o="previous",g=!1;break;default:{let e=f+t;e<0?!g&&-1!==f||Math.abs(t)>1?(r=0,o="next"):(r=c,o="previous"):e>c?!g||Math.abs(t)>1?(r=c,o="previous"):(r=0,o="next"):(r=e,o=t>=0?"next":"previous")}}let p=function(e,t,i,n,r,o){if(0===i.length||!n&&i.every((e,t)=>r(e,t)))return -1;let s=e;for(;;){if(!o&&"next"===t&&s===i.length||!o&&"previous"===t&&-1===s)return -1;let e=!n&&r(i[s],s);if(!e)return s;s+="next"===t?1:-1,o&&(s=(s+i.length)%i.length)}}(r,o,s,h,a,g);return -1!==p||null===e||a(e,f)?null!=(n=s[p])?n:null:e}function s(e,t,i){let{itemComparer:r,isItemDisabled:o,selectionMode:s,items:a}=i,{selectedValues:l}=t,h=a.findIndex(t=>r(e,t));if(o(e,h))return t;let u="none"===s?[]:"single"===s?r(l[0],e)?l:[e]:l.some(t=>r(t,e))?l.filter(t=>!r(t,e)):[...l,e];return(0,n.Z)({},t,{selectedValues:u,highlightedValue:e})}function a(e,t){let{type:i,context:a}=t;switch(i){case r.F.keyDown:return function(e,t,i){let r=t.highlightedValue,{orientation:a,pageSize:l}=i;switch(e){case"Home":return(0,n.Z)({},t,{highlightedValue:o(r,"start",i)});case"End":return(0,n.Z)({},t,{highlightedValue:o(r,"end",i)});case"PageUp":return(0,n.Z)({},t,{highlightedValue:o(r,-l,i)});case"PageDown":return(0,n.Z)({},t,{highlightedValue:o(r,l,i)});case"ArrowUp":if("vertical"!==a)break;return(0,n.Z)({},t,{highlightedValue:o(r,-1,i)});case"ArrowDown":if("vertical"!==a)break;return(0,n.Z)({},t,{highlightedValue:o(r,1,i)});case"ArrowLeft":if("vertical"===a)break;return(0,n.Z)({},t,{highlightedValue:o(r,"horizontal-ltr"===a?-1:1,i)});case"ArrowRight":if("vertical"===a)break;return(0,n.Z)({},t,{highlightedValue:o(r,"horizontal-ltr"===a?1:-1,i)});case"Enter":case" ":if(null===t.highlightedValue)break;return s(t.highlightedValue,t,i)}return t}(t.key,e,a);case r.F.itemClick:return s(t.item,e,a);case r.F.blur:return"DOM"===a.focusManagement?e:(0,n.Z)({},e,{highlightedValue:null});case r.F.textNavigation:return function(e,t,i){let{items:r,isItemDisabled:s,disabledItemsFocusable:a,getItemAsString:l}=i,h=t.length>1,u=h?e.highlightedValue:o(e.highlightedValue,1,i);for(let d=0;dl(e,i.highlightedValue)))?a:null:"DOM"===h&&0===t.length&&(u=o(null,"reset",r));let d=null!=(s=i.selectedValues)?s:[],c=d.filter(t=>e.some(e=>l(e,t)));return(0,n.Z)({},i,{highlightedValue:u,selectedValues:c})}(t.items,t.previousItems,e,a);case r.F.resetHighlight:return(0,n.Z)({},e,{highlightedValue:o(null,"reset",a)});default:return e}}},96592:function(e,t,i){"use strict";i.d(t,{s:function(){return v}});var n=i(87462),r=i(67294),o=i(33703),s=i(22644),a=i(7333);let l="select:change-selection",h="select:change-highlight";var u=i(78031),d=i(6414);function c(e,t){let i=r.useRef(e);return r.useEffect(()=>{i.current=e},null!=t?t:[e]),i}let f={},g=()=>{},p=(e,t)=>e===t,m=()=>!1,_=e=>"string"==typeof e?e:String(e),E=()=>({highlightedValue:null,selectedValues:[]});function v(e){let{controlledProps:t=f,disabledItemsFocusable:i=!1,disableListWrap:v=!1,focusManagement:b="activeDescendant",getInitialState:C=E,getItemDomElement:S,getItemId:y,isItemDisabled:T=m,rootRef:R,onStateChange:A=g,items:N,itemComparer:O=p,getItemAsString:L=_,onChange:I,onHighlightChange:w,onItemsChange:D,orientation:x="vertical",pageSize:M=5,reducerActionContext:k=f,selectionMode:P="single",stateReducer:F}=e,B=r.useRef(null),U=(0,o.Z)(R,B),H=r.useCallback((e,t,i)=>{if(null==w||w(e,t,i),"DOM"===b&&null!=t&&(i===s.F.itemClick||i===s.F.keyDown||i===s.F.textNavigation)){var n;null==S||null==(n=S(t))||n.focus()}},[S,w,b]),V=r.useMemo(()=>({highlightedValue:O,selectedValues:(e,t)=>(0,d.H)(e,t,O)}),[O]),W=r.useCallback((e,t,i,n,r)=>{switch(null==A||A(e,t,i,n,r),t){case"highlightedValue":H(e,i,n);break;case"selectedValues":null==I||I(e,i,n)}},[H,I,A]),G=r.useMemo(()=>({disabledItemsFocusable:i,disableListWrap:v,focusManagement:b,isItemDisabled:T,itemComparer:O,items:N,getItemAsString:L,onHighlightChange:H,orientation:x,pageSize:M,selectionMode:P,stateComparers:V}),[i,v,b,T,O,N,L,H,x,M,P,V]),j=C(),z=null!=F?F:a.R$,K=r.useMemo(()=>(0,n.Z)({},k,G),[k,G]),[Y,$]=(0,u.r)({reducer:z,actionContext:K,initialState:j,controlledProps:t,stateComparers:V,onStateChange:W}),{highlightedValue:q,selectedValues:X}=Y,Z=function(e){let t=r.useRef({searchString:"",lastTime:null});return r.useCallback(i=>{if(1===i.key.length&&" "!==i.key){let n=t.current,r=i.key.toLowerCase(),o=performance.now();n.searchString.length>0&&n.lastTime&&o-n.lastTime>500?n.searchString=r:(1!==n.searchString.length||r!==n.searchString)&&(n.searchString+=r),n.lastTime=o,e(n.searchString,i)}},[e])}((e,t)=>$({type:s.F.textNavigation,event:t,searchString:e})),Q=c(X),J=c(q),ee=r.useRef([]);r.useEffect(()=>{(0,d.H)(ee.current,N,O)||($({type:s.F.itemsChange,event:null,items:N,previousItems:ee.current}),ee.current=N,null==D||D(N))},[N,O,$,D]);let{notifySelectionChanged:et,notifyHighlightChanged:ei,registerHighlightChangeHandler:en,registerSelectionChangeHandler:er}=function(){let e=function(){let e=r.useRef();return e.current||(e.current=function(){let e=new Map;return{subscribe:function(t,i){let n=e.get(t);return n?n.add(i):(n=new Set([i]),e.set(t,n)),()=>{n.delete(i),0===n.size&&e.delete(t)}},publish:function(t,...i){let n=e.get(t);n&&n.forEach(e=>e(...i))}}}()),e.current}(),t=r.useCallback(t=>{e.publish(l,t)},[e]),i=r.useCallback(t=>{e.publish(h,t)},[e]),n=r.useCallback(t=>e.subscribe(l,t),[e]),o=r.useCallback(t=>e.subscribe(h,t),[e]);return{notifySelectionChanged:t,notifyHighlightChanged:i,registerSelectionChangeHandler:n,registerHighlightChangeHandler:o}}();r.useEffect(()=>{et(X)},[X,et]),r.useEffect(()=>{ei(q)},[q,ei]);let eo=e=>t=>{var i;if(null==(i=e.onKeyDown)||i.call(e,t),t.defaultMuiPrevented)return;let n=["Home","End","PageUp","PageDown"];"vertical"===x?n.push("ArrowUp","ArrowDown"):n.push("ArrowLeft","ArrowRight"),"activeDescendant"===b&&n.push(" ","Enter"),n.includes(t.key)&&t.preventDefault(),$({type:s.F.keyDown,key:t.key,event:t}),Z(t)},es=e=>t=>{var i,n;null==(i=e.onBlur)||i.call(e,t),t.defaultMuiPrevented||null!=(n=B.current)&&n.contains(t.relatedTarget)||$({type:s.F.blur,event:t})},ea=r.useCallback(e=>{var t;let i=N.findIndex(t=>O(t,e)),n=(null!=(t=Q.current)?t:[]).some(t=>null!=t&&O(e,t)),r=T(e,i),o=null!=J.current&&O(e,J.current),s="DOM"===b;return{disabled:r,focusable:s,highlighted:o,index:i,selected:n}},[N,T,O,Q,J,b]),el=r.useMemo(()=>({dispatch:$,getItemState:ea,registerHighlightChangeHandler:en,registerSelectionChangeHandler:er}),[$,ea,en,er]);return r.useDebugValue({state:Y}),{contextValue:el,dispatch:$,getRootProps:(e={})=>(0,n.Z)({},e,{"aria-activedescendant":"activeDescendant"===b&&null!=q?y(q):void 0,onBlur:es(e),onKeyDown:eo(e),tabIndex:"DOM"===b?-1:0,ref:U}),rootRef:U,state:Y}}},43069:function(e,t,i){"use strict";i.d(t,{J:function(){return h}});var n=i(87462),r=i(67294),o=i(33703),s=i(73546),a=i(22644),l=i(26558);function h(e){let t;let{handlePointerOverEvents:i=!1,item:h,rootRef:u}=e,d=r.useRef(null),c=(0,o.Z)(d,u),f=r.useContext(l.Z);if(!f)throw Error("useListItem must be used within a ListProvider");let{dispatch:g,getItemState:p,registerHighlightChangeHandler:m,registerSelectionChangeHandler:_}=f,{highlighted:E,selected:v,focusable:b}=p(h),C=function(){let[,e]=r.useState({});return r.useCallback(()=>{e({})},[])}();(0,s.Z)(()=>m(function(e){e!==h||E?e!==h&&E&&C():C()})),(0,s.Z)(()=>_(function(e){v?e.includes(h)||C():e.includes(h)&&C()}),[_,C,v,h]);let S=r.useCallback(e=>t=>{var i;null==(i=e.onClick)||i.call(e,t),t.defaultPrevented||g({type:a.F.itemClick,item:h,event:t})},[g,h]),y=r.useCallback(e=>t=>{var i;null==(i=e.onMouseOver)||i.call(e,t),t.defaultPrevented||g({type:a.F.itemHover,item:h,event:t})},[g,h]);return b&&(t=E?0:-1),{getRootProps:(e={})=>(0,n.Z)({},e,{onClick:S(e),onPointerOver:i?y(e):void 0,ref:c,tabIndex:t}),highlighted:E,rootRef:c,selected:v}}},10238:function(e,t,i){"use strict";i.d(t,{$:function(){return o}});var n=i(87462),r=i(28442);function o(e,t,i){return void 0===e||(0,r.X)(e)?t:(0,n.Z)({},t,{ownerState:(0,n.Z)({},t.ownerState,i)})}},6414:function(e,t,i){"use strict";function n(e,t,i=(e,t)=>e===t){return e.length===t.length&&e.every((e,n)=>i(e,t[n]))}i.d(t,{H:function(){return n}})},2900:function(e,t,i){"use strict";i.d(t,{f:function(){return r}});var n=i(87462);function r(e,t){return function(i={}){let r=(0,n.Z)({},i,e(i)),o=(0,n.Z)({},r,t(r));return o}}},30437:function(e,t,i){"use strict";function n(e,t=[]){if(void 0===e)return{};let i={};return Object.keys(e).filter(i=>i.match(/^on[A-Z]/)&&"function"==typeof e[i]&&!t.includes(i)).forEach(t=>{i[t]=e[t]}),i}i.d(t,{_:function(){return n}})},28442:function(e,t,i){"use strict";function n(e){return"string"==typeof e}i.d(t,{X:function(){return n}})},24407:function(e,t,i){"use strict";i.d(t,{L:function(){return a}});var n=i(87462),r=i(90512),o=i(30437);function s(e){if(void 0===e)return{};let t={};return Object.keys(e).filter(t=>!(t.match(/^on[A-Z]/)&&"function"==typeof e[t])).forEach(i=>{t[i]=e[i]}),t}function a(e){let{getSlotProps:t,additionalProps:i,externalSlotProps:a,externalForwardedProps:l,className:h}=e;if(!t){let e=(0,r.Z)(null==l?void 0:l.className,null==a?void 0:a.className,h,null==i?void 0:i.className),t=(0,n.Z)({},null==i?void 0:i.style,null==l?void 0:l.style,null==a?void 0:a.style),o=(0,n.Z)({},i,l,a);return e.length>0&&(o.className=e),Object.keys(t).length>0&&(o.style=t),{props:o,internalRef:void 0}}let u=(0,o._)((0,n.Z)({},l,a)),d=s(a),c=s(l),f=t(u),g=(0,r.Z)(null==f?void 0:f.className,null==i?void 0:i.className,h,null==l?void 0:l.className,null==a?void 0:a.className),p=(0,n.Z)({},null==f?void 0:f.style,null==i?void 0:i.style,null==l?void 0:l.style,null==a?void 0:a.style),m=(0,n.Z)({},f,i,c,d);return g.length>0&&(m.className=g),Object.keys(p).length>0&&(m.style=p),{props:m,internalRef:f.ref}}},71276:function(e,t,i){"use strict";function n(e,t,i){return"function"==typeof e?e(t,i):e}i.d(t,{x:function(){return n}})},12247:function(e,t,i){"use strict";i.d(t,{Y:function(){return o},s:function(){return r}});var n=i(67294);let r=n.createContext(null);function o(){let[e,t]=n.useState(new Map),i=n.useRef(new Set),r=n.useCallback(function(e){i.current.delete(e),t(t=>{let i=new Map(t);return i.delete(e),i})},[]),o=n.useCallback(function(e,n){let o;return o="function"==typeof e?e(i.current):e,i.current.add(o),t(e=>{let t=new Map(e);return t.set(o,n),t}),{id:o,deregister:()=>r(o)}},[r]),s=n.useMemo(()=>(function(e){let t=Array.from(e.keys()).map(t=>{let i=e.get(t);return{key:t,subitem:i}});return t.sort((e,t)=>{let i=e.subitem.ref.current,n=t.subitem.ref.current;return null===i||null===n||i===n?0:i.compareDocumentPosition(n)&Node.DOCUMENT_POSITION_PRECEDING?1:-1}),new Map(t.map(e=>[e.key,e.subitem]))})(e),[e]),a=n.useCallback(function(e){return Array.from(s.keys()).indexOf(e)},[s]),l=n.useMemo(()=>({getItemIndex:a,registerItem:o,totalSubitemCount:e.size}),[a,o,e.size]);return{contextValue:l,subitems:s}}r.displayName="CompoundComponentContext"},14072:function(e,t,i){"use strict";i.d(t,{B:function(){return s}});var n=i(67294),r=i(73546),o=i(12247);function s(e,t){let i=n.useContext(o.s);if(null===i)throw Error("useCompoundItem must be used within a useCompoundParent");let{registerItem:s}=i,[a,l]=n.useState("function"==typeof e?void 0:e);return(0,r.Z)(()=>{let{id:i,deregister:n}=s(e,t);return l(i),n},[s,t,e]),{id:a,index:void 0!==a?i.getItemIndex(a):-1,totalItemCount:i.totalSubitemCount}}},78031:function(e,t,i){"use strict";i.d(t,{r:function(){return h}});var n=i(87462),r=i(67294);function o(e,t){return e===t}let s={},a=()=>{};function l(e,t){let i=(0,n.Z)({},e);return Object.keys(t).forEach(e=>{void 0!==t[e]&&(i[e]=t[e])}),i}function h(e){let t=r.useRef(null),{reducer:i,initialState:h,controlledProps:u=s,stateComparers:d=s,onStateChange:c=a,actionContext:f}=e,g=r.useCallback((e,n)=>{t.current=n;let r=l(e,u),o=i(r,n);return o},[u,i]),[p,m]=r.useReducer(g,h),_=r.useCallback(e=>{m((0,n.Z)({},e,{context:f}))},[f]);return!function(e){let{nextState:t,initialState:i,stateComparers:n,onStateChange:s,controlledProps:a,lastActionRef:h}=e,u=r.useRef(i);r.useEffect(()=>{if(null===h.current)return;let e=l(u.current,a);Object.keys(t).forEach(i=>{var r,a,l;let u=null!=(r=n[i])?r:o,d=t[i],c=e[i];(null!=c||null==d)&&(null==c||null!=d)&&(null==c||null==d||u(d,c))||null==s||s(null!=(a=h.current.event)?a:null,i,d,null!=(l=h.current.type)?l:"",t)}),u.current=t,h.current=null},[u,t,h,s,n,a])}({nextState:p,initialState:h,stateComparers:null!=d?d:s,onStateChange:null!=c?c:a,controlledProps:u,lastActionRef:t}),[l(p,u),_]}},7293:function(e,t,i){"use strict";i.d(t,{y:function(){return u}});var n=i(87462),r=i(63366),o=i(33703),s=i(10238),a=i(24407),l=i(71276);let h=["elementType","externalSlotProps","ownerState","skipResolvingSlotProps"];function u(e){var t;let{elementType:i,externalSlotProps:u,ownerState:d,skipResolvingSlotProps:c=!1}=e,f=(0,r.Z)(e,h),g=c?{}:(0,l.x)(u,d),{props:p,internalRef:m}=(0,a.L)((0,n.Z)({},f,{externalSlotProps:g})),_=(0,o.Z)(m,null==g?void 0:g.ref,null==(t=e.additionalProps)?void 0:t.ref),E=(0,s.$)(i,(0,n.Z)({},p,{ref:_}),d);return E}},48665:function(e,t,i){"use strict";i.d(t,{Z:function(){return _}});var n=i(87462),r=i(63366),o=i(67294),s=i(90512),a=i(49731),l=i(86523),h=i(39707),u=i(96682),d=i(85893);let c=["className","component"];var f=i(37078),g=i(1812),p=i(2548);let m=function(e={}){let{themeId:t,defaultTheme:i,defaultClassName:f="MuiBox-root",generateClassName:g}=e,p=(0,a.ZP)("div",{shouldForwardProp:e=>"theme"!==e&&"sx"!==e&&"as"!==e})(l.Z),m=o.forwardRef(function(e,o){let a=(0,u.Z)(i),l=(0,h.Z)(e),{className:m,component:_="div"}=l,E=(0,r.Z)(l,c);return(0,d.jsx)(p,(0,n.Z)({as:_,ref:o,className:(0,s.Z)(m,g?g(f):f),theme:t&&a[t]||a},E))});return m}({themeId:p.Z,defaultTheme:g.Z,defaultClassName:"MuiBox-root",generateClassName:f.Z.generate});var _=m},41118:function(e,t,i){"use strict";i.d(t,{Z:function(){return S}});var n=i(63366),r=i(87462),o=i(67294),s=i(90512),a=i(94780),l=i(14142),h=i(18719),u=i(20407),d=i(74312),c=i(78653),f=i(26821);function g(e){return(0,f.d6)("MuiCard",e)}(0,f.sI)("MuiCard",["root","colorPrimary","colorNeutral","colorDanger","colorSuccess","colorWarning","colorContext","variantPlain","variantOutlined","variantSoft","variantSolid","sizeSm","sizeMd","sizeLg","horizontal","vertical"]);var p=i(58859),m=i(30220),_=i(85893);let E=["className","color","component","invertedColors","size","variant","children","orientation","slots","slotProps"],v=e=>{let{size:t,variant:i,color:n,orientation:r}=e,o={root:["root",r,i&&`variant${(0,l.Z)(i)}`,n&&`color${(0,l.Z)(n)}`,t&&`size${(0,l.Z)(t)}`]};return(0,a.Z)(o,g,{})},b=(0,d.Z)("div",{name:"JoyCard",slot:"Root",overridesResolver:(e,t)=>t.root})(({theme:e,ownerState:t})=>{var i,n;let{p:o,padding:s,borderRadius:a}=(0,p.V)({theme:e,ownerState:t},["p","padding","borderRadius"]);return[(0,r.Z)({"--Icon-color":"neutral"!==t.color||"solid"===t.variant?"currentColor":e.vars.palette.text.icon,"--Card-childRadius":"max((var(--Card-radius) - var(--variant-borderWidth, 0px)) - var(--Card-padding), min(var(--Card-padding) / 2, (var(--Card-radius) - var(--variant-borderWidth, 0px)) / 2))","--AspectRatio-radius":"var(--Card-childRadius)","--unstable_actionMargin":"calc(-1 * var(--variant-borderWidth, 0px))","--unstable_actionRadius":"var(--Card-radius)","--CardCover-radius":"calc(var(--Card-radius) - var(--variant-borderWidth, 0px))","--CardOverflow-offset":"calc(-1 * var(--Card-padding))","--CardOverflow-radius":"calc(var(--Card-radius) - var(--variant-borderWidth, 0px))","--Divider-inset":"calc(-1 * var(--Card-padding))"},"sm"===t.size&&{"--Card-radius":e.vars.radius.sm,"--Card-padding":"0.625rem",gap:"0.5rem"},"md"===t.size&&{"--Card-radius":e.vars.radius.md,"--Card-padding":"1rem",gap:"0.75rem 1rem"},"lg"===t.size&&{"--Card-radius":e.vars.radius.lg,"--Card-padding":"1.5rem",gap:"1rem 1.5rem"},{padding:"var(--Card-padding)",borderRadius:"var(--Card-radius)",backgroundColor:e.vars.palette.background.surface,position:"relative",display:"flex",flexDirection:"horizontal"===t.orientation?"row":"column"},e.typography[`body-${t.size}`],null==(i=e.variants[t.variant])?void 0:i[t.color]),"context"!==t.color&&t.invertedColors&&(null==(n=e.colorInversion[t.variant])?void 0:n[t.color]),void 0!==o&&{"--Card-padding":o},void 0!==s&&{"--Card-padding":s},void 0!==a&&{"--Card-radius":a}]}),C=o.forwardRef(function(e,t){let i=(0,u.Z)({props:e,name:"JoyCard"}),{className:a,color:l="neutral",component:d="div",invertedColors:f=!1,size:g="md",variant:p="outlined",children:C,orientation:S="vertical",slots:y={},slotProps:T={}}=i,R=(0,n.Z)(i,E),{getColor:A}=(0,c.VT)(p),N=A(e.color,l),O=(0,r.Z)({},i,{color:N,component:d,orientation:S,size:g,variant:p}),L=v(O),I=(0,r.Z)({},R,{component:d,slots:y,slotProps:T}),[w,D]=(0,m.Z)("root",{ref:t,className:(0,s.Z)(L.root,a),elementType:b,externalForwardedProps:I,ownerState:O}),x=(0,_.jsx)(w,(0,r.Z)({},D,{children:o.Children.map(C,(e,t)=>{if(!o.isValidElement(e))return e;let i={};if((0,h.Z)(e,["Divider"])){i.inset="inset"in e.props?e.props.inset:"context";let t="vertical"===S?"horizontal":"vertical";i.orientation="orientation"in e.props?e.props.orientation:t}return(0,h.Z)(e,["CardOverflow"])&&("horizontal"===S&&(i["data-parent"]="Card-horizontal"),"vertical"===S&&(i["data-parent"]="Card-vertical")),0===t&&(i["data-first-child"]=""),t===o.Children.count(C)-1&&(i["data-last-child"]=""),o.cloneElement(e,i)})}));return f?(0,_.jsx)(c.do,{variant:p,children:x}):x});var S=C},30208:function(e,t,i){"use strict";i.d(t,{Z:function(){return v}});var n=i(87462),r=i(63366),o=i(67294),s=i(90512),a=i(94780),l=i(20407),h=i(74312),u=i(26821);function d(e){return(0,u.d6)("MuiCardContent",e)}(0,u.sI)("MuiCardContent",["root"]);let c=(0,u.sI)("MuiCardOverflow",["root","colorPrimary","colorNeutral","colorDanger","colorSuccess","colorWarning","colorContext","variantPlain","variantOutlined","variantSoft","variantSolid"]);var f=i(30220),g=i(85893);let p=["className","component","children","orientation","slots","slotProps"],m=()=>(0,a.Z)({root:["root"]},d,{}),_=(0,h.Z)("div",{name:"JoyCardContent",slot:"Root",overridesResolver:(e,t)=>t.root})(({ownerState:e})=>({display:"flex",flexDirection:"horizontal"===e.orientation?"row":"column",flex:9999,zIndex:1,columnGap:"var(--Card-padding)",rowGap:"max(2px, calc(0.1875 * var(--Card-padding)))",padding:"var(--unstable_padding)",[`.${c.root} > &`]:{"--unstable_padding":"calc(var(--Card-padding) * 0.75) 0px"}})),E=o.forwardRef(function(e,t){let i=(0,l.Z)({props:e,name:"JoyCardContent"}),{className:o,component:a="div",children:h,orientation:u="vertical",slots:d={},slotProps:c={}}=i,E=(0,r.Z)(i,p),v=(0,n.Z)({},E,{component:a,slots:d,slotProps:c}),b=(0,n.Z)({},i,{component:a,orientation:u}),C=m(),[S,y]=(0,f.Z)("root",{ref:t,className:(0,s.Z)(C.root,o),elementType:_,externalForwardedProps:v,ownerState:b});return(0,g.jsx)(S,(0,n.Z)({},y,{children:h}))});var v=E},76043:function(e,t,i){"use strict";var n=i(67294);let r=n.createContext(void 0);t.Z=r},43614:function(e,t,i){"use strict";var n=i(67294);let r=n.createContext(void 0);t.Z=r},50984:function(e,t,i){"use strict";i.d(t,{C:function(){return s}});var n=i(87462);i(67294);var r=i(74312),o=i(58859);i(85893);let s=(0,r.Z)("ul")(({theme:e,ownerState:t})=>{var i;let{p:r,padding:s,borderRadius:a}=(0,o.V)({theme:e,ownerState:t},["p","padding","borderRadius"]);function l(i){return"sm"===i?{"--ListDivider-gap":"0.25rem","--ListItem-minHeight":"2rem","--ListItem-paddingY":"0.25rem","--ListItem-paddingX":"0.5rem","--ListItemDecorator-size":"horizontal"===t.orientation?"1.5rem":"2rem","--Icon-fontSize":e.vars.fontSize.lg}:"md"===i?{"--ListDivider-gap":"0.375rem","--ListItem-minHeight":"2.5rem","--ListItem-paddingY":"0.375rem","--ListItem-paddingX":"0.75rem","--ListItemDecorator-size":"horizontal"===t.orientation?"1.75rem":"2.5rem","--Icon-fontSize":e.vars.fontSize.xl}:"lg"===i?{"--ListDivider-gap":"0.5rem","--ListItem-minHeight":"3rem","--ListItem-paddingY":"0.5rem","--ListItem-paddingX":"1rem","--ListItemDecorator-size":"horizontal"===t.orientation?"2.25rem":"3rem","--Icon-fontSize":e.vars.fontSize.xl2}:{}}return[t.nesting&&(0,n.Z)({},l(t.instanceSize),{"--ListItem-paddingRight":"var(--ListItem-paddingX)","--ListItem-paddingLeft":"var(--NestedListItem-paddingLeft)","--ListItemButton-marginBlock":"0px","--ListItemButton-marginInline":"0px","--ListItem-marginBlock":"0px","--ListItem-marginInline":"0px",padding:0,marginInlineStart:"var(--NestedList-marginLeft)",marginInlineEnd:"var(--NestedList-marginRight)",marginBlockStart:"var(--List-gap)",marginBlockEnd:"initial"}),!t.nesting&&(0,n.Z)({},l(t.size),{"--List-gap":"0px","--List-nestedInsetStart":"0px","--ListItem-paddingLeft":"var(--ListItem-paddingX)","--ListItem-paddingRight":"var(--ListItem-paddingX)","--unstable_List-childRadius":"calc(max(var(--List-radius) - var(--List-padding), min(var(--List-padding) / 2, var(--List-radius) / 2)) - var(--variant-borderWidth, 0px))","--ListItem-radius":"var(--unstable_List-childRadius)","--ListItem-startActionTranslateX":"calc(0.5 * var(--ListItem-paddingLeft))","--ListItem-endActionTranslateX":"calc(-0.5 * var(--ListItem-paddingRight))",margin:"initial"},e.typography[`body-${t.size}`],"horizontal"===t.orientation?(0,n.Z)({},t.wrap?{padding:"var(--List-padding)",marginInlineStart:"calc(-1 * var(--List-gap))",marginBlockStart:"calc(-1 * var(--List-gap))"}:{paddingInline:"var(--List-padding, var(--ListDivider-gap))",paddingBlock:"var(--List-padding)"}):{paddingBlock:"var(--List-padding, var(--ListDivider-gap))",paddingInline:"var(--List-padding)"}),(0,n.Z)({boxSizing:"border-box",borderRadius:"var(--List-radius)",listStyle:"none",display:"flex",flexDirection:"horizontal"===t.orientation?"row":"column"},t.wrap&&{flexWrap:"wrap"},{flexGrow:1,position:"relative"},null==(i=e.variants[t.variant])?void 0:i[t.color],{"--unstable_List-borderWidth":"var(--variant-borderWidth, 0px)"},void 0!==a&&{"--List-radius":a},void 0!==r&&{"--List-padding":r},void 0!==s&&{"--List-padding":s})]});(0,r.Z)(s,{name:"JoyList",slot:"Root",overridesResolver:(e,t)=>t.root})({})},3419:function(e,t,i){"use strict";i.d(t,{Z:function(){return u},M:function(){return h}});var n=i(87462),r=i(67294),o=i(40780);let s=r.createContext(!1),a=r.createContext(!1);var l=i(85893);let h={"--NestedList-marginRight":"0px","--NestedList-marginLeft":"0px","--NestedListItem-paddingLeft":"var(--ListItem-paddingX)","--ListItemButton-marginBlock":"0px","--ListItemButton-marginInline":"0px","--ListItem-marginBlock":"0px","--ListItem-marginInline":"0px"};var u=function(e){let{children:t,nested:i,row:h=!1,wrap:u=!1}=e,d=(0,l.jsx)(o.Z.Provider,{value:h,children:(0,l.jsx)(s.Provider,{value:u,children:r.Children.map(t,(e,i)=>r.isValidElement(e)?r.cloneElement(e,(0,n.Z)({},0===i&&{"data-first-child":""},i===r.Children.count(t)-1&&{"data-last-child":""})):e)})});return void 0===i?d:(0,l.jsx)(a.Provider,{value:i,children:d})}},40780:function(e,t,i){"use strict";var n=i(67294);let r=n.createContext(!1);t.Z=r},39984:function(e,t,i){"use strict";i.d(t,{r:function(){return l}});var n=i(87462);i(67294);var r=i(74312),o=i(26821);let s=(0,o.sI)("MuiListItem",["root","startAction","endAction","nested","nesting","sticky","colorPrimary","colorNeutral","colorDanger","colorSuccess","colorWarning","colorContext","variantPlain","variantSoft","variantOutlined","variantSolid"]),a=(0,o.sI)("MuiListItemButton",["root","horizontal","vertical","colorPrimary","colorNeutral","colorDanger","colorSuccess","colorWarning","colorContext","focusVisible","disabled","selected","variantPlain","variantSoft","variantOutlined","variantSolid"]);i(85893);let l=(0,r.Z)("div")(({theme:e,ownerState:t})=>{var i,r,o,l,h;return(0,n.Z)({"--Icon-margin":"initial","--Icon-color":"neutral"!==t.color||"solid"===t.variant?"currentColor":e.vars.palette.text.icon,WebkitTapHighlightColor:"transparent",boxSizing:"border-box",position:"relative",font:"inherit",display:"flex",flexDirection:"row",alignItems:"center",alignSelf:"stretch"},"vertical"===t.orientation&&{flexDirection:"column",justifyContent:"center"},{textAlign:"initial",textDecoration:"initial",backgroundColor:"initial",cursor:"pointer",marginInline:"var(--ListItemButton-marginInline)",marginBlock:"var(--ListItemButton-marginBlock)"},void 0===t["data-first-child"]&&{marginInlineStart:t.row?"var(--List-gap)":void 0,marginBlockStart:t.row?void 0:"var(--List-gap)"},{paddingBlock:"calc(var(--ListItem-paddingY) - var(--variant-borderWidth, 0px))",paddingInlineStart:"calc(var(--ListItem-paddingLeft) + var(--ListItem-startActionWidth, var(--unstable_startActionWidth, 0px)))",paddingInlineEnd:"calc(var(--ListItem-paddingRight) + var(--ListItem-endActionWidth, var(--unstable_endActionWidth, 0px)))",minBlockSize:"var(--ListItem-minHeight)",border:"1px solid transparent",borderRadius:"var(--ListItem-radius)",flex:"var(--unstable_ListItem-flex, none)",fontSize:"inherit",lineHeight:"inherit",minInlineSize:0,[e.focus.selector]:(0,n.Z)({},e.focus.default,{zIndex:1})},null==(i=e.variants[t.variant])?void 0:i[t.color],{[`.${s.root} > &`]:{"--unstable_ListItem-flex":"1 0 0%"},[`&.${a.selected}`]:(0,n.Z)({},null==(r=e.variants[`${t.variant}Active`])?void 0:r[t.color],{"--Icon-color":"currentColor"}),[`&:not(.${a.selected}, [aria-selected="true"])`]:{"&:hover":null==(o=e.variants[`${t.variant}Hover`])?void 0:o[t.color],"&:active":null==(l=e.variants[`${t.variant}Active`])?void 0:l[t.color]},[`&.${a.disabled}`]:(0,n.Z)({},null==(h=e.variants[`${t.variant}Disabled`])?void 0:h[t.color])})});(0,r.Z)(l,{name:"JoyListItemButton",slot:"Root",overridesResolver:(e,t)=>t.root})(({ownerState:e,theme:t})=>(0,n.Z)({},!e.row&&{[`&.${a.selected}`]:{fontWeight:t.vars.fontWeight.md}}))},57814:function(e,t,i){"use strict";i.d(t,{Z:function(){return A}});var n=i(87462),r=i(63366),o=i(67294),s=i(94780),a=i(92996),l=i(33703),h=i(43069),u=i(14072),d=i(30220),c=i(39984),f=i(74312),g=i(20407),p=i(78653),m=i(55907),_=i(26821);function E(e){return(0,_.d6)("MuiOption",e)}let v=(0,_.sI)("MuiOption",["root","colorPrimary","colorNeutral","colorDanger","colorSuccess","colorWarning","colorContext","focusVisible","disabled","selected","highlighted","variantPlain","variantSoft","variantOutlined","variantSolid"]);var b=i(40780),C=i(85893);let S=["component","children","disabled","value","label","variant","color","slots","slotProps"],y=e=>{let{disabled:t,highlighted:i,selected:n}=e;return(0,s.Z)({root:["root",t&&"disabled",i&&"highlighted",n&&"selected"]},E,{})},T=(0,f.Z)(c.r,{name:"JoyOption",slot:"Root",overridesResolver:(e,t)=>t.root})(({theme:e,ownerState:t})=>{var i;let n=null==(i=e.variants[`${t.variant}Hover`])?void 0:i[t.color];return{[`&.${v.highlighted}:not([aria-selected="true"])`]:{backgroundColor:null==n?void 0:n.backgroundColor}}}),R=o.forwardRef(function(e,t){var i;let s=(0,g.Z)({props:e,name:"JoyOption"}),{component:c="li",children:f,disabled:_=!1,value:E,label:v,variant:R="plain",color:A="neutral",slots:N={},slotProps:O={}}=s,L=(0,r.Z)(s,S),I=o.useContext(b.Z),{variant:w=R,color:D=A}=(0,m.yP)(e.variant,e.color),x=o.useRef(null),M=(0,l.Z)(x,t),k=null!=v?v:"string"==typeof f?f:null==(i=x.current)?void 0:i.innerText,{getRootProps:P,selected:F,highlighted:B,index:U}=function(e){let{value:t,label:i,disabled:r,rootRef:s,id:d}=e,{getRootProps:c,rootRef:f,highlighted:g,selected:p}=(0,h.J)({item:t}),m=(0,a.Z)(d),_=o.useRef(null),E=o.useMemo(()=>({disabled:r,label:i,value:t,ref:_,id:m}),[r,i,t,m]),{index:v}=(0,u.B)(t,E),b=(0,l.Z)(s,_,f);return{getRootProps:(e={})=>(0,n.Z)({},e,c(e),{id:m,ref:b,role:"option","aria-selected":p}),highlighted:g,index:v,selected:p,rootRef:b}}({disabled:_,label:k,value:E,rootRef:M}),{getColor:H}=(0,p.VT)(w),V=H(e.color,D),W=(0,n.Z)({},s,{disabled:_,selected:F,highlighted:B,index:U,component:c,variant:w,color:V,row:I}),G=y(W),j=(0,n.Z)({},L,{component:c,slots:N,slotProps:O}),[z,K]=(0,d.Z)("root",{ref:t,getSlotProps:P,elementType:T,externalForwardedProps:j,className:G.root,ownerState:W});return(0,C.jsx)(z,(0,n.Z)({},K,{children:f}))});var A=R},99056:function(e,t,i){"use strict";i.d(t,{Z:function(){return ea}});var n,r=i(63366),o=i(87462),s=i(67294),a=i(90512),l=i(14142),h=i(33703),u=i(53406),d=i(92996),c=i(73546),f=i(70758);let g={buttonClick:"buttonClick"};var p=i(96592);let m=e=>{let{label:t,value:i}=e;return"string"==typeof t?t:"string"==typeof i?i:String(e)};var _=i(12247),E=i(7333),v=i(22644);function b(e,t){var i,n,r;let{open:s}=e,{context:{selectionMode:a}}=t;if(t.type===g.buttonClick){let n=null!=(i=e.selectedValues[0])?i:(0,E.Rl)(null,"start",t.context);return(0,o.Z)({},e,{open:!s,highlightedValue:s?null:n})}let l=(0,E.R$)(e,t);switch(t.type){case v.F.keyDown:if(e.open){if("Escape"===t.event.key||"single"===a&&("Enter"===t.event.key||" "===t.event.key))return(0,o.Z)({},l,{open:!1})}else{if("Enter"===t.event.key||" "===t.event.key||"ArrowDown"===t.event.key)return(0,o.Z)({},e,{open:!0,highlightedValue:null!=(n=e.selectedValues[0])?n:(0,E.Rl)(null,"start",t.context)});if("ArrowUp"===t.event.key)return(0,o.Z)({},e,{open:!0,highlightedValue:null!=(r=e.selectedValues[0])?r:(0,E.Rl)(null,"end",t.context)})}break;case v.F.itemClick:if("single"===a)return(0,o.Z)({},l,{open:!1});break;case v.F.blur:return(0,o.Z)({},l,{open:!1})}return l}var C=i(2900);let S={clip:"rect(1px, 1px, 1px, 1px)",clipPath:"inset(50%)",height:"1px",width:"1px",margin:"-1px",overflow:"hidden",padding:0,position:"absolute",left:"50%",bottom:0},y=()=>{};function T(e){return Array.isArray(e)?0===e.length?"":JSON.stringify(e.map(e=>e.value)):(null==e?void 0:e.value)==null?"":"string"==typeof e.value||"number"==typeof e.value?e.value:JSON.stringify(e.value)}function R(e){e.preventDefault()}var A=i(26558),N=i(85893);function O(e){let{value:t,children:i}=e,{dispatch:n,getItemIndex:r,getItemState:o,registerHighlightChangeHandler:a,registerSelectionChangeHandler:l,registerItem:h,totalSubitemCount:u}=t,d=s.useMemo(()=>({dispatch:n,getItemState:o,getItemIndex:r,registerHighlightChangeHandler:a,registerSelectionChangeHandler:l}),[n,r,o,a,l]),c=s.useMemo(()=>({getItemIndex:r,registerItem:h,totalSubitemCount:u}),[h,r,u]);return(0,N.jsx)(_.s.Provider,{value:c,children:(0,N.jsx)(A.Z.Provider,{value:d,children:i})})}var L=i(94780),I=i(50984),w=i(3419),D=i(43614),x=i(74312),M=i(20407),k=i(30220),P=i(26821);function F(e){return(0,P.d6)("MuiSvgIcon",e)}(0,P.sI)("MuiSvgIcon",["root","colorInherit","colorPrimary","colorNeutral","colorDanger","colorSuccess","colorWarning","fontSizeInherit","fontSizeXs","fontSizeSm","fontSizeMd","fontSizeLg","fontSizeXl","fontSizeXl2","fontSizeXl3","fontSizeXl4","sizeSm","sizeMd","sizeLg"]);let B=["children","className","color","component","fontSize","htmlColor","inheritViewBox","titleAccess","viewBox","size","slots","slotProps"],U=e=>{let{color:t,size:i,fontSize:n}=e,r={root:["root",t&&"inherit"!==t&&`color${(0,l.Z)(t)}`,i&&`size${(0,l.Z)(i)}`,n&&`fontSize${(0,l.Z)(n)}`]};return(0,L.Z)(r,F,{})},H={sm:"xl",md:"xl2",lg:"xl3"},V=(0,x.Z)("svg",{name:"JoySvgIcon",slot:"Root",overridesResolver:(e,t)=>t.root})(({theme:e,ownerState:t})=>{var i;return(0,o.Z)({},t.instanceSize&&{"--Icon-fontSize":e.vars.fontSize[H[t.instanceSize]]},t.instanceFontSize&&"inherit"!==t.instanceFontSize&&{"--Icon-fontSize":e.vars.fontSize[t.instanceFontSize]},{userSelect:"none",margin:"var(--Icon-margin)",width:"1em",height:"1em",display:"inline-block",fill:t.hasSvgAsChild?void 0:"currentColor",flexShrink:0,fontSize:`var(--Icon-fontSize, ${e.vars.fontSize[H[t.size]]||"unset"})`},t.fontSize&&"inherit"!==t.fontSize&&{fontSize:`var(--Icon-fontSize, ${e.fontSize[t.fontSize]})`},!t.htmlColor&&(0,o.Z)({color:`var(--Icon-color, ${e.vars.palette.text.icon})`},"inherit"===t.color&&{color:"inherit"},"inherit"!==t.color&&"context"!==t.color&&e.vars.palette[t.color]&&{color:`rgba(${null==(i=e.vars.palette[t.color])?void 0:i.mainChannel} / 1)`}))}),W=s.forwardRef(function(e,t){let i=(0,M.Z)({props:e,name:"JoySvgIcon"}),{children:n,className:l,color:h,component:u="svg",fontSize:d,htmlColor:c,inheritViewBox:f=!1,titleAccess:g,viewBox:p="0 0 24 24",size:m="md",slots:_={},slotProps:E={}}=i,v=(0,r.Z)(i,B),b=s.isValidElement(n)&&"svg"===n.type,C=(0,o.Z)({},i,{color:h,component:u,size:m,instanceSize:e.size,fontSize:d,instanceFontSize:e.fontSize,inheritViewBox:f,viewBox:p,hasSvgAsChild:b}),S=U(C),y=(0,o.Z)({},v,{component:u,slots:_,slotProps:E}),[T,R]=(0,k.Z)("root",{ref:t,className:(0,a.Z)(S.root,l),elementType:V,externalForwardedProps:y,ownerState:C,additionalProps:(0,o.Z)({color:c,focusable:!1},g&&{role:"img"},!g&&{"aria-hidden":!0},!f&&{viewBox:p},b&&n.props)});return(0,N.jsxs)(T,(0,o.Z)({},R,{children:[b?n.props.children:n,g?(0,N.jsx)("title",{children:g}):null]}))});var G=function(e,t){function i(i,n){return(0,N.jsx)(W,(0,o.Z)({"data-testid":`${t}Icon`,ref:n},i,{children:e}))}return i.muiName=W.muiName,s.memo(s.forwardRef(i))}((0,N.jsx)("path",{d:"m12 5.83 2.46 2.46c.39.39 1.02.39 1.41 0 .39-.39.39-1.02 0-1.41L12.7 3.7a.9959.9959 0 0 0-1.41 0L8.12 6.88c-.39.39-.39 1.02 0 1.41.39.39 1.02.39 1.41 0L12 5.83zm0 12.34-2.46-2.46a.9959.9959 0 0 0-1.41 0c-.39.39-.39 1.02 0 1.41l3.17 3.18c.39.39 1.02.39 1.41 0l3.17-3.17c.39-.39.39-1.02 0-1.41a.9959.9959 0 0 0-1.41 0L12 18.17z"}),"Unfold"),j=i(78653),z=i(58859);function K(e){return(0,P.d6)("MuiSelect",e)}let Y=(0,P.sI)("MuiSelect",["root","button","indicator","startDecorator","endDecorator","popper","listbox","colorPrimary","colorNeutral","colorDanger","colorSuccess","colorWarning","colorContext","variantPlain","variantOutlined","variantSoft","variantSolid","sizeSm","sizeMd","sizeLg","focusVisible","disabled","expanded"]);var $=i(76043),q=i(55907);let X=["action","autoFocus","children","defaultValue","defaultListboxOpen","disabled","getSerializedValue","placeholder","listboxId","listboxOpen","onChange","onListboxOpenChange","onClose","renderValue","required","value","size","variant","color","startDecorator","endDecorator","indicator","aria-describedby","aria-label","aria-labelledby","id","name","slots","slotProps"];function Z(e){var t;return null!=(t=null==e?void 0:e.label)?t:""}let Q=[{name:"offset",options:{offset:[0,4]}},{name:"equalWidth",enabled:!0,phase:"beforeWrite",requires:["computeStyles"],fn:({state:e})=>{e.styles.popper.width=`${e.rects.reference.width}px`}}],J=e=>{let{color:t,disabled:i,focusVisible:n,size:r,variant:o,open:s}=e,a={root:["root",i&&"disabled",n&&"focusVisible",s&&"expanded",o&&`variant${(0,l.Z)(o)}`,t&&`color${(0,l.Z)(t)}`,r&&`size${(0,l.Z)(r)}`],button:["button"],startDecorator:["startDecorator"],endDecorator:["endDecorator"],indicator:["indicator",s&&"expanded"],listbox:["listbox",s&&"expanded",i&&"disabled"]};return(0,L.Z)(a,K,{})},ee=(0,x.Z)("div",{name:"JoySelect",slot:"Root",overridesResolver:(e,t)=>t.root})(({theme:e,ownerState:t})=>{var i,n,r,s;let a=null==(i=e.variants[`${t.variant}`])?void 0:i[t.color],{borderRadius:l}=(0,z.V)({theme:e,ownerState:t},["borderRadius"]);return[(0,o.Z)({"--Select-radius":e.vars.radius.sm,"--Select-gap":"0.5rem","--Select-placeholderOpacity":.64,"--Select-decoratorColor":e.vars.palette.text.icon,"--Select-focusedThickness":e.vars.focus.thickness},"context"===t.color?{"--Select-focusedHighlight":e.vars.palette.focusVisible}:{"--Select-focusedHighlight":null==(n=e.vars.palette["neutral"===t.color?"primary":t.color])?void 0:n[500]},{"--Select-indicatorColor":null!=a&&a.backgroundColor?null==a?void 0:a.color:e.vars.palette.text.tertiary},"sm"===t.size&&{"--Select-minHeight":"2rem","--Select-paddingInline":"0.5rem","--Select-decoratorChildHeight":"min(1.5rem, var(--Select-minHeight))","--Icon-fontSize":e.vars.fontSize.xl},"md"===t.size&&{"--Select-minHeight":"2.5rem","--Select-paddingInline":"0.75rem","--Select-decoratorChildHeight":"min(2rem, var(--Select-minHeight))","--Icon-fontSize":e.vars.fontSize.xl2},"lg"===t.size&&{"--Select-minHeight":"3rem","--Select-paddingInline":"1rem","--Select-decoratorChildHeight":"min(2.375rem, var(--Select-minHeight))","--Icon-fontSize":e.vars.fontSize.xl2},{"--Select-decoratorChildOffset":"min(calc(var(--Select-paddingInline) - (var(--Select-minHeight) - 2 * var(--variant-borderWidth, 0px) - var(--Select-decoratorChildHeight)) / 2), var(--Select-paddingInline))","--_Select-paddingBlock":"max((var(--Select-minHeight) - 2 * var(--variant-borderWidth, 0px) - var(--Select-decoratorChildHeight)) / 2, 0px)","--Select-decoratorChildRadius":"max(var(--Select-radius) - var(--variant-borderWidth, 0px) - var(--_Select-paddingBlock), min(var(--_Select-paddingBlock) + var(--variant-borderWidth, 0px), var(--Select-radius) / 2))","--Button-minHeight":"var(--Select-decoratorChildHeight)","--IconButton-size":"var(--Select-decoratorChildHeight)","--Button-radius":"var(--Select-decoratorChildRadius)","--IconButton-radius":"var(--Select-decoratorChildRadius)",boxSizing:"border-box"},"plain"!==t.variant&&{boxShadow:e.shadow.xs},{minWidth:0,minHeight:"var(--Select-minHeight)",position:"relative",display:"flex",alignItems:"center",borderRadius:"var(--Select-radius)",cursor:"pointer"},!(null!=a&&a.backgroundColor)&&{backgroundColor:e.vars.palette.background.surface},t.size&&{paddingBlock:({sm:2,md:3,lg:4})[t.size]},{paddingInline:"var(--Select-paddingInline)"},e.typography[`body-${t.size}`],a,{"&::before":{boxSizing:"border-box",content:'""',display:"block",position:"absolute",pointerEvents:"none",top:0,left:0,right:0,bottom:0,zIndex:1,borderRadius:"inherit",margin:"calc(var(--variant-borderWidth, 0px) * -1)"},[`&.${Y.focusVisible}`]:{"--Select-indicatorColor":null==a?void 0:a.color,"&::before":{boxShadow:"inset 0 0 0 var(--Select-focusedThickness) var(--Select-focusedHighlight)"}},[`&.${Y.disabled}`]:{"--Select-indicatorColor":"inherit"}}),{"&:hover":null==(r=e.variants[`${t.variant}Hover`])?void 0:r[t.color],[`&.${Y.disabled}`]:null==(s=e.variants[`${t.variant}Disabled`])?void 0:s[t.color]},void 0!==l&&{"--Select-radius":l}]}),et=(0,x.Z)("button",{name:"JoySelect",slot:"Button",overridesResolver:(e,t)=>t.button})(({ownerState:e})=>(0,o.Z)({border:0,outline:0,background:"none",padding:0,fontSize:"inherit",color:"inherit",alignSelf:"stretch",display:"flex",alignItems:"center",flex:1,fontFamily:"inherit",cursor:"pointer",whiteSpace:"nowrap",overflow:"hidden"},(null===e.value||void 0===e.value)&&{opacity:"var(--Select-placeholderOpacity)"},{"&::before":{content:'""',display:"block",position:"absolute",top:"calc(-1 * var(--variant-borderWidth, 0px))",left:"calc(-1 * var(--variant-borderWidth, 0px))",right:"calc(-1 * var(--variant-borderWidth, 0px))",bottom:"calc(-1 * var(--variant-borderWidth, 0px))",borderRadius:"var(--Select-radius)"}})),ei=(0,x.Z)(I.C,{name:"JoySelect",slot:"Listbox",overridesResolver:(e,t)=>t.listbox})(({theme:e,ownerState:t})=>{var i;let n="context"===t.color?void 0:null==(i=e.variants[t.variant])?void 0:i[t.color];return(0,o.Z)({"--focus-outline-offset":`calc(${e.vars.focus.thickness} * -1)`,"--ListItem-stickyBackground":(null==n?void 0:n.backgroundColor)||(null==n?void 0:n.background)||e.vars.palette.background.popup,"--ListItem-stickyTop":"calc(var(--List-padding, var(--ListDivider-gap)) * -1)"},w.M,{minWidth:"max-content",maxHeight:"44vh",overflow:"auto",outline:0,boxShadow:e.shadow.md,borderRadius:`var(--List-radius, ${e.vars.radius.sm})`,zIndex:`var(--unstable_popup-zIndex, ${e.vars.zIndex.popup})`},!(null!=n&&n.backgroundColor)&&{backgroundColor:e.vars.palette.background.popup})}),en=(0,x.Z)("span",{name:"JoySelect",slot:"StartDecorator",overridesResolver:(e,t)=>t.startDecorator})({"--Button-margin":"0 0 0 calc(var(--Select-decoratorChildOffset) * -1)","--IconButton-margin":"0 0 0 calc(var(--Select-decoratorChildOffset) * -1)","--Icon-margin":"0 0 0 calc(var(--Select-paddingInline) / -4)",display:"inherit",alignItems:"center",color:"var(--Select-decoratorColor)",marginInlineEnd:"var(--Select-gap)"}),er=(0,x.Z)("span",{name:"JoySelect",slot:"EndDecorator",overridesResolver:(e,t)=>t.endDecorator})({"--Button-margin":"0 calc(var(--Select-decoratorChildOffset) * -1) 0 0","--IconButton-margin":"0 calc(var(--Select-decoratorChildOffset) * -1) 0 0","--Icon-margin":"0 calc(var(--Select-paddingInline) / -4) 0 0",display:"inherit",alignItems:"center",color:"var(--Select-decoratorColor)",marginInlineStart:"var(--Select-gap)"}),eo=(0,x.Z)("span",{name:"JoySelect",slot:"Indicator"})(({ownerState:e,theme:t})=>(0,o.Z)({},"sm"===e.size&&{"--Icon-fontSize":t.vars.fontSize.lg},"md"===e.size&&{"--Icon-fontSize":t.vars.fontSize.xl},"lg"===e.size&&{"--Icon-fontSize":t.vars.fontSize.xl2},{"--Icon-color":"neutral"!==e.color||"solid"===e.variant?"currentColor":t.vars.palette.text.icon,display:"inherit",alignItems:"center",marginInlineStart:"var(--Select-gap)",marginInlineEnd:"calc(var(--Select-paddingInline) / -4)",[`.${Y.endDecorator} + &`]:{marginInlineStart:"calc(var(--Select-gap) / 2)"},[`&.${Y.expanded}, .${Y.disabled} > &`]:{"--Icon-color":"currentColor"}})),es=s.forwardRef(function(e,t){var i,l,E,v,A,L,I;let x=(0,M.Z)({props:e,name:"JoySelect"}),{action:P,autoFocus:F,children:B,defaultValue:U,defaultListboxOpen:H=!1,disabled:V,getSerializedValue:W,placeholder:z,listboxId:K,listboxOpen:es,onChange:ea,onListboxOpenChange:el,onClose:eh,renderValue:eu,required:ed=!1,value:ec,size:ef="md",variant:eg="outlined",color:ep="neutral",startDecorator:em,endDecorator:e_,indicator:eE=n||(n=(0,N.jsx)(G,{})),"aria-describedby":ev,"aria-label":eb,"aria-labelledby":eC,id:eS,name:ey,slots:eT={},slotProps:eR={}}=x,eA=(0,r.Z)(x,X),eN=s.useContext($.Z),eO=null!=(i=null!=(l=e.disabled)?l:null==eN?void 0:eN.disabled)?i:V,eL=null!=(E=null!=(v=e.size)?v:null==eN?void 0:eN.size)?E:ef,{getColor:eI}=(0,j.VT)(eg),ew=eI(e.color,null!=eN&&eN.error?"danger":null!=(A=null==eN?void 0:eN.color)?A:ep),eD=null!=eu?eu:Z,[ex,eM]=s.useState(null),ek=s.useRef(null),eP=s.useRef(null),eF=s.useRef(null),eB=(0,h.Z)(t,ek);s.useImperativeHandle(P,()=>({focusVisible:()=>{var e;null==(e=eP.current)||e.focus()}}),[]),s.useEffect(()=>{eM(ek.current)},[]),s.useEffect(()=>{F&&eP.current.focus()},[F]);let eU=s.useCallback(e=>{null==el||el(e),e||null==eh||eh()},[eh,el]),{buttonActive:eH,buttonFocusVisible:eV,contextValue:eW,disabled:eG,getButtonProps:ej,getListboxProps:ez,getHiddenInputProps:eK,getOptionMetadata:eY,open:e$,value:eq}=function(e){let t,i,n;let{areOptionsEqual:r,buttonRef:a,defaultOpen:l=!1,defaultValue:u,disabled:E=!1,listboxId:v,listboxRef:A,multiple:N=!1,name:O,required:L,onChange:I,onHighlightChange:w,onOpenChange:D,open:x,options:M,getOptionAsString:k=m,getSerializedValue:P=T,value:F}=e,B=s.useRef(null),U=(0,h.Z)(a,B),H=s.useRef(null),V=(0,d.Z)(v);void 0===F&&void 0===u?t=[]:void 0!==u&&(t=N?u:null==u?[]:[u]);let W=s.useMemo(()=>{if(void 0!==F)return N?F:null==F?[]:[F]},[F,N]),{subitems:G,contextValue:j}=(0,_.Y)(),z=s.useMemo(()=>null!=M?new Map(M.map((e,t)=>[e.value,{value:e.value,label:e.label,disabled:e.disabled,ref:s.createRef(),id:`${V}_${t}`}])):G,[M,G,V]),K=(0,h.Z)(A,H),{getRootProps:Y,active:$,focusVisible:q,rootRef:X}=(0,f.U)({disabled:E,rootRef:U}),Z=s.useMemo(()=>Array.from(z.keys()),[z]),Q=s.useCallback(e=>{if(void 0!==r){let t=Z.find(t=>r(t,e));return z.get(t)}return z.get(e)},[z,r,Z]),J=s.useCallback(e=>{var t;let i=Q(e);return null!=(t=null==i?void 0:i.disabled)&&t},[Q]),ee=s.useCallback(e=>{let t=Q(e);return t?k(t):""},[Q,k]),et=s.useMemo(()=>({selectedValues:W,open:x}),[W,x]),ei=s.useCallback(e=>{var t;return null==(t=z.get(e))?void 0:t.id},[z]),en=s.useCallback((e,t)=>{if(N)null==I||I(e,t);else{var i;null==I||I(e,null!=(i=t[0])?i:null)}},[N,I]),er=s.useCallback((e,t)=>{null==w||w(e,null!=t?t:null)},[w]),eo=s.useCallback((e,t,i)=>{if("open"===t&&(null==D||D(i),!1===i&&(null==e?void 0:e.type)!=="blur")){var n;null==(n=B.current)||n.focus()}},[D]),es={getInitialState:()=>{var e;return{highlightedValue:null,selectedValues:null!=(e=t)?e:[],open:l}},getItemId:ei,controlledProps:et,itemComparer:r,isItemDisabled:J,rootRef:X,onChange:en,onHighlightChange:er,onStateChange:eo,reducerActionContext:s.useMemo(()=>({multiple:N}),[N]),items:Z,getItemAsString:ee,selectionMode:N?"multiple":"single",stateReducer:b},{dispatch:ea,getRootProps:el,contextValue:eh,state:{open:eu,highlightedValue:ed,selectedValues:ec},rootRef:ef}=(0,p.s)(es),eg=e=>t=>{var i;if(null==e||null==(i=e.onMouseDown)||i.call(e,t),!t.defaultMuiPrevented){let e={type:g.buttonClick,event:t};ea(e)}};(0,c.Z)(()=>{if(null!=ed){var e;let t=null==(e=Q(ed))?void 0:e.ref;if(!H.current||!(null!=t&&t.current))return;let i=H.current.getBoundingClientRect(),n=t.current.getBoundingClientRect();n.topi.bottom&&(H.current.scrollTop+=n.bottom-i.bottom)}},[ed,Q]);let ep=s.useCallback(e=>Q(e),[Q]),em=(e={})=>(0,o.Z)({},e,{onMouseDown:eg(e),ref:ef,role:"combobox","aria-expanded":eu,"aria-controls":V});s.useDebugValue({selectedOptions:ec,highlightedOption:ed,open:eu});let e_=s.useMemo(()=>(0,o.Z)({},eh,j),[eh,j]);if(i=e.multiple?ec:ec.length>0?ec[0]:null,N)n=i.map(e=>ep(e)).filter(e=>void 0!==e);else{var eE;n=null!=(eE=ep(i))?eE:null}return{buttonActive:$,buttonFocusVisible:q,buttonRef:X,contextValue:e_,disabled:E,dispatch:ea,getButtonProps:(e={})=>{let t=(0,C.f)(Y,el),i=(0,C.f)(t,em);return i(e)},getHiddenInputProps:(e={})=>(0,o.Z)({name:O,tabIndex:-1,"aria-hidden":!0,required:!!L||void 0,value:P(n),onChange:y,style:S},e),getListboxProps:(e={})=>(0,o.Z)({},e,{id:V,role:"listbox","aria-multiselectable":N?"true":void 0,ref:K,onMouseDown:R}),getOptionMetadata:ep,listboxRef:ef,open:eu,options:Z,value:i,highlightedOption:ed}}({buttonRef:eP,defaultOpen:H,defaultValue:U,disabled:eO,getSerializedValue:W,listboxId:K,multiple:!1,name:ey,required:ed,onChange:ea,onOpenChange:eU,open:es,value:ec}),eX=(0,o.Z)({},x,{active:eH,defaultListboxOpen:H,disabled:eG,focusVisible:eV,open:e$,renderValue:eD,value:eq,size:eL,variant:eg,color:ew}),eZ=J(eX),eQ=(0,o.Z)({},eA,{slots:eT,slotProps:eR}),eJ=s.useMemo(()=>{var e;return null!=(e=eY(eq))?e:null},[eY,eq]),[e0,e1]=(0,k.Z)("root",{ref:eB,className:eZ.root,elementType:ee,externalForwardedProps:eQ,ownerState:eX}),[e2,e5]=(0,k.Z)("button",{additionalProps:{"aria-describedby":null!=ev?ev:null==eN?void 0:eN["aria-describedby"],"aria-label":eb,"aria-labelledby":null!=eC?eC:null==eN?void 0:eN.labelId,"aria-required":ed?"true":void 0,id:null!=eS?eS:null==eN?void 0:eN.htmlFor,name:ey},className:eZ.button,elementType:et,externalForwardedProps:eQ,getSlotProps:ej,ownerState:eX}),[e4,e3]=(0,k.Z)("listbox",{additionalProps:{ref:eF,anchorEl:ex,open:e$,placement:"bottom",keepMounted:!0},className:eZ.listbox,elementType:ei,externalForwardedProps:eQ,getSlotProps:ez,ownerState:(0,o.Z)({},eX,{nesting:!1,row:!1,wrap:!1}),getSlotOwnerState:e=>({size:e.size||eL,variant:e.variant||eg,color:e.color||(e.disablePortal?ew:ep),disableColorInversion:!e.disablePortal})}),[e6,e9]=(0,k.Z)("startDecorator",{className:eZ.startDecorator,elementType:en,externalForwardedProps:eQ,ownerState:eX}),[e8,e7]=(0,k.Z)("endDecorator",{className:eZ.endDecorator,elementType:er,externalForwardedProps:eQ,ownerState:eX}),[te,tt]=(0,k.Z)("indicator",{className:eZ.indicator,elementType:eo,externalForwardedProps:eQ,ownerState:eX}),ti=s.useMemo(()=>[...Q,...e3.modifiers||[]],[e3.modifiers]),tn=null;return ex&&(tn=(0,N.jsx)(e4,(0,o.Z)({},e3,{className:(0,a.Z)(e3.className,(null==(L=e3.ownerState)?void 0:L.color)==="context"&&Y.colorContext),modifiers:ti},!(null!=(I=x.slots)&&I.listbox)&&{as:u.r,slots:{root:e3.as||"ul"}},{children:(0,N.jsx)(O,{value:eW,children:(0,N.jsx)(q.Yb,{variant:eg,color:ep,children:(0,N.jsx)(D.Z.Provider,{value:"select",children:(0,N.jsx)(w.Z,{nested:!0,children:B})})})})})),e3.disablePortal||(tn=(0,N.jsx)(j.ZP.Provider,{value:void 0,children:tn}))),(0,N.jsxs)(s.Fragment,{children:[(0,N.jsxs)(e0,(0,o.Z)({},e1,{children:[em&&(0,N.jsx)(e6,(0,o.Z)({},e9,{children:em})),(0,N.jsx)(e2,(0,o.Z)({},e5,{children:eJ?eD(eJ):z})),e_&&(0,N.jsx)(e8,(0,o.Z)({},e7,{children:e_})),eE&&(0,N.jsx)(te,(0,o.Z)({},tt,{children:eE})),(0,N.jsx)("input",(0,o.Z)({},eK()))]})),tn]})});var ea=es},61685:function(e,t,i){"use strict";i.d(t,{Z:function(){return S}});var n=i(63366),r=i(87462),o=i(67294),s=i(90512),a=i(14142),l=i(94780),h=i(20407),u=i(78653),d=i(74312),c=i(26821);function f(e){return(0,c.d6)("MuiTable",e)}(0,c.sI)("MuiTable",["root","colorPrimary","colorNeutral","colorDanger","colorSuccess","colorWarning","colorContext","variantPlain","variantOutlined","variantSoft","variantSolid","sizeSm","sizeMd","sizeLg","stickyHeader","stickyFooter","noWrap","hoverRow","borderAxisNone","borderAxisX","borderAxisXBetween","borderAxisY","borderAxisYBetween","borderAxisBoth","borderAxisBothBetween"]);var g=i(40911),p=i(30220),m=i(85893);let _=["className","component","children","borderAxis","hoverRow","noWrap","size","variant","color","stripe","stickyHeader","stickyFooter","slots","slotProps"],E=e=>{let{size:t,variant:i,color:n,borderAxis:r,stickyHeader:o,stickyFooter:s,noWrap:h,hoverRow:u}=e,d={root:["root",o&&"stickyHeader",s&&"stickyFooter",h&&"noWrap",u&&"hoverRow",r&&`borderAxis${(0,a.Z)(r)}`,i&&`variant${(0,a.Z)(i)}`,n&&`color${(0,a.Z)(n)}`,t&&`size${(0,a.Z)(t)}`]};return(0,l.Z)(d,f,{})},v={getColumnExceptFirst:()=>"& tr > *:not(:first-of-type), & tr > th + td, & tr > td + th",getCell:()=>"& th, & td",getHeadCell:()=>"& th",getHeaderCell:()=>"& thead th",getHeaderCellOfRow:e=>`& thead tr:nth-of-type(${e}) th`,getBottomHeaderCell:()=>"& thead th:not([colspan])",getHeaderNestedFirstColumn:()=>"& thead tr:not(:first-of-type) th:not([colspan]):first-of-type",getDataCell:()=>"& td",getDataCellExceptLastRow:()=>"& tr:not(:last-of-type) > td",getBodyCellExceptLastRow(){return`${this.getDataCellExceptLastRow()}, & tr:not(:last-of-type) > th[scope="row"]`},getBodyCellOfRow:e=>"number"==typeof e&&e<0?`& tbody tr:nth-last-of-type(${Math.abs(e)}) td, & tbody tr:nth-last-of-type(${Math.abs(e)}) th[scope="row"]`:`& tbody tr:nth-of-type(${e}) td, & tbody tr:nth-of-type(${e}) th[scope="row"]`,getBodyRow:e=>void 0===e?"& tbody tr":`& tbody tr:nth-of-type(${e})`,getFooterCell:()=>"& tfoot th, & tfoot td",getFooterFirstRowCell:()=>"& tfoot tr:not(:last-of-type) th, & tfoot tr:not(:last-of-type) td"},b=(0,d.Z)("table",{name:"JoyTable",slot:"Root",overridesResolver:(e,t)=>t.root})(({theme:e,ownerState:t})=>{var i,n,o,s,a,l,h;let u=null==(i=e.variants[t.variant])?void 0:i[t.color];return[(0,r.Z)({"--Table-headerUnderlineThickness":"2px","--TableCell-borderColor":null!=(n=null==u?void 0:u.borderColor)?n:e.vars.palette.divider,"--TableCell-headBackground":`var(--Sheet-background, ${e.vars.palette.background.surface})`},"sm"===t.size&&{"--unstable_TableCell-height":"var(--TableCell-height, 32px)","--TableCell-paddingX":"0.25rem","--TableCell-paddingY":"0.25rem"},"md"===t.size&&{"--unstable_TableCell-height":"var(--TableCell-height, 40px)","--TableCell-paddingX":"0.5rem","--TableCell-paddingY":"0.375rem"},"lg"===t.size&&{"--unstable_TableCell-height":"var(--TableCell-height, 48px)","--TableCell-paddingX":"0.75rem","--TableCell-paddingY":"0.5rem"},{tableLayout:"fixed",width:"100%",borderSpacing:"0px",borderCollapse:"separate",borderRadius:"var(--TableCell-cornerRadius, var(--unstable_actionRadius))"},e.typography[`body-${({sm:"xs",md:"sm",lg:"md"})[t.size]}`],null==(o=e.variants[t.variant])?void 0:o[t.color],{"& caption":{color:e.vars.palette.text.tertiary,padding:"calc(2 * var(--TableCell-paddingY)) var(--TableCell-paddingX)"},[v.getDataCell()]:(0,r.Z)({padding:"var(--TableCell-paddingY) var(--TableCell-paddingX)",height:"var(--unstable_TableCell-height)",borderColor:"var(--TableCell-borderColor)",backgroundColor:"var(--TableCell-dataBackground)"},t.noWrap&&{textOverflow:"ellipsis",whiteSpace:"nowrap",overflow:"hidden"}),[v.getHeadCell()]:{textAlign:"left",padding:"var(--TableCell-paddingY) var(--TableCell-paddingX)",backgroundColor:"var(--TableCell-headBackground)",height:"var(--unstable_TableCell-height)",fontWeight:e.vars.fontWeight.lg,borderColor:"var(--TableCell-borderColor)",color:e.vars.palette.text.secondary,textOverflow:"ellipsis",whiteSpace:"nowrap",overflow:"hidden"},[v.getHeaderCell()]:{verticalAlign:"bottom","&:first-of-type":{borderTopLeftRadius:"var(--TableCell-cornerRadius, var(--unstable_actionRadius))"},"&:last-of-type":{borderTopRightRadius:"var(--TableCell-cornerRadius, var(--unstable_actionRadius))"}},"& tfoot tr > *":{backgroundColor:`var(--TableCell-footBackground, ${e.vars.palette.background.level1})`,"&:first-of-type":{borderBottomLeftRadius:"var(--TableCell-cornerRadius, var(--unstable_actionRadius))"},"&:last-of-type":{borderBottomRightRadius:"var(--TableCell-cornerRadius, var(--unstable_actionRadius))"}}}),((null==(s=t.borderAxis)?void 0:s.startsWith("x"))||(null==(a=t.borderAxis)?void 0:a.startsWith("both")))&&{[v.getHeaderCell()]:{borderBottomWidth:1,borderBottomStyle:"solid"},[v.getBottomHeaderCell()]:{borderBottomWidth:"var(--Table-headerUnderlineThickness)",borderBottomStyle:"solid"},[v.getBodyCellExceptLastRow()]:{borderBottomWidth:1,borderBottomStyle:"solid"},[v.getFooterCell()]:{borderTopWidth:1,borderTopStyle:"solid"}},((null==(l=t.borderAxis)?void 0:l.startsWith("y"))||(null==(h=t.borderAxis)?void 0:h.startsWith("both")))&&{[`${v.getColumnExceptFirst()}, ${v.getHeaderNestedFirstColumn()}`]:{borderLeftWidth:1,borderLeftStyle:"solid"}},("x"===t.borderAxis||"both"===t.borderAxis)&&{[v.getHeaderCellOfRow(1)]:{borderTopWidth:1,borderTopStyle:"solid"},[v.getBodyCellOfRow(-1)]:{borderBottomWidth:1,borderBottomStyle:"solid"},[v.getFooterCell()]:{borderBottomWidth:1,borderBottomStyle:"solid"}},("y"===t.borderAxis||"both"===t.borderAxis)&&{"& tr > *:first-of-type":{borderLeftWidth:1,borderLeftStyle:"solid"},"& tr > *:last-of-type:not(:first-of-type)":{borderRightWidth:1,borderRightStyle:"solid"}},t.stripe&&{[v.getBodyRow(t.stripe)]:{background:`var(--TableRow-stripeBackground, ${e.vars.palette.background.level2})`,color:e.vars.palette.text.primary}},t.hoverRow&&{[v.getBodyRow()]:{"&:hover":{background:`var(--TableRow-hoverBackground, ${e.vars.palette.background.level3})`}}},t.stickyHeader&&{[v.getHeaderCell()]:{position:"sticky",top:0,zIndex:e.vars.zIndex.table},[v.getHeaderCellOfRow(2)]:{top:"var(--unstable_TableCell-height)"}},t.stickyFooter&&{[v.getFooterCell()]:{position:"sticky",bottom:0,zIndex:e.vars.zIndex.table,color:e.vars.palette.text.secondary,fontWeight:e.vars.fontWeight.lg},[v.getFooterFirstRowCell()]:{bottom:"var(--unstable_TableCell-height)"}}]}),C=o.forwardRef(function(e,t){let i=(0,h.Z)({props:e,name:"JoyTable"}),{className:o,component:a,children:l,borderAxis:d="xBetween",hoverRow:c=!1,noWrap:f=!1,size:v="md",variant:C="plain",color:S="neutral",stripe:y,stickyHeader:T=!1,stickyFooter:R=!1,slots:A={},slotProps:N={}}=i,O=(0,n.Z)(i,_),{getColor:L}=(0,u.VT)(C),I=L(e.color,S),w=(0,r.Z)({},i,{borderAxis:d,hoverRow:c,noWrap:f,component:a,size:v,color:I,variant:C,stripe:y,stickyHeader:T,stickyFooter:R}),D=E(w),x=(0,r.Z)({},O,{component:a,slots:A,slotProps:N}),[M,k]=(0,p.Z)("root",{ref:t,className:(0,s.Z)(D.root,o),elementType:b,externalForwardedProps:x,ownerState:w});return(0,m.jsx)(g.eu.Provider,{value:!0,children:(0,m.jsx)(M,(0,r.Z)({},k,{children:l}))})});var S=C},40911:function(e,t,i){"use strict";i.d(t,{eu:function(){return b},ZP:function(){return N}});var n=i(63366),r=i(87462),o=i(67294),s=i(14142),a=i(18719),l=i(39707),h=i(94780),u=i(74312),d=i(20407),c=i(78653),f=i(30220),g=i(26821);function p(e){return(0,g.d6)("MuiTypography",e)}(0,g.sI)("MuiTypography",["root","h1","h2","h3","h4","title-lg","title-md","title-sm","body-lg","body-md","body-sm","body-xs","noWrap","gutterBottom","startDecorator","endDecorator","colorPrimary","colorNeutral","colorDanger","colorSuccess","colorWarning","colorContext","variantPlain","variantOutlined","variantSoft","variantSolid"]);var m=i(85893);let _=["color","textColor"],E=["component","gutterBottom","noWrap","level","levelMapping","children","endDecorator","startDecorator","variant","slots","slotProps"],v=o.createContext(!1),b=o.createContext(!1),C=e=>{let{gutterBottom:t,noWrap:i,level:n,color:r,variant:o}=e,a={root:["root",n,t&&"gutterBottom",i&&"noWrap",r&&`color${(0,s.Z)(r)}`,o&&`variant${(0,s.Z)(o)}`],startDecorator:["startDecorator"],endDecorator:["endDecorator"]};return(0,h.Z)(a,p,{})},S=(0,u.Z)("span",{name:"JoyTypography",slot:"StartDecorator",overridesResolver:(e,t)=>t.startDecorator})({display:"inline-flex",marginInlineEnd:"clamp(4px, var(--Typography-gap, 0.375em), 0.75rem)"}),y=(0,u.Z)("span",{name:"JoyTypography",slot:"endDecorator",overridesResolver:(e,t)=>t.endDecorator})({display:"inline-flex",marginInlineStart:"clamp(4px, var(--Typography-gap, 0.375em), 0.75rem)"}),T=(0,u.Z)("span",{name:"JoyTypography",slot:"Root",overridesResolver:(e,t)=>t.root})(({theme:e,ownerState:t})=>{var i,n,o,s,a;let l="inherit"!==t.level?null==(i=e.typography[t.level])?void 0:i.lineHeight:"1";return(0,r.Z)({"--Icon-fontSize":`calc(1em * ${l})`},t.color&&{"--Icon-color":"currentColor"},{margin:"var(--Typography-margin, 0px)"},t.nesting?{display:"inline"}:(0,r.Z)({display:"block"},t.unstable_hasSkeleton&&{position:"relative"}),(t.startDecorator||t.endDecorator)&&(0,r.Z)({display:"flex",alignItems:"center"},t.nesting&&(0,r.Z)({display:"inline-flex"},t.startDecorator&&{verticalAlign:"bottom"})),t.level&&"inherit"!==t.level&&e.typography[t.level],{fontSize:`var(--Typography-fontSize, ${t.level&&"inherit"!==t.level&&null!=(n=null==(o=e.typography[t.level])?void 0:o.fontSize)?n:"inherit"})`},t.noWrap&&{overflow:"hidden",textOverflow:"ellipsis",whiteSpace:"nowrap"},t.gutterBottom&&{marginBottom:"0.35em"},t.color&&"context"!==t.color&&{color:`rgba(${null==(s=e.vars.palette[t.color])?void 0:s.mainChannel} / 1)`},t.variant&&(0,r.Z)({borderRadius:e.vars.radius.xs,paddingBlock:"min(0.1em, 4px)",paddingInline:"0.25em"},!t.nesting&&{marginInline:"-0.25em"},null==(a=e.variants[t.variant])?void 0:a[t.color]))}),R={h1:"h1",h2:"h2",h3:"h3",h4:"h4","title-lg":"p","title-md":"p","title-sm":"p","body-lg":"p","body-md":"p","body-sm":"p","body-xs":"span",inherit:"p"},A=o.forwardRef(function(e,t){let i=(0,d.Z)({props:e,name:"JoyTypography"}),{color:s,textColor:h}=i,u=(0,n.Z)(i,_),g=o.useContext(v),p=o.useContext(b),A=(0,l.Z)((0,r.Z)({},u,{color:h})),{component:N,gutterBottom:O=!1,noWrap:L=!1,level:I="body-md",levelMapping:w=R,children:D,endDecorator:x,startDecorator:M,variant:k,slots:P={},slotProps:F={}}=A,B=(0,n.Z)(A,E),{getColor:U}=(0,c.VT)(k),H=U(e.color,k?null!=s?s:"neutral":s),V=g||p?e.level||"inherit":I,W=(0,a.Z)(D,["Skeleton"]),G=N||(g?"span":w[V]||R[V]||"span"),j=(0,r.Z)({},A,{level:V,component:G,color:H,gutterBottom:O,noWrap:L,nesting:g,variant:k,unstable_hasSkeleton:W}),z=C(j),K=(0,r.Z)({},B,{component:G,slots:P,slotProps:F}),[Y,$]=(0,f.Z)("root",{ref:t,className:z.root,elementType:T,externalForwardedProps:K,ownerState:j}),[q,X]=(0,f.Z)("startDecorator",{className:z.startDecorator,elementType:S,externalForwardedProps:K,ownerState:j}),[Z,Q]=(0,f.Z)("endDecorator",{className:z.endDecorator,elementType:y,externalForwardedProps:K,ownerState:j});return(0,m.jsx)(v.Provider,{value:!0,children:(0,m.jsxs)(Y,(0,r.Z)({},$,{children:[M&&(0,m.jsx)(q,(0,r.Z)({},X,{children:M})),W?o.cloneElement(D,{variant:D.props.variant||"inline"}):D,x&&(0,m.jsx)(Z,(0,r.Z)({},Q,{children:x}))]}))})});A.muiName="Typography";var N=A},78653:function(e,t,i){"use strict";i.d(t,{VT:function(){return l},do:function(){return h}});var n=i(67294),r=i(38629),o=i(1812),s=i(85893);let a=n.createContext(void 0),l=e=>{let t=n.useContext(a);return{getColor:(i,n)=>t&&e&&t.includes(e)?i||"context":i||n}};function h({children:e,variant:t}){var i;let n=(0,r.F)();return(0,s.jsx)(a.Provider,{value:t?(null!=(i=n.colorInversionConfig)?i:o.Z.colorInversionConfig)[t]:void 0,children:e})}t.ZP=a},58859:function(e,t,i){"use strict";i.d(t,{V:function(){return r}});var n=i(87462);let r=({theme:e,ownerState:t},i)=>{let r={};return t.sx&&(function t(i){if("function"==typeof i){let n=i(e);t(n)}else Array.isArray(i)?i.forEach(e=>{"boolean"!=typeof e&&t(e)}):"object"==typeof i&&(r=(0,n.Z)({},r,i))}(t.sx),i.forEach(t=>{let i=r[t];if("string"==typeof i||"number"==typeof i){if("borderRadius"===t){if("number"==typeof i)r[t]=`${i}px`;else{var n;r[t]=(null==(n=e.vars)?void 0:n.radius[i])||i}}else -1!==["p","padding","m","margin"].indexOf(t)&&"number"==typeof i?r[t]=e.spacing(i):r[t]=i}else"function"==typeof i?r[t]=i(e):r[t]=void 0})),r}},74312:function(e,t,i){"use strict";var n=i(70182),r=i(1812),o=i(2548);let s=(0,n.ZP)({defaultTheme:r.Z,themeId:o.Z});t.Z=s},20407:function(e,t,i){"use strict";i.d(t,{Z:function(){return a}});var n=i(87462),r=i(39214),o=i(1812),s=i(2548);function a({props:e,name:t}){return(0,r.Z)({props:e,name:t,defaultTheme:(0,n.Z)({},o.Z,{components:{}}),themeId:s.Z})}},55907:function(e,t,i){"use strict";i.d(t,{Yb:function(){return a},yP:function(){return s}});var n=i(67294),r=i(85893);let o=n.createContext(void 0);function s(e,t){var i;let r,s;let a=n.useContext(o),[l,h]="string"==typeof a?a.split(":"):[],u=(i=l||void 0,r=h||void 0,s=i,"outlined"===i&&(r="neutral",s="plain"),"plain"===i&&(r="neutral"),{variant:s,color:r});return u.variant=e||u.variant,u.color=t||u.color,u}function a({children:e,color:t,variant:i}){return(0,r.jsx)(o.Provider,{value:`${i||""}:${t||""}`,children:e})}},30220:function(e,t,i){"use strict";i.d(t,{Z:function(){return g}});var n=i(87462),r=i(63366),o=i(33703),s=i(71276),a=i(24407),l=i(10238),h=i(78653);let u=["className","elementType","ownerState","externalForwardedProps","getSlotOwnerState","internalForwardedProps"],d=["component","slots","slotProps"],c=["component"],f=["disableColorInversion"];function g(e,t){let{className:i,elementType:g,ownerState:p,externalForwardedProps:m,getSlotOwnerState:_,internalForwardedProps:E}=t,v=(0,r.Z)(t,u),{component:b,slots:C={[e]:void 0},slotProps:S={[e]:void 0}}=m,y=(0,r.Z)(m,d),T=C[e]||g,R=(0,s.x)(S[e],p),A=(0,a.L)((0,n.Z)({className:i},v,{externalForwardedProps:"root"===e?y:void 0,externalSlotProps:R})),{props:{component:N},internalRef:O}=A,L=(0,r.Z)(A.props,c),I=(0,o.Z)(O,null==R?void 0:R.ref,t.ref),w=_?_(L):{},{disableColorInversion:D=!1}=w,x=(0,r.Z)(w,f),M=(0,n.Z)({},p,x),{getColor:k}=(0,h.VT)(M.variant);if("root"===e){var P;M.color=null!=(P=L.color)?P:p.color}else D||(M.color=k(L.color,M.color));let F="root"===e?N||b:N,B=(0,l.$)(T,(0,n.Z)({},"root"===e&&!b&&!C[e]&&E,"root"!==e&&!C[e]&&E,L,F&&{as:F},{ref:I}),M);return Object.keys(x).forEach(e=>{delete B[e]}),[T,B]}},39707:function(e,t,i){"use strict";i.d(t,{Z:function(){return h}});var n=i(87462),r=i(63366),o=i(59766),s=i(44920);let a=["sx"],l=e=>{var t,i;let n={systemProps:{},otherProps:{}},r=null!=(t=null==e||null==(i=e.theme)?void 0:i.unstable_sxConfig)?t:s.Z;return Object.keys(e).forEach(t=>{r[t]?n.systemProps[t]=e[t]:n.otherProps[t]=e[t]}),n};function h(e){let t;let{sx:i}=e,s=(0,r.Z)(e,a),{systemProps:h,otherProps:u}=l(s);return t=Array.isArray(i)?[h,...i]:"function"==typeof i?(...e)=>{let t=i(...e);return(0,o.P)(t)?(0,n.Z)({},h,t):h}:(0,n.Z)({},h,i),(0,n.Z)({},u,{sx:t})}},2093:function(e,t,i){"use strict";var n=i(97582),r=i(67294),o=i(92770);t.Z=function(e,t){(0,r.useEffect)(function(){var t=e(),i=!1;return!function(){(0,n.mG)(this,void 0,void 0,function(){return(0,n.Jh)(this,function(e){switch(e.label){case 0:if(!(0,o.mf)(t[Symbol.asyncIterator]))return[3,4];e.label=1;case 1:return[4,t.next()];case 2:if(e.sent().done||i)return[3,3];return[3,1];case 3:return[3,6];case 4:return[4,t];case 5:e.sent(),e.label=6;case 6:return[2]}})})}(),function(){i=!0}},t)}},15746:function(e,t,i){"use strict";var n=i(21584);t.Z=n.Z},71230:function(e,t,i){"use strict";var n=i(92820);t.Z=n.Z},87760:function(e,t){"use strict";var i={protan:{x:.7465,y:.2535,m:1.273463,yi:-.073894},deutan:{x:1.4,y:-.4,m:.968437,yi:.003331},tritan:{x:.1748,y:0,m:.062921,yi:.292119},custom:{x:.735,y:.265,m:-1.059259,yi:1.026914}},n=function(e){var t={},i=e.R/255,n=e.G/255,r=e.B/255;return i=i>.04045?Math.pow((i+.055)/1.055,2.4):i/12.92,n=n>.04045?Math.pow((n+.055)/1.055,2.4):n/12.92,r=r>.04045?Math.pow((r+.055)/1.055,2.4):r/12.92,t.X=.41242371206635076*i+.3575793401363035*n+.1804662232369621*r,t.Y=.21265606784927693*i+.715157818248362*n+.0721864539171564*r,t.Z=.019331987577444885*i+.11919267420354762*n+.9504491124870351*r,t},r=function(e){var t=e.X+e.Y+e.Z;return 0===t?{x:0,y:0,Y:e.Y}:{x:e.X/t,y:e.Y/t,Y:e.Y}};t.a=function(e,t,o){var s,a,l,h,u,d,c,f,g,p,m,_,E,v,b,C,S,y,T,R;return"achroma"===t?(s={R:s=.212656*e.R+.715158*e.G+.072186*e.B,G:s,B:s},o&&(l=(a=1.75)+1,s.R=(a*s.R+e.R)/l,s.G=(a*s.G+e.G)/l,s.B=(a*s.B+e.B)/l),s):(h=i[t],d=((u=r(n(e))).y-h.y)/(u.x-h.x),c=u.y-u.x*d,f=(h.yi-c)/(d-h.m),g=d*f+c,(s={}).X=f*u.Y/g,s.Y=u.Y,s.Z=(1-(f+g))*u.Y/g,y=.312713*u.Y/.329016,T=.358271*u.Y/.329016,_=3.240712470389558*(p=y-s.X)+-0+-.49857440415943116*(m=T-s.Z),E=-.969259258688888*p+0+.041556132211625726*m,v=.05563600315398933*p+-0+1.0570636917433989*m,s.R=3.240712470389558*s.X+-1.5372626602963142*s.Y+-.49857440415943116*s.Z,s.G=-.969259258688888*s.X+1.875996969313966*s.Y+.041556132211625726*s.Z,s.B=.05563600315398933*s.X+-.2039948802843549*s.Y+1.0570636917433989*s.Z,b=((s.R<0?0:1)-s.R)/_,C=((s.G<0?0:1)-s.G)/E,(S=(S=((s.B<0?0:1)-s.B)/v)>1||S<0?0:S)>(R=(b=b>1||b<0?0:b)>(C=C>1||C<0?0:C)?b:C)&&(R=S),s.R+=R*_,s.G+=R*E,s.B+=R*v,s.R=255*(s.R<=0?0:s.R>=1?1:Math.pow(s.R,.45454545454545453)),s.G=255*(s.G<=0?0:s.G>=1?1:Math.pow(s.G,.45454545454545453)),s.B=255*(s.B<=0?0:s.B>=1?1:Math.pow(s.B,.45454545454545453)),o&&(l=(a=1.75)+1,s.R=(a*s.R+e.R)/l,s.G=(a*s.G+e.G)/l,s.B=(a*s.B+e.B)/l),s)}},56917:function(e,t,i){"use strict";var n=i(74314),r=i(87760).a,o={protanomaly:{type:"protan",anomalize:!0},protanopia:{type:"protan"},deuteranomaly:{type:"deutan",anomalize:!0},deuteranopia:{type:"deutan"},tritanomaly:{type:"tritan",anomalize:!0},tritanopia:{type:"tritan"},achromatomaly:{type:"achroma",anomalize:!0},achromatopsia:{type:"achroma"}},s=function(e){return Math.round(255*e)},a=function(e){return function(t,i){var a=n(t);if(!a)return i?{R:0,G:0,B:0}:"#000000";var l=new r({R:s(a.red()||0),G:s(a.green()||0),B:s(a.blue()||0)},o[e].type,o[e].anomalize);return(l.R=l.R||0,l.G=l.G||0,l.B=l.B||0,i)?(delete l.X,delete l.Y,delete l.Z,l):new n.RGB(l.R%256/255,l.G%256/255,l.B%256/255,1).hex()}};for(var l in o)t[l]=a(l)},8874:function(e){"use strict";e.exports={aliceblue:[240,248,255],antiquewhite:[250,235,215],aqua:[0,255,255],aquamarine:[127,255,212],azure:[240,255,255],beige:[245,245,220],bisque:[255,228,196],black:[0,0,0],blanchedalmond:[255,235,205],blue:[0,0,255],blueviolet:[138,43,226],brown:[165,42,42],burlywood:[222,184,135],cadetblue:[95,158,160],chartreuse:[127,255,0],chocolate:[210,105,30],coral:[255,127,80],cornflowerblue:[100,149,237],cornsilk:[255,248,220],crimson:[220,20,60],cyan:[0,255,255],darkblue:[0,0,139],darkcyan:[0,139,139],darkgoldenrod:[184,134,11],darkgray:[169,169,169],darkgreen:[0,100,0],darkgrey:[169,169,169],darkkhaki:[189,183,107],darkmagenta:[139,0,139],darkolivegreen:[85,107,47],darkorange:[255,140,0],darkorchid:[153,50,204],darkred:[139,0,0],darksalmon:[233,150,122],darkseagreen:[143,188,143],darkslateblue:[72,61,139],darkslategray:[47,79,79],darkslategrey:[47,79,79],darkturquoise:[0,206,209],darkviolet:[148,0,211],deeppink:[255,20,147],deepskyblue:[0,191,255],dimgray:[105,105,105],dimgrey:[105,105,105],dodgerblue:[30,144,255],firebrick:[178,34,34],floralwhite:[255,250,240],forestgreen:[34,139,34],fuchsia:[255,0,255],gainsboro:[220,220,220],ghostwhite:[248,248,255],gold:[255,215,0],goldenrod:[218,165,32],gray:[128,128,128],green:[0,128,0],greenyellow:[173,255,47],grey:[128,128,128],honeydew:[240,255,240],hotpink:[255,105,180],indianred:[205,92,92],indigo:[75,0,130],ivory:[255,255,240],khaki:[240,230,140],lavender:[230,230,250],lavenderblush:[255,240,245],lawngreen:[124,252,0],lemonchiffon:[255,250,205],lightblue:[173,216,230],lightcoral:[240,128,128],lightcyan:[224,255,255],lightgoldenrodyellow:[250,250,210],lightgray:[211,211,211],lightgreen:[144,238,144],lightgrey:[211,211,211],lightpink:[255,182,193],lightsalmon:[255,160,122],lightseagreen:[32,178,170],lightskyblue:[135,206,250],lightslategray:[119,136,153],lightslategrey:[119,136,153],lightsteelblue:[176,196,222],lightyellow:[255,255,224],lime:[0,255,0],limegreen:[50,205,50],linen:[250,240,230],magenta:[255,0,255],maroon:[128,0,0],mediumaquamarine:[102,205,170],mediumblue:[0,0,205],mediumorchid:[186,85,211],mediumpurple:[147,112,219],mediumseagreen:[60,179,113],mediumslateblue:[123,104,238],mediumspringgreen:[0,250,154],mediumturquoise:[72,209,204],mediumvioletred:[199,21,133],midnightblue:[25,25,112],mintcream:[245,255,250],mistyrose:[255,228,225],moccasin:[255,228,181],navajowhite:[255,222,173],navy:[0,0,128],oldlace:[253,245,230],olive:[128,128,0],olivedrab:[107,142,35],orange:[255,165,0],orangered:[255,69,0],orchid:[218,112,214],palegoldenrod:[238,232,170],palegreen:[152,251,152],paleturquoise:[175,238,238],palevioletred:[219,112,147],papayawhip:[255,239,213],peachpuff:[255,218,185],peru:[205,133,63],pink:[255,192,203],plum:[221,160,221],powderblue:[176,224,230],purple:[128,0,128],rebeccapurple:[102,51,153],red:[255,0,0],rosybrown:[188,143,143],royalblue:[65,105,225],saddlebrown:[139,69,19],salmon:[250,128,114],sandybrown:[244,164,96],seagreen:[46,139,87],seashell:[255,245,238],sienna:[160,82,45],silver:[192,192,192],skyblue:[135,206,235],slateblue:[106,90,205],slategray:[112,128,144],slategrey:[112,128,144],snow:[255,250,250],springgreen:[0,255,127],steelblue:[70,130,180],tan:[210,180,140],teal:[0,128,128],thistle:[216,191,216],tomato:[255,99,71],turquoise:[64,224,208],violet:[238,130,238],wheat:[245,222,179],white:[255,255,255],whitesmoke:[245,245,245],yellow:[255,255,0],yellowgreen:[154,205,50]}},19818:function(e,t,i){var n=i(8874),r=i(86851),o=Object.hasOwnProperty,s=Object.create(null);for(var a in n)o.call(n,a)&&(s[n[a]]=a);var l=e.exports={to:{},get:{}};function h(e,t,i){return Math.min(Math.max(t,e),i)}function u(e){var t=Math.round(e).toString(16).toUpperCase();return t.length<2?"0"+t:t}l.get=function(e){var t,i;switch(e.substring(0,3).toLowerCase()){case"hsl":t=l.get.hsl(e),i="hsl";break;case"hwb":t=l.get.hwb(e),i="hwb";break;default:t=l.get.rgb(e),i="rgb"}return t?{model:i,value:t}:null},l.get.rgb=function(e){if(!e)return null;var t,i,r,s=[0,0,0,1];if(t=e.match(/^#([a-f0-9]{6})([a-f0-9]{2})?$/i)){for(i=0,r=t[2],t=t[1];i<3;i++){var a=2*i;s[i]=parseInt(t.slice(a,a+2),16)}r&&(s[3]=parseInt(r,16)/255)}else if(t=e.match(/^#([a-f0-9]{3,4})$/i)){for(i=0,r=(t=t[1])[3];i<3;i++)s[i]=parseInt(t[i]+t[i],16);r&&(s[3]=parseInt(r+r,16)/255)}else if(t=e.match(/^rgba?\(\s*([+-]?\d+)(?=[\s,])\s*(?:,\s*)?([+-]?\d+)(?=[\s,])\s*(?:,\s*)?([+-]?\d+)\s*(?:[,|\/]\s*([+-]?[\d\.]+)(%?)\s*)?\)$/)){for(i=0;i<3;i++)s[i]=parseInt(t[i+1],0);t[4]&&(t[5]?s[3]=.01*parseFloat(t[4]):s[3]=parseFloat(t[4]))}else if(t=e.match(/^rgba?\(\s*([+-]?[\d\.]+)\%\s*,?\s*([+-]?[\d\.]+)\%\s*,?\s*([+-]?[\d\.]+)\%\s*(?:[,|\/]\s*([+-]?[\d\.]+)(%?)\s*)?\)$/)){for(i=0;i<3;i++)s[i]=Math.round(2.55*parseFloat(t[i+1]));t[4]&&(t[5]?s[3]=.01*parseFloat(t[4]):s[3]=parseFloat(t[4]))}else if(!(t=e.match(/^(\w+)$/)))return null;else return"transparent"===t[1]?[0,0,0,0]:o.call(n,t[1])?((s=n[t[1]])[3]=1,s):null;for(i=0;i<3;i++)s[i]=h(s[i],0,255);return s[3]=h(s[3],0,1),s},l.get.hsl=function(e){if(!e)return null;var t=e.match(/^hsla?\(\s*([+-]?(?:\d{0,3}\.)?\d+)(?:deg)?\s*,?\s*([+-]?[\d\.]+)%\s*,?\s*([+-]?[\d\.]+)%\s*(?:[,|\/]\s*([+-]?(?=\.\d|\d)(?:0|[1-9]\d*)?(?:\.\d*)?(?:[eE][+-]?\d+)?)\s*)?\)$/);if(t){var i=parseFloat(t[4]);return[(parseFloat(t[1])%360+360)%360,h(parseFloat(t[2]),0,100),h(parseFloat(t[3]),0,100),h(isNaN(i)?1:i,0,1)]}return null},l.get.hwb=function(e){if(!e)return null;var t=e.match(/^hwb\(\s*([+-]?\d{0,3}(?:\.\d+)?)(?:deg)?\s*,\s*([+-]?[\d\.]+)%\s*,\s*([+-]?[\d\.]+)%\s*(?:,\s*([+-]?(?=\.\d|\d)(?:0|[1-9]\d*)?(?:\.\d*)?(?:[eE][+-]?\d+)?)\s*)?\)$/);if(t){var i=parseFloat(t[4]);return[(parseFloat(t[1])%360+360)%360,h(parseFloat(t[2]),0,100),h(parseFloat(t[3]),0,100),h(isNaN(i)?1:i,0,1)]}return null},l.to.hex=function(){var e=r(arguments);return"#"+u(e[0])+u(e[1])+u(e[2])+(e[3]<1?u(Math.round(255*e[3])):"")},l.to.rgb=function(){var e=r(arguments);return e.length<4||1===e[3]?"rgb("+Math.round(e[0])+", "+Math.round(e[1])+", "+Math.round(e[2])+")":"rgba("+Math.round(e[0])+", "+Math.round(e[1])+", "+Math.round(e[2])+", "+e[3]+")"},l.to.rgb.percent=function(){var e=r(arguments),t=Math.round(e[0]/255*100),i=Math.round(e[1]/255*100),n=Math.round(e[2]/255*100);return e.length<4||1===e[3]?"rgb("+t+"%, "+i+"%, "+n+"%)":"rgba("+t+"%, "+i+"%, "+n+"%, "+e[3]+")"},l.to.hsl=function(){var e=r(arguments);return e.length<4||1===e[3]?"hsl("+e[0]+", "+e[1]+"%, "+e[2]+"%)":"hsla("+e[0]+", "+e[1]+"%, "+e[2]+"%, "+e[3]+")"},l.to.hwb=function(){var e=r(arguments),t="";return e.length>=4&&1!==e[3]&&(t=", "+e[3]),"hwb("+e[0]+", "+e[1]+"%, "+e[2]+"%"+t+")"},l.to.keyword=function(e){return s[e.slice(0,3)]}},26729:function(e){"use strict";var t=Object.prototype.hasOwnProperty,i="~";function n(){}function r(e,t,i){this.fn=e,this.context=t,this.once=i||!1}function o(e,t,n,o,s){if("function"!=typeof n)throw TypeError("The listener must be a function");var a=new r(n,o||e,s),l=i?i+t:t;return e._events[l]?e._events[l].fn?e._events[l]=[e._events[l],a]:e._events[l].push(a):(e._events[l]=a,e._eventsCount++),e}function s(e,t){0==--e._eventsCount?e._events=new n:delete e._events[t]}function a(){this._events=new n,this._eventsCount=0}Object.create&&(n.prototype=Object.create(null),new n().__proto__||(i=!1)),a.prototype.eventNames=function(){var e,n,r=[];if(0===this._eventsCount)return r;for(n in e=this._events)t.call(e,n)&&r.push(i?n.slice(1):n);return Object.getOwnPropertySymbols?r.concat(Object.getOwnPropertySymbols(e)):r},a.prototype.listeners=function(e){var t=i?i+e:e,n=this._events[t];if(!n)return[];if(n.fn)return[n.fn];for(var r=0,o=n.length,s=Array(o);rh+a*s*u||d>=p)g=s;else{if(Math.abs(f)<=-l*u)return s;f*(g-c)>=0&&(g=c),c=s,p=d}return 0}s=s||1,a=a||1e-6,l=l||.1;for(var m=0;m<10;++m){if(o(r.x,1,n.x,s,t),d=r.fx=e(r.x,r.fxprime),f=i(r.fxprime,t),d>h+a*s*u||m&&d>=c)return p(g,s,c);if(Math.abs(f)<=-l*u)break;if(f>=0)return p(s,g,d);c=d,g=s,s*=2}return s}e.bisect=function(e,t,i,n){var r=(n=n||{}).maxIterations||100,o=n.tolerance||1e-10,s=e(t),a=e(i),l=i-t;if(s*a>0)throw"Initial bisect points must have opposite signs";if(0===s)return t;if(0===a)return i;for(var h=0;h=0&&(t=u),Math.abs(l)=p[g-1].fx){var O=!1;if(C.fx>N.fx?(o(S,1+c,b,-c,N),S.fx=e(S),S.fx=1)break;for(m=1;m=n(d.fxprime))break}return a.history&&a.history.push({x:d.x.slice(),fx:d.fx,fxprime:d.fxprime.slice(),alpha:g}),d},e.gradientDescent=function(e,t,i){for(var r=(i=i||{}).maxIterations||100*t.length,s=i.learnRate||.001,a={x:t.slice(),fx:0,fxprime:t.slice()},l=0;l=n(a.fxprime)));++l);return a},e.gradientDescentLineSearch=function(e,t,i){i=i||{};var o,a={x:t.slice(),fx:0,fxprime:t.slice()},l={x:t.slice(),fx:0,fxprime:t.slice()},h=i.maxIterations||100*t.length,u=i.learnRate||1,d=t.slice(),c=i.c1||.001,f=i.c2||.1,g=[];if(i.history){var p=e;e=function(e,t){return g.push(e.slice()),p(e,t)}}a.fx=e(a.x,a.fxprime);for(var m=0;mn(a.fxprime)));++m);return a},e.zeros=t,e.zerosM=function(e,i){return t(e).map(function(){return t(i)})},e.norm2=n,e.weightedSum=o,e.scale=r}(t)},49685:function(e,t,i){"use strict";i.d(t,{Ib:function(){return n},WT:function(){return r}});var n=1e-6,r="undefined"!=typeof Float32Array?Float32Array:Array;Math.hypot||(Math.hypot=function(){for(var e=0,t=arguments.length;t--;)e+=arguments[t]*arguments[t];return Math.sqrt(e)})},35600:function(e,t,i){"use strict";i.d(t,{Ue:function(){return r},al:function(){return s},xO:function(){return o}});var n=i(49685);function r(){var e=new n.WT(9);return n.WT!=Float32Array&&(e[1]=0,e[2]=0,e[3]=0,e[5]=0,e[6]=0,e[7]=0),e[0]=1,e[4]=1,e[8]=1,e}function o(e,t){return e[0]=t[0],e[1]=t[1],e[2]=t[2],e[3]=t[4],e[4]=t[5],e[5]=t[6],e[6]=t[8],e[7]=t[9],e[8]=t[10],e}function s(e,t,i,r,o,s,a,l,h){var u=new n.WT(9);return u[0]=e,u[1]=t,u[2]=i,u[3]=r,u[4]=o,u[5]=s,u[6]=a,u[7]=l,u[8]=h,u}},85975:function(e,t,i){"use strict";i.r(t),i.d(t,{add:function(){return Y},adjoint:function(){return c},clone:function(){return o},copy:function(){return s},create:function(){return r},determinant:function(){return f},equals:function(){return Q},exactEquals:function(){return Z},frob:function(){return K},fromQuat:function(){return M},fromQuat2:function(){return O},fromRotation:function(){return y},fromRotationTranslation:function(){return N},fromRotationTranslationScale:function(){return D},fromRotationTranslationScaleOrigin:function(){return x},fromScaling:function(){return S},fromTranslation:function(){return C},fromValues:function(){return a},fromXRotation:function(){return T},fromYRotation:function(){return R},fromZRotation:function(){return A},frustum:function(){return k},getRotation:function(){return w},getScaling:function(){return I},getTranslation:function(){return L},identity:function(){return h},invert:function(){return d},lookAt:function(){return G},mul:function(){return J},multiply:function(){return g},multiplyScalar:function(){return q},multiplyScalarAndAdd:function(){return X},ortho:function(){return V},orthoNO:function(){return H},orthoZO:function(){return W},perspective:function(){return F},perspectiveFromFieldOfView:function(){return U},perspectiveNO:function(){return P},perspectiveZO:function(){return B},rotate:function(){return _},rotateX:function(){return E},rotateY:function(){return v},rotateZ:function(){return b},scale:function(){return m},set:function(){return l},str:function(){return z},sub:function(){return ee},subtract:function(){return $},targetTo:function(){return j},translate:function(){return p},transpose:function(){return u}});var n=i(49685);function r(){var e=new n.WT(16);return n.WT!=Float32Array&&(e[1]=0,e[2]=0,e[3]=0,e[4]=0,e[6]=0,e[7]=0,e[8]=0,e[9]=0,e[11]=0,e[12]=0,e[13]=0,e[14]=0),e[0]=1,e[5]=1,e[10]=1,e[15]=1,e}function o(e){var t=new n.WT(16);return t[0]=e[0],t[1]=e[1],t[2]=e[2],t[3]=e[3],t[4]=e[4],t[5]=e[5],t[6]=e[6],t[7]=e[7],t[8]=e[8],t[9]=e[9],t[10]=e[10],t[11]=e[11],t[12]=e[12],t[13]=e[13],t[14]=e[14],t[15]=e[15],t}function s(e,t){return e[0]=t[0],e[1]=t[1],e[2]=t[2],e[3]=t[3],e[4]=t[4],e[5]=t[5],e[6]=t[6],e[7]=t[7],e[8]=t[8],e[9]=t[9],e[10]=t[10],e[11]=t[11],e[12]=t[12],e[13]=t[13],e[14]=t[14],e[15]=t[15],e}function a(e,t,i,r,o,s,a,l,h,u,d,c,f,g,p,m){var _=new n.WT(16);return _[0]=e,_[1]=t,_[2]=i,_[3]=r,_[4]=o,_[5]=s,_[6]=a,_[7]=l,_[8]=h,_[9]=u,_[10]=d,_[11]=c,_[12]=f,_[13]=g,_[14]=p,_[15]=m,_}function l(e,t,i,n,r,o,s,a,l,h,u,d,c,f,g,p,m){return e[0]=t,e[1]=i,e[2]=n,e[3]=r,e[4]=o,e[5]=s,e[6]=a,e[7]=l,e[8]=h,e[9]=u,e[10]=d,e[11]=c,e[12]=f,e[13]=g,e[14]=p,e[15]=m,e}function h(e){return e[0]=1,e[1]=0,e[2]=0,e[3]=0,e[4]=0,e[5]=1,e[6]=0,e[7]=0,e[8]=0,e[9]=0,e[10]=1,e[11]=0,e[12]=0,e[13]=0,e[14]=0,e[15]=1,e}function u(e,t){if(e===t){var i=t[1],n=t[2],r=t[3],o=t[6],s=t[7],a=t[11];e[1]=t[4],e[2]=t[8],e[3]=t[12],e[4]=i,e[6]=t[9],e[7]=t[13],e[8]=n,e[9]=o,e[11]=t[14],e[12]=r,e[13]=s,e[14]=a}else e[0]=t[0],e[1]=t[4],e[2]=t[8],e[3]=t[12],e[4]=t[1],e[5]=t[5],e[6]=t[9],e[7]=t[13],e[8]=t[2],e[9]=t[6],e[10]=t[10],e[11]=t[14],e[12]=t[3],e[13]=t[7],e[14]=t[11],e[15]=t[15];return e}function d(e,t){var i=t[0],n=t[1],r=t[2],o=t[3],s=t[4],a=t[5],l=t[6],h=t[7],u=t[8],d=t[9],c=t[10],f=t[11],g=t[12],p=t[13],m=t[14],_=t[15],E=i*a-n*s,v=i*l-r*s,b=i*h-o*s,C=n*l-r*a,S=n*h-o*a,y=r*h-o*l,T=u*p-d*g,R=u*m-c*g,A=u*_-f*g,N=d*m-c*p,O=d*_-f*p,L=c*_-f*m,I=E*L-v*O+b*N+C*A-S*R+y*T;return I?(I=1/I,e[0]=(a*L-l*O+h*N)*I,e[1]=(r*O-n*L-o*N)*I,e[2]=(p*y-m*S+_*C)*I,e[3]=(c*S-d*y-f*C)*I,e[4]=(l*A-s*L-h*R)*I,e[5]=(i*L-r*A+o*R)*I,e[6]=(m*b-g*y-_*v)*I,e[7]=(u*y-c*b+f*v)*I,e[8]=(s*O-a*A+h*T)*I,e[9]=(n*A-i*O-o*T)*I,e[10]=(g*S-p*b+_*E)*I,e[11]=(d*b-u*S-f*E)*I,e[12]=(a*R-s*N-l*T)*I,e[13]=(i*N-n*R+r*T)*I,e[14]=(p*v-g*C-m*E)*I,e[15]=(u*C-d*v+c*E)*I,e):null}function c(e,t){var i=t[0],n=t[1],r=t[2],o=t[3],s=t[4],a=t[5],l=t[6],h=t[7],u=t[8],d=t[9],c=t[10],f=t[11],g=t[12],p=t[13],m=t[14],_=t[15];return e[0]=a*(c*_-f*m)-d*(l*_-h*m)+p*(l*f-h*c),e[1]=-(n*(c*_-f*m)-d*(r*_-o*m)+p*(r*f-o*c)),e[2]=n*(l*_-h*m)-a*(r*_-o*m)+p*(r*h-o*l),e[3]=-(n*(l*f-h*c)-a*(r*f-o*c)+d*(r*h-o*l)),e[4]=-(s*(c*_-f*m)-u*(l*_-h*m)+g*(l*f-h*c)),e[5]=i*(c*_-f*m)-u*(r*_-o*m)+g*(r*f-o*c),e[6]=-(i*(l*_-h*m)-s*(r*_-o*m)+g*(r*h-o*l)),e[7]=i*(l*f-h*c)-s*(r*f-o*c)+u*(r*h-o*l),e[8]=s*(d*_-f*p)-u*(a*_-h*p)+g*(a*f-h*d),e[9]=-(i*(d*_-f*p)-u*(n*_-o*p)+g*(n*f-o*d)),e[10]=i*(a*_-h*p)-s*(n*_-o*p)+g*(n*h-o*a),e[11]=-(i*(a*f-h*d)-s*(n*f-o*d)+u*(n*h-o*a)),e[12]=-(s*(d*m-c*p)-u*(a*m-l*p)+g*(a*c-l*d)),e[13]=i*(d*m-c*p)-u*(n*m-r*p)+g*(n*c-r*d),e[14]=-(i*(a*m-l*p)-s*(n*m-r*p)+g*(n*l-r*a)),e[15]=i*(a*c-l*d)-s*(n*c-r*d)+u*(n*l-r*a),e}function f(e){var t=e[0],i=e[1],n=e[2],r=e[3],o=e[4],s=e[5],a=e[6],l=e[7],h=e[8],u=e[9],d=e[10],c=e[11],f=e[12],g=e[13],p=e[14],m=e[15];return(t*s-i*o)*(d*m-c*p)-(t*a-n*o)*(u*m-c*g)+(t*l-r*o)*(u*p-d*g)+(i*a-n*s)*(h*m-c*f)-(i*l-r*s)*(h*p-d*f)+(n*l-r*a)*(h*g-u*f)}function g(e,t,i){var n=t[0],r=t[1],o=t[2],s=t[3],a=t[4],l=t[5],h=t[6],u=t[7],d=t[8],c=t[9],f=t[10],g=t[11],p=t[12],m=t[13],_=t[14],E=t[15],v=i[0],b=i[1],C=i[2],S=i[3];return e[0]=v*n+b*a+C*d+S*p,e[1]=v*r+b*l+C*c+S*m,e[2]=v*o+b*h+C*f+S*_,e[3]=v*s+b*u+C*g+S*E,v=i[4],b=i[5],C=i[6],S=i[7],e[4]=v*n+b*a+C*d+S*p,e[5]=v*r+b*l+C*c+S*m,e[6]=v*o+b*h+C*f+S*_,e[7]=v*s+b*u+C*g+S*E,v=i[8],b=i[9],C=i[10],S=i[11],e[8]=v*n+b*a+C*d+S*p,e[9]=v*r+b*l+C*c+S*m,e[10]=v*o+b*h+C*f+S*_,e[11]=v*s+b*u+C*g+S*E,v=i[12],b=i[13],C=i[14],S=i[15],e[12]=v*n+b*a+C*d+S*p,e[13]=v*r+b*l+C*c+S*m,e[14]=v*o+b*h+C*f+S*_,e[15]=v*s+b*u+C*g+S*E,e}function p(e,t,i){var n,r,o,s,a,l,h,u,d,c,f,g,p=i[0],m=i[1],_=i[2];return t===e?(e[12]=t[0]*p+t[4]*m+t[8]*_+t[12],e[13]=t[1]*p+t[5]*m+t[9]*_+t[13],e[14]=t[2]*p+t[6]*m+t[10]*_+t[14],e[15]=t[3]*p+t[7]*m+t[11]*_+t[15]):(n=t[0],r=t[1],o=t[2],s=t[3],a=t[4],l=t[5],h=t[6],u=t[7],d=t[8],c=t[9],f=t[10],g=t[11],e[0]=n,e[1]=r,e[2]=o,e[3]=s,e[4]=a,e[5]=l,e[6]=h,e[7]=u,e[8]=d,e[9]=c,e[10]=f,e[11]=g,e[12]=n*p+a*m+d*_+t[12],e[13]=r*p+l*m+c*_+t[13],e[14]=o*p+h*m+f*_+t[14],e[15]=s*p+u*m+g*_+t[15]),e}function m(e,t,i){var n=i[0],r=i[1],o=i[2];return e[0]=t[0]*n,e[1]=t[1]*n,e[2]=t[2]*n,e[3]=t[3]*n,e[4]=t[4]*r,e[5]=t[5]*r,e[6]=t[6]*r,e[7]=t[7]*r,e[8]=t[8]*o,e[9]=t[9]*o,e[10]=t[10]*o,e[11]=t[11]*o,e[12]=t[12],e[13]=t[13],e[14]=t[14],e[15]=t[15],e}function _(e,t,i,r){var o,s,a,l,h,u,d,c,f,g,p,m,_,E,v,b,C,S,y,T,R,A,N,O,L=r[0],I=r[1],w=r[2],D=Math.hypot(L,I,w);return D0?(i[0]=(l*a+d*r+h*s-u*o)*2/c,i[1]=(h*a+d*o+u*r-l*s)*2/c,i[2]=(u*a+d*s+l*o-h*r)*2/c):(i[0]=(l*a+d*r+h*s-u*o)*2,i[1]=(h*a+d*o+u*r-l*s)*2,i[2]=(u*a+d*s+l*o-h*r)*2),N(e,t,i),e}function L(e,t){return e[0]=t[12],e[1]=t[13],e[2]=t[14],e}function I(e,t){var i=t[0],n=t[1],r=t[2],o=t[4],s=t[5],a=t[6],l=t[8],h=t[9],u=t[10];return e[0]=Math.hypot(i,n,r),e[1]=Math.hypot(o,s,a),e[2]=Math.hypot(l,h,u),e}function w(e,t){var i=new n.WT(3);I(i,t);var r=1/i[0],o=1/i[1],s=1/i[2],a=t[0]*r,l=t[1]*o,h=t[2]*s,u=t[4]*r,d=t[5]*o,c=t[6]*s,f=t[8]*r,g=t[9]*o,p=t[10]*s,m=a+d+p,_=0;return m>0?(_=2*Math.sqrt(m+1),e[3]=.25*_,e[0]=(c-g)/_,e[1]=(f-h)/_,e[2]=(l-u)/_):a>d&&a>p?(_=2*Math.sqrt(1+a-d-p),e[3]=(c-g)/_,e[0]=.25*_,e[1]=(l+u)/_,e[2]=(f+h)/_):d>p?(_=2*Math.sqrt(1+d-a-p),e[3]=(f-h)/_,e[0]=(l+u)/_,e[1]=.25*_,e[2]=(c+g)/_):(_=2*Math.sqrt(1+p-a-d),e[3]=(l-u)/_,e[0]=(f+h)/_,e[1]=(c+g)/_,e[2]=.25*_),e}function D(e,t,i,n){var r=t[0],o=t[1],s=t[2],a=t[3],l=r+r,h=o+o,u=s+s,d=r*l,c=r*h,f=r*u,g=o*h,p=o*u,m=s*u,_=a*l,E=a*h,v=a*u,b=n[0],C=n[1],S=n[2];return e[0]=(1-(g+m))*b,e[1]=(c+v)*b,e[2]=(f-E)*b,e[3]=0,e[4]=(c-v)*C,e[5]=(1-(d+m))*C,e[6]=(p+_)*C,e[7]=0,e[8]=(f+E)*S,e[9]=(p-_)*S,e[10]=(1-(d+g))*S,e[11]=0,e[12]=i[0],e[13]=i[1],e[14]=i[2],e[15]=1,e}function x(e,t,i,n,r){var o=t[0],s=t[1],a=t[2],l=t[3],h=o+o,u=s+s,d=a+a,c=o*h,f=o*u,g=o*d,p=s*u,m=s*d,_=a*d,E=l*h,v=l*u,b=l*d,C=n[0],S=n[1],y=n[2],T=r[0],R=r[1],A=r[2],N=(1-(p+_))*C,O=(f+b)*C,L=(g-v)*C,I=(f-b)*S,w=(1-(c+_))*S,D=(m+E)*S,x=(g+v)*y,M=(m-E)*y,k=(1-(c+p))*y;return e[0]=N,e[1]=O,e[2]=L,e[3]=0,e[4]=I,e[5]=w,e[6]=D,e[7]=0,e[8]=x,e[9]=M,e[10]=k,e[11]=0,e[12]=i[0]+T-(N*T+I*R+x*A),e[13]=i[1]+R-(O*T+w*R+M*A),e[14]=i[2]+A-(L*T+D*R+k*A),e[15]=1,e}function M(e,t){var i=t[0],n=t[1],r=t[2],o=t[3],s=i+i,a=n+n,l=r+r,h=i*s,u=n*s,d=n*a,c=r*s,f=r*a,g=r*l,p=o*s,m=o*a,_=o*l;return e[0]=1-d-g,e[1]=u+_,e[2]=c-m,e[3]=0,e[4]=u-_,e[5]=1-h-g,e[6]=f+p,e[7]=0,e[8]=c+m,e[9]=f-p,e[10]=1-h-d,e[11]=0,e[12]=0,e[13]=0,e[14]=0,e[15]=1,e}function k(e,t,i,n,r,o,s){var a=1/(i-t),l=1/(r-n),h=1/(o-s);return e[0]=2*o*a,e[1]=0,e[2]=0,e[3]=0,e[4]=0,e[5]=2*o*l,e[6]=0,e[7]=0,e[8]=(i+t)*a,e[9]=(r+n)*l,e[10]=(s+o)*h,e[11]=-1,e[12]=0,e[13]=0,e[14]=s*o*2*h,e[15]=0,e}function P(e,t,i,n,r){var o,s=1/Math.tan(t/2);return e[0]=s/i,e[1]=0,e[2]=0,e[3]=0,e[4]=0,e[5]=s,e[6]=0,e[7]=0,e[8]=0,e[9]=0,e[11]=-1,e[12]=0,e[13]=0,e[15]=0,null!=r&&r!==1/0?(o=1/(n-r),e[10]=(r+n)*o,e[14]=2*r*n*o):(e[10]=-1,e[14]=-2*n),e}var F=P;function B(e,t,i,n,r){var o,s=1/Math.tan(t/2);return e[0]=s/i,e[1]=0,e[2]=0,e[3]=0,e[4]=0,e[5]=s,e[6]=0,e[7]=0,e[8]=0,e[9]=0,e[11]=-1,e[12]=0,e[13]=0,e[15]=0,null!=r&&r!==1/0?(o=1/(n-r),e[10]=r*o,e[14]=r*n*o):(e[10]=-1,e[14]=-n),e}function U(e,t,i,n){var r=Math.tan(t.upDegrees*Math.PI/180),o=Math.tan(t.downDegrees*Math.PI/180),s=Math.tan(t.leftDegrees*Math.PI/180),a=Math.tan(t.rightDegrees*Math.PI/180),l=2/(s+a),h=2/(r+o);return e[0]=l,e[1]=0,e[2]=0,e[3]=0,e[4]=0,e[5]=h,e[6]=0,e[7]=0,e[8]=-((s-a)*l*.5),e[9]=(r-o)*h*.5,e[10]=n/(i-n),e[11]=-1,e[12]=0,e[13]=0,e[14]=n*i/(i-n),e[15]=0,e}function H(e,t,i,n,r,o,s){var a=1/(t-i),l=1/(n-r),h=1/(o-s);return e[0]=-2*a,e[1]=0,e[2]=0,e[3]=0,e[4]=0,e[5]=-2*l,e[6]=0,e[7]=0,e[8]=0,e[9]=0,e[10]=2*h,e[11]=0,e[12]=(t+i)*a,e[13]=(r+n)*l,e[14]=(s+o)*h,e[15]=1,e}var V=H;function W(e,t,i,n,r,o,s){var a=1/(t-i),l=1/(n-r),h=1/(o-s);return e[0]=-2*a,e[1]=0,e[2]=0,e[3]=0,e[4]=0,e[5]=-2*l,e[6]=0,e[7]=0,e[8]=0,e[9]=0,e[10]=h,e[11]=0,e[12]=(t+i)*a,e[13]=(r+n)*l,e[14]=o*h,e[15]=1,e}function G(e,t,i,r){var o,s,a,l,u,d,c,f,g,p,m=t[0],_=t[1],E=t[2],v=r[0],b=r[1],C=r[2],S=i[0],y=i[1],T=i[2];return Math.abs(m-S)0&&(u*=f=1/Math.sqrt(f),d*=f,c*=f);var g=l*c-h*d,p=h*u-a*c,m=a*d-l*u;return(f=g*g+p*p+m*m)>0&&(g*=f=1/Math.sqrt(f),p*=f,m*=f),e[0]=g,e[1]=p,e[2]=m,e[3]=0,e[4]=d*m-c*p,e[5]=c*g-u*m,e[6]=u*p-d*g,e[7]=0,e[8]=u,e[9]=d,e[10]=c,e[11]=0,e[12]=r,e[13]=o,e[14]=s,e[15]=1,e}function z(e){return"mat4("+e[0]+", "+e[1]+", "+e[2]+", "+e[3]+", "+e[4]+", "+e[5]+", "+e[6]+", "+e[7]+", "+e[8]+", "+e[9]+", "+e[10]+", "+e[11]+", "+e[12]+", "+e[13]+", "+e[14]+", "+e[15]+")"}function K(e){return Math.hypot(e[0],e[1],e[2],e[3],e[4],e[5],e[6],e[7],e[8],e[9],e[10],e[11],e[12],e[13],e[14],e[15])}function Y(e,t,i){return e[0]=t[0]+i[0],e[1]=t[1]+i[1],e[2]=t[2]+i[2],e[3]=t[3]+i[3],e[4]=t[4]+i[4],e[5]=t[5]+i[5],e[6]=t[6]+i[6],e[7]=t[7]+i[7],e[8]=t[8]+i[8],e[9]=t[9]+i[9],e[10]=t[10]+i[10],e[11]=t[11]+i[11],e[12]=t[12]+i[12],e[13]=t[13]+i[13],e[14]=t[14]+i[14],e[15]=t[15]+i[15],e}function $(e,t,i){return e[0]=t[0]-i[0],e[1]=t[1]-i[1],e[2]=t[2]-i[2],e[3]=t[3]-i[3],e[4]=t[4]-i[4],e[5]=t[5]-i[5],e[6]=t[6]-i[6],e[7]=t[7]-i[7],e[8]=t[8]-i[8],e[9]=t[9]-i[9],e[10]=t[10]-i[10],e[11]=t[11]-i[11],e[12]=t[12]-i[12],e[13]=t[13]-i[13],e[14]=t[14]-i[14],e[15]=t[15]-i[15],e}function q(e,t,i){return e[0]=t[0]*i,e[1]=t[1]*i,e[2]=t[2]*i,e[3]=t[3]*i,e[4]=t[4]*i,e[5]=t[5]*i,e[6]=t[6]*i,e[7]=t[7]*i,e[8]=t[8]*i,e[9]=t[9]*i,e[10]=t[10]*i,e[11]=t[11]*i,e[12]=t[12]*i,e[13]=t[13]*i,e[14]=t[14]*i,e[15]=t[15]*i,e}function X(e,t,i,n){return e[0]=t[0]+i[0]*n,e[1]=t[1]+i[1]*n,e[2]=t[2]+i[2]*n,e[3]=t[3]+i[3]*n,e[4]=t[4]+i[4]*n,e[5]=t[5]+i[5]*n,e[6]=t[6]+i[6]*n,e[7]=t[7]+i[7]*n,e[8]=t[8]+i[8]*n,e[9]=t[9]+i[9]*n,e[10]=t[10]+i[10]*n,e[11]=t[11]+i[11]*n,e[12]=t[12]+i[12]*n,e[13]=t[13]+i[13]*n,e[14]=t[14]+i[14]*n,e[15]=t[15]+i[15]*n,e}function Z(e,t){return e[0]===t[0]&&e[1]===t[1]&&e[2]===t[2]&&e[3]===t[3]&&e[4]===t[4]&&e[5]===t[5]&&e[6]===t[6]&&e[7]===t[7]&&e[8]===t[8]&&e[9]===t[9]&&e[10]===t[10]&&e[11]===t[11]&&e[12]===t[12]&&e[13]===t[13]&&e[14]===t[14]&&e[15]===t[15]}function Q(e,t){var i=e[0],r=e[1],o=e[2],s=e[3],a=e[4],l=e[5],h=e[6],u=e[7],d=e[8],c=e[9],f=e[10],g=e[11],p=e[12],m=e[13],_=e[14],E=e[15],v=t[0],b=t[1],C=t[2],S=t[3],y=t[4],T=t[5],R=t[6],A=t[7],N=t[8],O=t[9],L=t[10],I=t[11],w=t[12],D=t[13],x=t[14],M=t[15];return Math.abs(i-v)<=n.Ib*Math.max(1,Math.abs(i),Math.abs(v))&&Math.abs(r-b)<=n.Ib*Math.max(1,Math.abs(r),Math.abs(b))&&Math.abs(o-C)<=n.Ib*Math.max(1,Math.abs(o),Math.abs(C))&&Math.abs(s-S)<=n.Ib*Math.max(1,Math.abs(s),Math.abs(S))&&Math.abs(a-y)<=n.Ib*Math.max(1,Math.abs(a),Math.abs(y))&&Math.abs(l-T)<=n.Ib*Math.max(1,Math.abs(l),Math.abs(T))&&Math.abs(h-R)<=n.Ib*Math.max(1,Math.abs(h),Math.abs(R))&&Math.abs(u-A)<=n.Ib*Math.max(1,Math.abs(u),Math.abs(A))&&Math.abs(d-N)<=n.Ib*Math.max(1,Math.abs(d),Math.abs(N))&&Math.abs(c-O)<=n.Ib*Math.max(1,Math.abs(c),Math.abs(O))&&Math.abs(f-L)<=n.Ib*Math.max(1,Math.abs(f),Math.abs(L))&&Math.abs(g-I)<=n.Ib*Math.max(1,Math.abs(g),Math.abs(I))&&Math.abs(p-w)<=n.Ib*Math.max(1,Math.abs(p),Math.abs(w))&&Math.abs(m-D)<=n.Ib*Math.max(1,Math.abs(m),Math.abs(D))&&Math.abs(_-x)<=n.Ib*Math.max(1,Math.abs(_),Math.abs(x))&&Math.abs(E-M)<=n.Ib*Math.max(1,Math.abs(E),Math.abs(M))}var J=g,ee=$},32945:function(e,t,i){"use strict";i.d(t,{Fv:function(){return p},JG:function(){return f},Jp:function(){return h},Su:function(){return d},U_:function(){return u},Ue:function(){return a},al:function(){return c},dC:function(){return g},yY:function(){return l}});var n=i(49685),r=i(35600),o=i(77160),s=i(98333);function a(){var e=new n.WT(4);return n.WT!=Float32Array&&(e[0]=0,e[1]=0,e[2]=0),e[3]=1,e}function l(e,t,i){var n=Math.sin(i*=.5);return e[0]=n*t[0],e[1]=n*t[1],e[2]=n*t[2],e[3]=Math.cos(i),e}function h(e,t,i){var n=t[0],r=t[1],o=t[2],s=t[3],a=i[0],l=i[1],h=i[2],u=i[3];return e[0]=n*u+s*a+r*h-o*l,e[1]=r*u+s*l+o*a-n*h,e[2]=o*u+s*h+n*l-r*a,e[3]=s*u-n*a-r*l-o*h,e}function u(e,t){var i=t[0],n=t[1],r=t[2],o=t[3],s=i*i+n*n+r*r+o*o,a=s?1/s:0;return e[0]=-i*a,e[1]=-n*a,e[2]=-r*a,e[3]=o*a,e}function d(e,t,i,n){var r=.5*Math.PI/180,o=Math.sin(t*=r),s=Math.cos(t),a=Math.sin(i*=r),l=Math.cos(i),h=Math.sin(n*=r),u=Math.cos(n);return e[0]=o*l*u-s*a*h,e[1]=s*a*u+o*l*h,e[2]=s*l*h-o*a*u,e[3]=s*l*u+o*a*h,e}s.d9;var c=s.al,f=s.JG;s.t8,s.IH;var g=h;s.bA,s.AK,s.t7,s.kE,s.we;var p=s.Fv;s.I6,s.fS,o.Ue(),o.al(1,0,0),o.al(0,1,0),a(),a(),r.Ue()},31437:function(e,t,i){"use strict";i.d(t,{AK:function(){return l},Fv:function(){return a},I6:function(){return h},JG:function(){return s},al:function(){return o}});var n,r=i(49685);function o(e,t){var i=new r.WT(2);return i[0]=e,i[1]=t,i}function s(e,t){return e[0]=t[0],e[1]=t[1],e}function a(e,t){var i=t[0],n=t[1],r=i*i+n*n;return r>0&&(r=1/Math.sqrt(r)),e[0]=t[0]*r,e[1]=t[1]*r,e}function l(e,t){return e[0]*t[0]+e[1]*t[1]}function h(e,t){return e[0]===t[0]&&e[1]===t[1]}n=new r.WT(2),r.WT!=Float32Array&&(n[0]=0,n[1]=0)},77160:function(e,t,i){"use strict";i.d(t,{$X:function(){return d},AK:function(){return p},Fv:function(){return g},IH:function(){return u},JG:function(){return l},Jp:function(){return c},TK:function(){return S},Ue:function(){return r},VC:function(){return b},Zh:function(){return y},al:function(){return a},bA:function(){return f},d9:function(){return o},fF:function(){return E},fS:function(){return C},kC:function(){return m},kE:function(){return s},kK:function(){return v},t7:function(){return _},t8:function(){return h}});var n=i(49685);function r(){var e=new n.WT(3);return n.WT!=Float32Array&&(e[0]=0,e[1]=0,e[2]=0),e}function o(e){var t=new n.WT(3);return t[0]=e[0],t[1]=e[1],t[2]=e[2],t}function s(e){return Math.hypot(e[0],e[1],e[2])}function a(e,t,i){var r=new n.WT(3);return r[0]=e,r[1]=t,r[2]=i,r}function l(e,t){return e[0]=t[0],e[1]=t[1],e[2]=t[2],e}function h(e,t,i,n){return e[0]=t,e[1]=i,e[2]=n,e}function u(e,t,i){return e[0]=t[0]+i[0],e[1]=t[1]+i[1],e[2]=t[2]+i[2],e}function d(e,t,i){return e[0]=t[0]-i[0],e[1]=t[1]-i[1],e[2]=t[2]-i[2],e}function c(e,t,i){return e[0]=t[0]*i[0],e[1]=t[1]*i[1],e[2]=t[2]*i[2],e}function f(e,t,i){return e[0]=t[0]*i,e[1]=t[1]*i,e[2]=t[2]*i,e}function g(e,t){var i=t[0],n=t[1],r=t[2],o=i*i+n*n+r*r;return o>0&&(o=1/Math.sqrt(o)),e[0]=t[0]*o,e[1]=t[1]*o,e[2]=t[2]*o,e}function p(e,t){return e[0]*t[0]+e[1]*t[1]+e[2]*t[2]}function m(e,t,i){var n=t[0],r=t[1],o=t[2],s=i[0],a=i[1],l=i[2];return e[0]=r*l-o*a,e[1]=o*s-n*l,e[2]=n*a-r*s,e}function _(e,t,i,n){var r=t[0],o=t[1],s=t[2];return e[0]=r+n*(i[0]-r),e[1]=o+n*(i[1]-o),e[2]=s+n*(i[2]-s),e}function E(e,t,i){var n=t[0],r=t[1],o=t[2],s=i[3]*n+i[7]*r+i[11]*o+i[15];return s=s||1,e[0]=(i[0]*n+i[4]*r+i[8]*o+i[12])/s,e[1]=(i[1]*n+i[5]*r+i[9]*o+i[13])/s,e[2]=(i[2]*n+i[6]*r+i[10]*o+i[14])/s,e}function v(e,t,i){var n=t[0],r=t[1],o=t[2];return e[0]=n*i[0]+r*i[3]+o*i[6],e[1]=n*i[1]+r*i[4]+o*i[7],e[2]=n*i[2]+r*i[5]+o*i[8],e}function b(e,t,i){var n=i[0],r=i[1],o=i[2],s=i[3],a=t[0],l=t[1],h=t[2],u=r*h-o*l,d=o*a-n*h,c=n*l-r*a,f=r*c-o*d,g=o*u-n*c,p=n*d-r*u,m=2*s;return u*=m,d*=m,c*=m,f*=2,g*=2,p*=2,e[0]=a+u+f,e[1]=l+d+g,e[2]=h+c+p,e}function C(e,t){var i=e[0],r=e[1],o=e[2],s=t[0],a=t[1],l=t[2];return Math.abs(i-s)<=n.Ib*Math.max(1,Math.abs(i),Math.abs(s))&&Math.abs(r-a)<=n.Ib*Math.max(1,Math.abs(r),Math.abs(a))&&Math.abs(o-l)<=n.Ib*Math.max(1,Math.abs(o),Math.abs(l))}var S=function(e,t){return Math.hypot(t[0]-e[0],t[1]-e[1],t[2]-e[2])},y=s;r()},98333:function(e,t,i){"use strict";i.d(t,{AK:function(){return g},Fv:function(){return f},I6:function(){return _},IH:function(){return h},JG:function(){return a},Ue:function(){return r},al:function(){return s},bA:function(){return u},d9:function(){return o},fF:function(){return m},fS:function(){return E},kE:function(){return d},t7:function(){return p},t8:function(){return l},we:function(){return c}});var n=i(49685);function r(){var e=new n.WT(4);return n.WT!=Float32Array&&(e[0]=0,e[1]=0,e[2]=0,e[3]=0),e}function o(e){var t=new n.WT(4);return t[0]=e[0],t[1]=e[1],t[2]=e[2],t[3]=e[3],t}function s(e,t,i,r){var o=new n.WT(4);return o[0]=e,o[1]=t,o[2]=i,o[3]=r,o}function a(e,t){return e[0]=t[0],e[1]=t[1],e[2]=t[2],e[3]=t[3],e}function l(e,t,i,n,r){return e[0]=t,e[1]=i,e[2]=n,e[3]=r,e}function h(e,t,i){return e[0]=t[0]+i[0],e[1]=t[1]+i[1],e[2]=t[2]+i[2],e[3]=t[3]+i[3],e}function u(e,t,i){return e[0]=t[0]*i,e[1]=t[1]*i,e[2]=t[2]*i,e[3]=t[3]*i,e}function d(e){return Math.hypot(e[0],e[1],e[2],e[3])}function c(e){var t=e[0],i=e[1],n=e[2],r=e[3];return t*t+i*i+n*n+r*r}function f(e,t){var i=t[0],n=t[1],r=t[2],o=t[3],s=i*i+n*n+r*r+o*o;return s>0&&(s=1/Math.sqrt(s)),e[0]=i*s,e[1]=n*s,e[2]=r*s,e[3]=o*s,e}function g(e,t){return e[0]*t[0]+e[1]*t[1]+e[2]*t[2]+e[3]*t[3]}function p(e,t,i,n){var r=t[0],o=t[1],s=t[2],a=t[3];return e[0]=r+n*(i[0]-r),e[1]=o+n*(i[1]-o),e[2]=s+n*(i[2]-s),e[3]=a+n*(i[3]-a),e}function m(e,t,i){var n=t[0],r=t[1],o=t[2],s=t[3];return e[0]=i[0]*n+i[4]*r+i[8]*o+i[12]*s,e[1]=i[1]*n+i[5]*r+i[9]*o+i[13]*s,e[2]=i[2]*n+i[6]*r+i[10]*o+i[14]*s,e[3]=i[3]*n+i[7]*r+i[11]*o+i[15]*s,e}function _(e,t){return e[0]===t[0]&&e[1]===t[1]&&e[2]===t[2]&&e[3]===t[3]}function E(e,t){var i=e[0],r=e[1],o=e[2],s=e[3],a=t[0],l=t[1],h=t[2],u=t[3];return Math.abs(i-a)<=n.Ib*Math.max(1,Math.abs(i),Math.abs(a))&&Math.abs(r-l)<=n.Ib*Math.max(1,Math.abs(r),Math.abs(l))&&Math.abs(o-h)<=n.Ib*Math.max(1,Math.abs(o),Math.abs(h))&&Math.abs(s-u)<=n.Ib*Math.max(1,Math.abs(s),Math.abs(u))}r()},9488:function(e,t,i){"use strict";var n,r;function o(e,t=0){return e[e.length-(1+t)]}function s(e){if(0===e.length)throw Error("Invalid tail call");return[e.slice(0,e.length-1),e[e.length-1]]}function a(e,t,i=(e,t)=>e===t){if(e===t)return!0;if(!e||!t||e.length!==t.length)return!1;for(let n=0,r=e.length;n0))return e;n=e-1}}return-(i+1)}(e.length,n=>i(e[n],t))}function u(e){return e.filter(e=>!!e)}function d(e){return!Array.isArray(e)||0===e.length}function c(e){return Array.isArray(e)&&e.length>0}function f(e,t=e=>e){let i=new Set;return e.filter(e=>{let n=t(e);return!i.has(n)&&(i.add(n),!0)})}function g(e,t){let i=function(e,t){for(let i=e.length-1;i>=0;i--){let n=e[i];if(t(n))return i}return -1}(e,t);if(-1!==i)return e[i]}function p(e,t){return e.length>0?e[0]:t}function m(e,t){let i="number"==typeof t?e:0;"number"==typeof t?i=e:(i=0,t=e);let n=[];if(i<=t)for(let e=i;et;e--)n.push(e);return n}function _(e,t,i){let n=e.slice(0,t),r=e.slice(t);return n.concat(i,r)}function E(e,t){let i=e.indexOf(t);i>-1&&(e.splice(i,1),e.unshift(t))}function v(e,t){let i=e.indexOf(t);i>-1&&(e.splice(i,1),e.push(t))}function b(e,t){for(let i of t)e.push(i)}function C(e,t,i,n){let r=S(e,t),o=e.splice(r,i);return!function(e,t,i){let n=S(e,t),r=e.length,o=i.length;e.length=r+o;for(let t=r-1;t>=n;t--)e[t+o]=e[t];for(let t=0;tt(e(i),e(n))}function T(e,t){if(0===e.length)return;let i=e[0];for(let n=1;n=0&&(i=r)}return i}function R(e,t){return function(e,t){if(0===e.length)return;let i=e[0];for(let n=1;n0&&(i=r)}return i}(e,(e,i)=>-t(e,i))}i.d(t,{EB:function(){return f},Gb:function(){return o},H9:function(){return A},JH:function(){return s},LS:function(){return l},Of:function(){return c},VJ:function(){return R},W$:function(){return N},XY:function(){return d},Xh:function(){return p},Zv:function(){return _},al:function(){return v},dF:function(){return g},db:function(){return C},fS:function(){return a},jV:function(){return T},kX:function(){return u},ry:function(){return h},tT:function(){return y},vA:function(){return b},w6:function(){return m},zI:function(){return E}}),(r=n||(n={})).isLessThan=function(e){return e<0},r.isGreaterThan=function(e){return e>0},r.isNeitherLessOrGreaterThan=function(e){return 0===e},r.greaterThan=1,r.lessThan=-1,r.neitherLessOrGreaterThan=0;class A{constructor(e){this.items=e,this.firstIdx=0,this.lastIdx=this.items.length-1}get length(){return this.lastIdx-this.firstIdx+1}takeWhile(e){let t=this.firstIdx;for(;t=0&&e(this.items[t]);)t--;let i=t===this.lastIdx?null:this.items.slice(t+1,this.lastIdx+1);return this.lastIdx=t,i}peek(){if(0!==this.length)return this.items[this.firstIdx]}dequeue(){let e=this.items[this.firstIdx];return this.firstIdx++,e}takeCount(e){let t=this.items.slice(this.firstIdx,this.firstIdx+e);return this.firstIdx+=e,t}}class N{constructor(e){this.iterate=e}toArray(){let e=[];return this.iterate(t=>(e.push(t),!0)),e}filter(e){return new N(t=>this.iterate(i=>!e(i)||t(i)))}map(e){return new N(t=>this.iterate(i=>t(e(i))))}findLast(e){let t;return this.iterate(i=>(e(i)&&(t=i),!0)),t}findLastMaxBy(e){let t;let i=!0;return this.iterate(r=>((i||n.isGreaterThan(e(r,t)))&&(i=!1,t=r),!0)),t}}N.empty=new N(e=>{})},53725:function(e,t,i){"use strict";var n;i.d(t,{$:function(){return n}}),function(e){function t(e){return e&&"object"==typeof e&&"function"==typeof e[Symbol.iterator]}e.is=t;let i=Object.freeze([]);function*n(e){yield e}e.empty=function(){return i},e.single=n,e.wrap=function(e){return t(e)?e:n(e)},e.from=function(e){return e||i},e.isEmpty=function(e){return!e||!0===e[Symbol.iterator]().next().done},e.first=function(e){return e[Symbol.iterator]().next().value},e.some=function(e,t){for(let i of e)if(t(i))return!0;return!1},e.find=function(e,t){for(let i of e)if(t(i))return i},e.filter=function*(e,t){for(let i of e)t(i)&&(yield i)},e.map=function*(e,t){let i=0;for(let n of e)yield t(n,i++)},e.concat=function*(...e){for(let t of e)for(let e of t)yield e},e.reduce=function(e,t,i){let n=i;for(let i of e)n=t(n,i);return n},e.slice=function*(e,t,i=e.length){for(t<0&&(t+=e.length),i<0?i+=e.length:i>e.length&&(i=e.length);tr}]}}(n||(n={}))},91741:function(e,t,i){"use strict";i.d(t,{S:function(){return r}});class n{constructor(e){this.element=e,this.next=n.Undefined,this.prev=n.Undefined}}n.Undefined=new n(void 0);class r{constructor(){this._first=n.Undefined,this._last=n.Undefined,this._size=0}get size(){return this._size}isEmpty(){return this._first===n.Undefined}clear(){let e=this._first;for(;e!==n.Undefined;){let t=e.next;e.prev=n.Undefined,e.next=n.Undefined,e=t}this._first=n.Undefined,this._last=n.Undefined,this._size=0}unshift(e){return this._insert(e,!1)}push(e){return this._insert(e,!0)}_insert(e,t){let i=new n(e);if(this._first===n.Undefined)this._first=i,this._last=i;else if(t){let e=this._last;this._last=i,i.prev=e,e.next=i}else{let e=this._first;this._first=i,i.next=e,e.prev=i}this._size+=1;let r=!1;return()=>{r||(r=!0,this._remove(i))}}shift(){if(this._first!==n.Undefined){let e=this._first.element;return this._remove(this._first),e}}pop(){if(this._last!==n.Undefined){let e=this._last.element;return this._remove(this._last),e}}_remove(e){if(e.prev!==n.Undefined&&e.next!==n.Undefined){let t=e.prev;t.next=e.next,e.next.prev=t}else e.prev===n.Undefined&&e.next===n.Undefined?(this._first=n.Undefined,this._last=n.Undefined):e.next===n.Undefined?(this._last=this._last.prev,this._last.next=n.Undefined):e.prev===n.Undefined&&(this._first=this._first.next,this._first.prev=n.Undefined);this._size-=1}*[Symbol.iterator](){let e=this._first;for(;e!==n.Undefined;)yield e.element,e=e.next}}},36248:function(e,t,i){"use strict";i.d(t,{$E:function(){return a},I8:function(){return function e(t){if(!t||"object"!=typeof t||t instanceof RegExp)return t;let i=Array.isArray(t)?[]:{};return Object.entries(t).forEach(([t,n])=>{i[t]=n&&"object"==typeof n?e(n):n}),i}},IU:function(){return l},_A:function(){return r},fS:function(){return function e(t,i){let n,r;if(t===i)return!0;if(null==t||null==i||typeof t!=typeof i||"object"!=typeof t||Array.isArray(t)!==Array.isArray(i))return!1;if(Array.isArray(t)){if(t.length!==i.length)return!1;for(n=0;n{o in t?r&&((0,n.Kn)(t[o])&&(0,n.Kn)(i[o])?e(t[o],i[o],r):t[o]=i[o]):t[o]=i[o]}),t):i}},rs:function(){return s}});var n=i(98401);function r(e){if(!e||"object"!=typeof e)return e;let t=[e];for(;t.length>0;){let e=t.shift();for(let i in Object.freeze(e),e)if(o.call(e,i)){let r=e[i];"object"!=typeof r||Object.isFrozen(r)||(0,n.fU)(r)||t.push(r)}}return e}let o=Object.prototype.hasOwnProperty;function s(e,t){return function e(t,i,r){if((0,n.Jp)(t))return t;let s=i(t);if(void 0!==s)return s;if(Array.isArray(t)){let n=[];for(let o of t)n.push(e(o,i,r));return n}if((0,n.Kn)(t)){if(r.has(t))throw Error("Cannot clone recursive data-structure");r.add(t);let n={};for(let s in t)o.call(t,s)&&(n[s]=e(t[s],i,r));return r.delete(t),n}return t}(e,t,new Set)}function a(e){let t=[];for(let i of function(e){let t=[];for(;Object.prototype!==e;)t=t.concat(Object.getOwnPropertyNames(e)),e=Object.getPrototypeOf(e);return t}(e))"function"==typeof e[i]&&t.push(i);return t}function l(e,t){let i=e=>function(){let i=Array.prototype.slice.call(arguments,0);return t(e,i)},n={};for(let t of e)n[t]=i(t);return n}},1432:function(e,t,i){"use strict";let n,r;i.d(t,{$L:function(){return S},ED:function(){return E},G6:function(){return k},IJ:function(){return b},OS:function(){return L},dz:function(){return v},fn:function(){return O},gn:function(){return T},i7:function(){return x},li:function(){return p},n2:function(){return y},r:function(){return D},tY:function(){return C},tq:function(){return R},un:function(){return P},vU:function(){return M}});var o,s=i(63580),a=i(83454);let l=!1,h=!1,u=!1,d=!1,c=!1,f=!1,g=!1,p="object"==typeof self?self:"object"==typeof i.g?i.g:{};void 0!==p.vscode&&void 0!==p.vscode.process?r=p.vscode.process:void 0!==a&&(r=a);let m="string"==typeof(null===(o=null==r?void 0:r.versions)||void 0===o?void 0:o.electron),_=m&&(null==r?void 0:r.type)==="renderer";if("object"!=typeof navigator||_){if("object"==typeof r){l="win32"===r.platform,h="darwin"===r.platform,(u="linux"===r.platform)&&r.env.SNAP&&r.env.SNAP_REVISION,r.env.CI||r.env.BUILD_ARTIFACTSTAGINGDIRECTORY;let e=r.env.VSCODE_NLS_CONFIG;if(e)try{let t=JSON.parse(e);t.availableLanguages["*"],t.locale,t.osLocale,t._translationsConfigFile}catch(e){}d=!0}else console.error("Unable to resolve platform.")}else l=(n=navigator.userAgent).indexOf("Windows")>=0,h=n.indexOf("Macintosh")>=0,f=(n.indexOf("Macintosh")>=0||n.indexOf("iPad")>=0||n.indexOf("iPhone")>=0)&&!!navigator.maxTouchPoints&&navigator.maxTouchPoints>0,u=n.indexOf("Linux")>=0,g=(null==n?void 0:n.indexOf("Mobi"))>=0,c=!0,s.aj(s.NC({key:"ensureLoaderPluginIsLoaded",comment:["{Locked}"]},"_")),navigator.language;let E=l,v=h,b=u,C=d,S=c,y=c&&"function"==typeof p.importScripts,T=f,R=g,A=n,N="function"==typeof p.postMessage&&!p.importScripts,O=(()=>{if(N){let e=[];p.addEventListener("message",t=>{if(t.data&&t.data.vscodeScheduleAsyncWork)for(let i=0,n=e.length;i{let n=++t;e.push({id:n,callback:i}),p.postMessage({vscodeScheduleAsyncWork:n},"*")}}return e=>setTimeout(e)})(),L=h||f?2:l?1:3,I=!0,w=!1;function D(){if(!w){w=!0;let e=new Uint8Array(2);e[0]=1,e[1]=2;let t=new Uint16Array(e.buffer);I=513===t[0]}return I}let x=!!(A&&A.indexOf("Chrome")>=0),M=!!(A&&A.indexOf("Firefox")>=0),k=!!(!x&&A&&A.indexOf("Safari")>=0),P=!!(A&&A.indexOf("Edg/")>=0);A&&A.indexOf("Android")},98401:function(e,t,i){"use strict";function n(e){return"string"==typeof e}function r(e){return"object"==typeof e&&null!==e&&!Array.isArray(e)&&!(e instanceof RegExp)&&!(e instanceof Date)}function o(e){let t=Object.getPrototypeOf(Uint8Array);return"object"==typeof e&&e instanceof t}function s(e){return"number"==typeof e&&!isNaN(e)}function a(e){return!!e&&"function"==typeof e[Symbol.iterator]}function l(e){return!0===e||!1===e}function h(e){return void 0===e}function u(e){return!d(e)}function d(e){return h(e)||null===e}function c(e,t){if(!e)throw Error(t?`Unexpected type, expected '${t}'`:"Unexpected type")}function f(e){if(d(e))throw Error("Assertion Failed: argument is undefined or null");return e}function g(e){return"function"==typeof e}function p(e,t){let i=Math.min(e.length,t.length);for(let r=0;rs.maxLen){let n=t-s.maxLen/2;return n<0?n=0:o+=n,r=r.substring(n,t+s.maxLen/2),e(t,i,r,o,s)}let a=Date.now(),h=t-1-o,u=-1,d=null;for(let e=1;!(Date.now()-a>=s.timeBudget);e++){let t=h-s.windowSize*e;i.lastIndex=Math.max(0,t);let n=function(e,t,i,n){let r;for(;r=e.exec(t);){let t=r.index||0;if(t<=i&&e.lastIndex>=i)return r;if(n>0&&t>n)break}return null}(i,r,h,u);if(!n&&d||(d=n,t<=0))break;u=t}if(d){let e={word:d[0],startColumn:o+1+d.index,endColumn:o+1+d.index+d[0].length};return i.lastIndex=0,e}return null}},vu:function(){return o}});var n=i(53725),r=i(91741);let o="`~!@#$%^&*()-=+[{]}\\|;:'\",.<>/?",s=function(e=""){let t="(-?\\d*\\.\\d\\w*)|([^";for(let i of o)e.indexOf(i)>=0||(t+="\\"+i);return RegExp(t+="\\s]+)","g")}();function a(e){let t=s;if(e&&e instanceof RegExp){if(e.global)t=e;else{let i="g";e.ignoreCase&&(i+="i"),e.multiline&&(i+="m"),e.unicode&&(i+="u"),t=new RegExp(e.source,i)}}return t.lastIndex=0,t}let l=new r.S;l.unshift({maxLen:1e3,windowSize:15,timeBudget:150})},77119:function(e,t,i){"use strict";let n,r,o,s,a,l,h,u,d,c,f,g,p,m,_,E,v,b;i.r(t),i.d(t,{CancellationTokenSource:function(){return k1},Emitter:function(){return k2},KeyCode:function(){return k5},KeyMod:function(){return k4},MarkerSeverity:function(){return k7},MarkerTag:function(){return Pe},Position:function(){return k3},Range:function(){return k6},Selection:function(){return k9},SelectionDirection:function(){return k8},Token:function(){return Pi},Uri:function(){return Pt},editor:function(){return Pn},languages:function(){return Pr}});var C,S,y,T,R,A,N,O,L,I,w,D,x,M,k,P,F,B,U,H,V,W,G,j,z,K,Y,$,q,X,Z,Q,J,ee,et,ei,en,er,eo,es,ea,el,eh,eu,ed,ec,ef,eg,ep,em,e_,eE,ev,eb,eC,eS,ey,eT,eR,eA,eN,eO,eL,eI,ew,eD,ex,eM,ek,eP,eF,eB,eU,eH,eV,eW,eG,ej,ez,eK,eY,e$,eq,eX,eZ,eQ,eJ,e0,e1,e2,e5,e4,e3,e6,e9,e8,e7,te,tt,ti,tn,tr,to,ts,ta,tl,th,tu,td,tc,tf,tg,tp,tm,t_,tE,tv,tb,tC,tS,ty,tT,tR,tA,tN,tO,tL,tI,tw,tD,tx,tM,tk,tP,tF,tB,tU,tH,tV,tW,tG,tj,tz,tK,tY,t$,tq,tX,tZ,tQ,tJ,t0,t1,t2,t5,t4,t3,t6,t9,t8,t7,ie,it,ii,ir,io,is,ia,il,ih,iu,id,ic,ig,ip,im,i_,iE,iv,ib,iC,iS,iy,iT,iR,iA,iN,iO,iL,iI,iw,iD,ix,iM,ik,iP,iF,iB,iU,iH,iV,iW,iG,ij,iz,iK,iY,i$,iq,iX,iZ,iQ,iJ=i(64141);let i0=new class{constructor(){this.listeners=[],this.unexpectedErrorHandler=function(e){setTimeout(()=>{if(e.stack){if(ne.isErrorNoTelemetry(e))throw new ne(e.message+"\n\n"+e.stack);throw Error(e.message+"\n\n"+e.stack)}throw e},0)}}emit(e){this.listeners.forEach(t=>{t(e)})}onUnexpectedError(e){this.unexpectedErrorHandler(e),this.emit(e)}onUnexpectedExternalError(e){this.unexpectedErrorHandler(e)}};function i1(e){i3(e)||i0.onUnexpectedError(e)}function i2(e){i3(e)||i0.onUnexpectedExternalError(e)}function i5(e){if(e instanceof Error){let{name:t,message:i}=e,n=e.stacktrace||e.stack;return{$isError:!0,name:t,message:i,stack:n,noTelemetry:ne.isErrorNoTelemetry(e)}}return e}let i4="Canceled";function i3(e){return e instanceof i6||e instanceof Error&&e.name===i4&&e.message===i4}class i6 extends Error{constructor(){super(i4),this.name=this.message}}function i9(e){return e?Error(`Illegal argument: ${e}`):Error("Illegal argument")}function i8(e){return e?Error(`Illegal state: ${e}`):Error("Illegal state")}class i7 extends Error{constructor(e){super("NotSupported"),e&&(this.message=e)}}class ne extends Error{constructor(e){super(e),this.name="CodeExpectedError"}static fromError(e){if(e instanceof ne)return e;let t=new ne;return t.message=e.message,t.stack=e.stack,t}static isErrorNoTelemetry(e){return"CodeExpectedError"===e.name}}class nt extends Error{constructor(e){super(e||"An unexpected bug occurred."),Object.setPrototypeOf(this,nt.prototype)}}function ni(e){let t;let i=this,n=!1;return function(){return n?t:(n=!0,t=e.apply(i,arguments))}}var nn=i(53725);function nr(e){return e}function no(e){}function ns(e,t){}function na(e){return e}function nl(e){if(nn.$.is(e)){let t=[];for(let i of e)if(i)try{i.dispose()}catch(e){t.push(e)}if(1===t.length)throw t[0];if(t.length>1)throw AggregateError(t,"Encountered errors while disposing of store");return Array.isArray(e)?[]:e}if(e)return e.dispose(),e}function nh(...e){let t=nu(()=>nl(e));return t}function nu(e){let t={dispose:ni(()=>{e()})};return t}class nd{constructor(){var e;this._toDispose=new Set,this._isDisposed=!1,e=this}dispose(){this._isDisposed||(this._isDisposed=!0,this.clear())}get isDisposed(){return this._isDisposed}clear(){if(0!==this._toDispose.size)try{nl(this._toDispose)}finally{this._toDispose.clear()}}add(e){if(!e)return e;if(e===this)throw Error("Cannot register a disposable on itself!");return this._isDisposed?nd.DISABLE_DISPOSED_WARNING||console.warn(Error("Trying to add a disposable to a DisposableStore that has already been disposed of. The added object will be leaked!").stack):this._toDispose.add(e),e}}nd.DISABLE_DISPOSED_WARNING=!1;class nc{constructor(){var e;this._store=new nd,e=this,this._store}dispose(){this._store.dispose()}_register(e){if(e===this)throw Error("Cannot register a disposable on itself!");return this._store.add(e)}}nc.None=Object.freeze({dispose(){}});class nf{constructor(){var e;this._isDisposed=!1,e=this}get value(){return this._isDisposed?void 0:this._value}set value(e){var t;this._isDisposed||e===this._value||(null===(t=this._value)||void 0===t||t.dispose(),this._value=e)}clear(){this.value=void 0}dispose(){var e;this._isDisposed=!0,null===(e=this._value)||void 0===e||e.dispose(),this._value=void 0}}class ng{constructor(e){this.object=e}dispose(){}}class np{constructor(){var e;this._store=new Map,this._isDisposed=!1,e=this}dispose(){this._isDisposed=!0,this.clearAndDisposeAll()}clearAndDisposeAll(){if(this._store.size)try{nl(this._store.values())}finally{this._store.clear()}}get(e){return this._store.get(e)}set(e,t,i=!1){var n;this._isDisposed&&console.warn(Error("Trying to add a disposable to a DisposableMap that has already been disposed of. The added object will be leaked!").stack),i||null===(n=this._store.get(e))||void 0===n||n.dispose(),this._store.set(e,t)}deleteAndDispose(e){var t;null===(t=this._store.get(e))||void 0===t||t.dispose(),this._store.delete(e)}[Symbol.iterator](){return this._store[Symbol.iterator]()}}var nm=i(91741);let n_=globalThis.performance&&"function"==typeof globalThis.performance.now;class nE{static create(e){return new nE(e)}constructor(e){this._now=n_&&!1===e?Date.now:globalThis.performance.now.bind(globalThis.performance),this._startTime=this._now(),this._stopTime=-1}stop(){this._stopTime=this._now()}elapsed(){return -1!==this._stopTime?this._stopTime-this._startTime:this._now()-this._startTime}}!function(e){function t(e){return(t,i=null,n)=>{let r,o=!1;return r=e(e=>o?void 0:(r?r.dispose():o=!0,t.call(i,e)),null,n),o&&r.dispose(),r}}function i(e,t,i){return s((i,n=null,r)=>e(e=>i.call(n,t(e)),null,r),i)}function n(e,t,i){return s((i,n=null,r)=>e(e=>{t(e),i.call(n,e)},null,r),i)}function r(e,t,i){return s((i,n=null,r)=>e(e=>t(e)&&i.call(n,e),null,r),i)}function o(e,t,n,r){let o=n;return i(e,e=>o=t(o,e),r)}function s(e,t){let i;let n=new ny({onWillAddFirstListener(){i=e(n.fire,n)},onDidRemoveLastListener(){null==i||i.dispose()}});return null==t||t.add(n),n.event}function a(e,t,i=100,n=!1,r=!1,o,s){let a,l,h,u;let d=0,c=new ny({leakWarningThreshold:o,onWillAddFirstListener(){a=e(e=>{d++,h=t(h,e),n&&!u&&(c.fire(h),h=void 0),l=()=>{let e=h;h=void 0,u=void 0,(!n||d>1)&&c.fire(e),d=0},"number"==typeof i?(clearTimeout(u),u=setTimeout(l,i)):void 0===u&&(u=0,queueMicrotask(l))})},onWillRemoveListener(){r&&d>0&&(null==l||l())},onDidRemoveLastListener(){l=void 0,a.dispose()}});return null==s||s.add(c),c.event}function l(e,t=(e,t)=>e===t,i){let n,o=!0;return r(e,e=>{let i=o||!t(e,n);return o=!1,n=e,i},i)}e.None=()=>nc.None,e.defer=function(e,t){return a(e,()=>void 0,0,void 0,!0,void 0,t)},e.once=t,e.map=i,e.forEach=n,e.filter=r,e.signal=function(e){return e},e.any=function(...e){return(t,i=null,n)=>nh(...e.map(e=>e(e=>t.call(i,e),null,n)))},e.reduce=o,e.debounce=a,e.accumulate=function(t,i=0,n){return e.debounce(t,(e,t)=>e?(e.push(t),e):[t],i,void 0,!0,void 0,n)},e.latch=l,e.split=function(t,i,n){return[e.filter(t,i,n),e.filter(t,e=>!i(e),n)]},e.buffer=function(e,t=!1,i=[]){let n=i.slice(),r=e(e=>{n?n.push(e):s.fire(e)}),o=()=>{null==n||n.forEach(e=>s.fire(e)),n=null},s=new ny({onWillAddFirstListener(){r||(r=e(e=>s.fire(e)))},onDidAddFirstListener(){n&&(t?setTimeout(o):o())},onDidRemoveLastListener(){r&&r.dispose(),r=null}});return s.event};class h{constructor(e){this.event=e,this.disposables=new nd}map(e){return new h(i(this.event,e,this.disposables))}forEach(e){return new h(n(this.event,e,this.disposables))}filter(e){return new h(r(this.event,e,this.disposables))}reduce(e,t){return new h(o(this.event,e,t,this.disposables))}latch(){return new h(l(this.event,void 0,this.disposables))}debounce(e,t=100,i=!1,n=!1,r){return new h(a(this.event,e,t,i,n,r,this.disposables))}on(e,t,i){return this.event(e,t,i)}once(e,i,n){return t(this.event)(e,i,n)}dispose(){this.disposables.dispose()}}e.chain=function(e){return new h(e)},e.fromNodeEventEmitter=function(e,t,i=e=>e){let n=(...e)=>r.fire(i(...e)),r=new ny({onWillAddFirstListener:()=>e.on(t,n),onDidRemoveLastListener:()=>e.removeListener(t,n)});return r.event},e.fromDOMEventEmitter=function(e,t,i=e=>e){let n=(...e)=>r.fire(i(...e)),r=new ny({onWillAddFirstListener:()=>e.addEventListener(t,n),onDidRemoveLastListener:()=>e.removeEventListener(t,n)});return r.event},e.toPromise=function(e){return new Promise(i=>t(e)(i))},e.runAndSubscribe=function(e,t){return t(void 0),e(e=>t(e))},e.runAndSubscribeWithStore=function(e,t){let i=null;function n(e){null==i||i.dispose(),t(e,i=new nd)}n(void 0);let r=e(e=>n(e));return nu(()=>{r.dispose(),null==i||i.dispose()})};class u{constructor(e,t){this._observable=e,this._counter=0,this._hasChanged=!1;this.emitter=new ny({onWillAddFirstListener:()=>{e.addObserver(this)},onDidRemoveLastListener:()=>{e.removeObserver(this)}}),t&&t.add(this.emitter)}beginUpdate(e){this._counter++}handlePossibleChange(e){}handleChange(e,t){this._hasChanged=!0}endUpdate(e){this._counter--,0===this._counter&&(this._observable.reportChanges(),this._hasChanged&&(this._hasChanged=!1,this.emitter.fire(this._observable.get())))}}e.fromObservable=function(e,t){let i=new u(e,t);return i.emitter.event},e.fromObservableLight=function(e){return t=>{let i=0,n=!1,r={beginUpdate(){i++},endUpdate(){0==--i&&(e.reportChanges(),n&&(n=!1,t()))},handlePossibleChange(){},handleChange(){n=!0}};return e.addObserver(r),e.reportChanges(),{dispose(){e.removeObserver(r)}}}}}(e8||(e8={}));class nv{constructor(e){this.listenerCount=0,this.invocationCount=0,this.elapsedOverall=0,this.durations=[],this.name=`${e}_${nv._idPool++}`,nv.all.add(this)}start(e){this._stopWatch=new nE,this.listenerCount=e}stop(){if(this._stopWatch){let e=this._stopWatch.elapsed();this.durations.push(e),this.elapsedOverall+=e,this.invocationCount+=1,this._stopWatch=void 0}}}nv.all=new Set,nv._idPool=0;class nb{constructor(e,t=Math.random().toString(18).slice(2,5)){this.threshold=e,this.name=t,this._warnCountdown=0}dispose(){var e;null===(e=this._stacks)||void 0===e||e.clear()}check(e,t){let i=this.threshold;if(i<=0||t{let t=this._stacks.get(e.value)||0;this._stacks.set(e.value,t-1)}}}class nC{static create(){var e;return new nC(null!==(e=Error().stack)&&void 0!==e?e:"")}constructor(e){this.value=e}print(){console.warn(this.value.split("\n").slice(2).join("\n"))}}class nS{constructor(e){this.value=e}}class ny{constructor(e){var t,i,n,r,o;this._size=0,this._options=e,this._leakageMon=(null===(t=this._options)||void 0===t?void 0:t.leakWarningThreshold)?new nb(null!==(n=null===(i=this._options)||void 0===i?void 0:i.leakWarningThreshold)&&void 0!==n?n:-1):void 0,this._perfMon=(null===(r=this._options)||void 0===r?void 0:r._profName)?new nv(this._options._profName):void 0,this._deliveryQueue=null===(o=this._options)||void 0===o?void 0:o.deliveryQueue}dispose(){var e,t,i,n;this._disposed||(this._disposed=!0,(null===(e=this._deliveryQueue)||void 0===e?void 0:e.current)===this&&this._deliveryQueue.reset(),this._listeners&&(this._listeners=void 0,this._size=0),null===(i=null===(t=this._options)||void 0===t?void 0:t.onDidRemoveLastListener)||void 0===i||i.call(t),null===(n=this._leakageMon)||void 0===n||n.dispose())}get event(){var e;return null!==(e=this._event)&&void 0!==e||(this._event=(e,t,i)=>{var n,r,o,s,a;let l;if(this._leakageMon&&this._size>3*this._leakageMon.threshold)return console.warn(`[${this._leakageMon.name}] REFUSES to accept new listeners because it exceeded its threshold by far`),nc.None;if(this._disposed)return nc.None;t&&(e=e.bind(t));let h=new nS(e);this._leakageMon&&this._size>=Math.ceil(.2*this._leakageMon.threshold)&&(h.stack=nC.create(),l=this._leakageMon.check(h.stack,this._size+1)),this._listeners?this._listeners instanceof nS?(null!==(a=this._deliveryQueue)&&void 0!==a||(this._deliveryQueue=new nR),this._listeners=[this._listeners,h]):this._listeners.push(h):(null===(r=null===(n=this._options)||void 0===n?void 0:n.onWillAddFirstListener)||void 0===r||r.call(n,this),this._listeners=h,null===(s=null===(o=this._options)||void 0===o?void 0:o.onDidAddFirstListener)||void 0===s||s.call(o,this)),this._size++;let u=nu(()=>{null==l||l(),this._removeListener(h)});return i instanceof nd?i.add(u):Array.isArray(i)&&i.push(u),u}),this._event}_removeListener(e){var t,i,n,r;if(null===(i=null===(t=this._options)||void 0===t?void 0:t.onWillRemoveListener)||void 0===i||i.call(t,this),!this._listeners)return;if(1===this._size){this._listeners=void 0,null===(r=null===(n=this._options)||void 0===n?void 0:n.onDidRemoveLastListener)||void 0===r||r.call(n,this),this._size=0;return}let o=this._listeners,s=o.indexOf(e);if(-1===s)throw console.log("disposed?",this._disposed),console.log("size?",this._size),console.log("arr?",JSON.stringify(this._listeners)),Error("Attempted to dispose unknown listener");this._size--,o[s]=void 0;let a=this._deliveryQueue.current===this;if(2*this._size<=o.length){let e=0;for(let t=0;t0}}let nT=()=>new nR;class nR{constructor(){this.i=-1,this.end=0}enqueue(e,t,i){this.i=0,this.end=i,this.current=e,this.value=t}reset(){this.i=this.end,this.current=void 0,this.value=void 0}}class nA extends ny{constructor(e){super(e),this._isPaused=0,this._eventQueue=new nm.S,this._mergeFn=null==e?void 0:e.merge}pause(){this._isPaused++}resume(){if(0!==this._isPaused&&0==--this._isPaused){if(this._mergeFn){if(this._eventQueue.size>0){let e=Array.from(this._eventQueue);this._eventQueue.clear(),super.fire(this._mergeFn(e))}}else for(;!this._isPaused&&0!==this._eventQueue.size;)super.fire(this._eventQueue.shift())}}fire(e){this._size&&(0!==this._isPaused?this._eventQueue.push(e):super.fire(e))}}class nN extends nA{constructor(e){var t;super(e),this._delay=null!==(t=e.delay)&&void 0!==t?t:100}fire(e){this._handle||(this.pause(),this._handle=setTimeout(()=>{this._handle=void 0,this.resume()},this._delay)),super.fire(e)}}class nO extends ny{constructor(e){super(e),this._queuedEvents=[],this._mergeFn=null==e?void 0:e.merge}fire(e){this.hasListeners()&&(this._queuedEvents.push(e),1===this._queuedEvents.length&&queueMicrotask(()=>{this._mergeFn?super.fire(this._mergeFn(this._queuedEvents)):this._queuedEvents.forEach(e=>super.fire(e)),this._queuedEvents=[]}))}}class nL{constructor(){this.buffers=[]}wrapEvent(e){return(t,i,n)=>e(e=>{let n=this.buffers[this.buffers.length-1];n?n.push(()=>t.call(i,e)):t.call(i,e)},void 0,n)}bufferEvents(e){let t=[];this.buffers.push(t);let i=e();return this.buffers.pop(),t.forEach(e=>e()),i}}class nI{constructor(){this.listening=!1,this.inputEvent=e8.None,this.inputEventListener=nc.None,this.emitter=new ny({onDidAddFirstListener:()=>{this.listening=!0,this.inputEventListener=this.inputEvent(this.emitter.fire,this.emitter)},onDidRemoveLastListener:()=>{this.listening=!1,this.inputEventListener.dispose()}}),this.event=this.emitter.event}set input(e){this.inputEvent=e,this.listening&&(this.inputEventListener.dispose(),this.inputEventListener=e(this.emitter.fire,this.emitter))}dispose(){this.inputEventListener.dispose(),this.emitter.dispose()}}let nw=Object.freeze(function(e,t){let i=setTimeout(e.bind(t),0);return{dispose(){clearTimeout(i)}}});(S=e7||(e7={})).isCancellationToken=function(e){return e===S.None||e===S.Cancelled||e instanceof nD||!!e&&"object"==typeof e&&"boolean"==typeof e.isCancellationRequested&&"function"==typeof e.onCancellationRequested},S.None=Object.freeze({isCancellationRequested:!1,onCancellationRequested:e8.None}),S.Cancelled=Object.freeze({isCancellationRequested:!0,onCancellationRequested:nw});class nD{constructor(){this._isCancelled=!1,this._emitter=null}cancel(){!this._isCancelled&&(this._isCancelled=!0,this._emitter&&(this._emitter.fire(void 0),this.dispose()))}get isCancellationRequested(){return this._isCancelled}get onCancellationRequested(){return this._isCancelled?nw:(this._emitter||(this._emitter=new ny),this._emitter.event)}dispose(){this._emitter&&(this._emitter.dispose(),this._emitter=null)}}class nx{constructor(e){this._token=void 0,this._parentListener=void 0,this._parentListener=e&&e.onCancellationRequested(this.cancel,this)}get token(){return this._token||(this._token=new nD),this._token}cancel(){this._token?this._token instanceof nD&&this._token.cancel():this._token=e7.Cancelled}dispose(e=!1){var t;e&&this.cancel(),null===(t=this._parentListener)||void 0===t||t.dispose(),this._token?this._token instanceof nD&&this._token.dispose():this._token=e7.None}}class nM{constructor(){this._keyCodeToStr=[],this._strToKeyCode=Object.create(null)}define(e,t){this._keyCodeToStr[e]=t,this._strToKeyCode[t.toLowerCase()]=e}keyCodeToStr(e){return this._keyCodeToStr[e]}strToKeyCode(e){return this._strToKeyCode[e.toLowerCase()]||0}}let nk=new nM,nP=new nM,nF=new nM,nB=Array(230),nU={},nH=[],nV=Object.create(null),nW=Object.create(null),nG=[],nj=[];for(let e=0;e<=193;e++)nG[e]=-1;for(let e=0;e<=132;e++)nj[e]=-1;!function(){let e=[],t=[];for(let i of[[1,0,"None",0,"unknown",0,"VK_UNKNOWN","",""],[1,1,"Hyper",0,"",0,"","",""],[1,2,"Super",0,"",0,"","",""],[1,3,"Fn",0,"",0,"","",""],[1,4,"FnLock",0,"",0,"","",""],[1,5,"Suspend",0,"",0,"","",""],[1,6,"Resume",0,"",0,"","",""],[1,7,"Turbo",0,"",0,"","",""],[1,8,"Sleep",0,"",0,"VK_SLEEP","",""],[1,9,"WakeUp",0,"",0,"","",""],[0,10,"KeyA",31,"A",65,"VK_A","",""],[0,11,"KeyB",32,"B",66,"VK_B","",""],[0,12,"KeyC",33,"C",67,"VK_C","",""],[0,13,"KeyD",34,"D",68,"VK_D","",""],[0,14,"KeyE",35,"E",69,"VK_E","",""],[0,15,"KeyF",36,"F",70,"VK_F","",""],[0,16,"KeyG",37,"G",71,"VK_G","",""],[0,17,"KeyH",38,"H",72,"VK_H","",""],[0,18,"KeyI",39,"I",73,"VK_I","",""],[0,19,"KeyJ",40,"J",74,"VK_J","",""],[0,20,"KeyK",41,"K",75,"VK_K","",""],[0,21,"KeyL",42,"L",76,"VK_L","",""],[0,22,"KeyM",43,"M",77,"VK_M","",""],[0,23,"KeyN",44,"N",78,"VK_N","",""],[0,24,"KeyO",45,"O",79,"VK_O","",""],[0,25,"KeyP",46,"P",80,"VK_P","",""],[0,26,"KeyQ",47,"Q",81,"VK_Q","",""],[0,27,"KeyR",48,"R",82,"VK_R","",""],[0,28,"KeyS",49,"S",83,"VK_S","",""],[0,29,"KeyT",50,"T",84,"VK_T","",""],[0,30,"KeyU",51,"U",85,"VK_U","",""],[0,31,"KeyV",52,"V",86,"VK_V","",""],[0,32,"KeyW",53,"W",87,"VK_W","",""],[0,33,"KeyX",54,"X",88,"VK_X","",""],[0,34,"KeyY",55,"Y",89,"VK_Y","",""],[0,35,"KeyZ",56,"Z",90,"VK_Z","",""],[0,36,"Digit1",22,"1",49,"VK_1","",""],[0,37,"Digit2",23,"2",50,"VK_2","",""],[0,38,"Digit3",24,"3",51,"VK_3","",""],[0,39,"Digit4",25,"4",52,"VK_4","",""],[0,40,"Digit5",26,"5",53,"VK_5","",""],[0,41,"Digit6",27,"6",54,"VK_6","",""],[0,42,"Digit7",28,"7",55,"VK_7","",""],[0,43,"Digit8",29,"8",56,"VK_8","",""],[0,44,"Digit9",30,"9",57,"VK_9","",""],[0,45,"Digit0",21,"0",48,"VK_0","",""],[1,46,"Enter",3,"Enter",13,"VK_RETURN","",""],[1,47,"Escape",9,"Escape",27,"VK_ESCAPE","",""],[1,48,"Backspace",1,"Backspace",8,"VK_BACK","",""],[1,49,"Tab",2,"Tab",9,"VK_TAB","",""],[1,50,"Space",10,"Space",32,"VK_SPACE","",""],[0,51,"Minus",88,"-",189,"VK_OEM_MINUS","-","OEM_MINUS"],[0,52,"Equal",86,"=",187,"VK_OEM_PLUS","=","OEM_PLUS"],[0,53,"BracketLeft",92,"[",219,"VK_OEM_4","[","OEM_4"],[0,54,"BracketRight",94,"]",221,"VK_OEM_6","]","OEM_6"],[0,55,"Backslash",93,"\\",220,"VK_OEM_5","\\","OEM_5"],[0,56,"IntlHash",0,"",0,"","",""],[0,57,"Semicolon",85,";",186,"VK_OEM_1",";","OEM_1"],[0,58,"Quote",95,"'",222,"VK_OEM_7","'","OEM_7"],[0,59,"Backquote",91,"`",192,"VK_OEM_3","`","OEM_3"],[0,60,"Comma",87,",",188,"VK_OEM_COMMA",",","OEM_COMMA"],[0,61,"Period",89,".",190,"VK_OEM_PERIOD",".","OEM_PERIOD"],[0,62,"Slash",90,"/",191,"VK_OEM_2","/","OEM_2"],[1,63,"CapsLock",8,"CapsLock",20,"VK_CAPITAL","",""],[1,64,"F1",59,"F1",112,"VK_F1","",""],[1,65,"F2",60,"F2",113,"VK_F2","",""],[1,66,"F3",61,"F3",114,"VK_F3","",""],[1,67,"F4",62,"F4",115,"VK_F4","",""],[1,68,"F5",63,"F5",116,"VK_F5","",""],[1,69,"F6",64,"F6",117,"VK_F6","",""],[1,70,"F7",65,"F7",118,"VK_F7","",""],[1,71,"F8",66,"F8",119,"VK_F8","",""],[1,72,"F9",67,"F9",120,"VK_F9","",""],[1,73,"F10",68,"F10",121,"VK_F10","",""],[1,74,"F11",69,"F11",122,"VK_F11","",""],[1,75,"F12",70,"F12",123,"VK_F12","",""],[1,76,"PrintScreen",0,"",0,"","",""],[1,77,"ScrollLock",84,"ScrollLock",145,"VK_SCROLL","",""],[1,78,"Pause",7,"PauseBreak",19,"VK_PAUSE","",""],[1,79,"Insert",19,"Insert",45,"VK_INSERT","",""],[1,80,"Home",14,"Home",36,"VK_HOME","",""],[1,81,"PageUp",11,"PageUp",33,"VK_PRIOR","",""],[1,82,"Delete",20,"Delete",46,"VK_DELETE","",""],[1,83,"End",13,"End",35,"VK_END","",""],[1,84,"PageDown",12,"PageDown",34,"VK_NEXT","",""],[1,85,"ArrowRight",17,"RightArrow",39,"VK_RIGHT","Right",""],[1,86,"ArrowLeft",15,"LeftArrow",37,"VK_LEFT","Left",""],[1,87,"ArrowDown",18,"DownArrow",40,"VK_DOWN","Down",""],[1,88,"ArrowUp",16,"UpArrow",38,"VK_UP","Up",""],[1,89,"NumLock",83,"NumLock",144,"VK_NUMLOCK","",""],[1,90,"NumpadDivide",113,"NumPad_Divide",111,"VK_DIVIDE","",""],[1,91,"NumpadMultiply",108,"NumPad_Multiply",106,"VK_MULTIPLY","",""],[1,92,"NumpadSubtract",111,"NumPad_Subtract",109,"VK_SUBTRACT","",""],[1,93,"NumpadAdd",109,"NumPad_Add",107,"VK_ADD","",""],[1,94,"NumpadEnter",3,"",0,"","",""],[1,95,"Numpad1",99,"NumPad1",97,"VK_NUMPAD1","",""],[1,96,"Numpad2",100,"NumPad2",98,"VK_NUMPAD2","",""],[1,97,"Numpad3",101,"NumPad3",99,"VK_NUMPAD3","",""],[1,98,"Numpad4",102,"NumPad4",100,"VK_NUMPAD4","",""],[1,99,"Numpad5",103,"NumPad5",101,"VK_NUMPAD5","",""],[1,100,"Numpad6",104,"NumPad6",102,"VK_NUMPAD6","",""],[1,101,"Numpad7",105,"NumPad7",103,"VK_NUMPAD7","",""],[1,102,"Numpad8",106,"NumPad8",104,"VK_NUMPAD8","",""],[1,103,"Numpad9",107,"NumPad9",105,"VK_NUMPAD9","",""],[1,104,"Numpad0",98,"NumPad0",96,"VK_NUMPAD0","",""],[1,105,"NumpadDecimal",112,"NumPad_Decimal",110,"VK_DECIMAL","",""],[0,106,"IntlBackslash",97,"OEM_102",226,"VK_OEM_102","",""],[1,107,"ContextMenu",58,"ContextMenu",93,"","",""],[1,108,"Power",0,"",0,"","",""],[1,109,"NumpadEqual",0,"",0,"","",""],[1,110,"F13",71,"F13",124,"VK_F13","",""],[1,111,"F14",72,"F14",125,"VK_F14","",""],[1,112,"F15",73,"F15",126,"VK_F15","",""],[1,113,"F16",74,"F16",127,"VK_F16","",""],[1,114,"F17",75,"F17",128,"VK_F17","",""],[1,115,"F18",76,"F18",129,"VK_F18","",""],[1,116,"F19",77,"F19",130,"VK_F19","",""],[1,117,"F20",78,"F20",131,"VK_F20","",""],[1,118,"F21",79,"F21",132,"VK_F21","",""],[1,119,"F22",80,"F22",133,"VK_F22","",""],[1,120,"F23",81,"F23",134,"VK_F23","",""],[1,121,"F24",82,"F24",135,"VK_F24","",""],[1,122,"Open",0,"",0,"","",""],[1,123,"Help",0,"",0,"","",""],[1,124,"Select",0,"",0,"","",""],[1,125,"Again",0,"",0,"","",""],[1,126,"Undo",0,"",0,"","",""],[1,127,"Cut",0,"",0,"","",""],[1,128,"Copy",0,"",0,"","",""],[1,129,"Paste",0,"",0,"","",""],[1,130,"Find",0,"",0,"","",""],[1,131,"AudioVolumeMute",117,"AudioVolumeMute",173,"VK_VOLUME_MUTE","",""],[1,132,"AudioVolumeUp",118,"AudioVolumeUp",175,"VK_VOLUME_UP","",""],[1,133,"AudioVolumeDown",119,"AudioVolumeDown",174,"VK_VOLUME_DOWN","",""],[1,134,"NumpadComma",110,"NumPad_Separator",108,"VK_SEPARATOR","",""],[0,135,"IntlRo",115,"ABNT_C1",193,"VK_ABNT_C1","",""],[1,136,"KanaMode",0,"",0,"","",""],[0,137,"IntlYen",0,"",0,"","",""],[1,138,"Convert",0,"",0,"","",""],[1,139,"NonConvert",0,"",0,"","",""],[1,140,"Lang1",0,"",0,"","",""],[1,141,"Lang2",0,"",0,"","",""],[1,142,"Lang3",0,"",0,"","",""],[1,143,"Lang4",0,"",0,"","",""],[1,144,"Lang5",0,"",0,"","",""],[1,145,"Abort",0,"",0,"","",""],[1,146,"Props",0,"",0,"","",""],[1,147,"NumpadParenLeft",0,"",0,"","",""],[1,148,"NumpadParenRight",0,"",0,"","",""],[1,149,"NumpadBackspace",0,"",0,"","",""],[1,150,"NumpadMemoryStore",0,"",0,"","",""],[1,151,"NumpadMemoryRecall",0,"",0,"","",""],[1,152,"NumpadMemoryClear",0,"",0,"","",""],[1,153,"NumpadMemoryAdd",0,"",0,"","",""],[1,154,"NumpadMemorySubtract",0,"",0,"","",""],[1,155,"NumpadClear",131,"Clear",12,"VK_CLEAR","",""],[1,156,"NumpadClearEntry",0,"",0,"","",""],[1,0,"",5,"Ctrl",17,"VK_CONTROL","",""],[1,0,"",4,"Shift",16,"VK_SHIFT","",""],[1,0,"",6,"Alt",18,"VK_MENU","",""],[1,0,"",57,"Meta",91,"VK_COMMAND","",""],[1,157,"ControlLeft",5,"",0,"VK_LCONTROL","",""],[1,158,"ShiftLeft",4,"",0,"VK_LSHIFT","",""],[1,159,"AltLeft",6,"",0,"VK_LMENU","",""],[1,160,"MetaLeft",57,"",0,"VK_LWIN","",""],[1,161,"ControlRight",5,"",0,"VK_RCONTROL","",""],[1,162,"ShiftRight",4,"",0,"VK_RSHIFT","",""],[1,163,"AltRight",6,"",0,"VK_RMENU","",""],[1,164,"MetaRight",57,"",0,"VK_RWIN","",""],[1,165,"BrightnessUp",0,"",0,"","",""],[1,166,"BrightnessDown",0,"",0,"","",""],[1,167,"MediaPlay",0,"",0,"","",""],[1,168,"MediaRecord",0,"",0,"","",""],[1,169,"MediaFastForward",0,"",0,"","",""],[1,170,"MediaRewind",0,"",0,"","",""],[1,171,"MediaTrackNext",124,"MediaTrackNext",176,"VK_MEDIA_NEXT_TRACK","",""],[1,172,"MediaTrackPrevious",125,"MediaTrackPrevious",177,"VK_MEDIA_PREV_TRACK","",""],[1,173,"MediaStop",126,"MediaStop",178,"VK_MEDIA_STOP","",""],[1,174,"Eject",0,"",0,"","",""],[1,175,"MediaPlayPause",127,"MediaPlayPause",179,"VK_MEDIA_PLAY_PAUSE","",""],[1,176,"MediaSelect",128,"LaunchMediaPlayer",181,"VK_MEDIA_LAUNCH_MEDIA_SELECT","",""],[1,177,"LaunchMail",129,"LaunchMail",180,"VK_MEDIA_LAUNCH_MAIL","",""],[1,178,"LaunchApp2",130,"LaunchApp2",183,"VK_MEDIA_LAUNCH_APP2","",""],[1,179,"LaunchApp1",0,"",0,"VK_MEDIA_LAUNCH_APP1","",""],[1,180,"SelectTask",0,"",0,"","",""],[1,181,"LaunchScreenSaver",0,"",0,"","",""],[1,182,"BrowserSearch",120,"BrowserSearch",170,"VK_BROWSER_SEARCH","",""],[1,183,"BrowserHome",121,"BrowserHome",172,"VK_BROWSER_HOME","",""],[1,184,"BrowserBack",122,"BrowserBack",166,"VK_BROWSER_BACK","",""],[1,185,"BrowserForward",123,"BrowserForward",167,"VK_BROWSER_FORWARD","",""],[1,186,"BrowserStop",0,"",0,"VK_BROWSER_STOP","",""],[1,187,"BrowserRefresh",0,"",0,"VK_BROWSER_REFRESH","",""],[1,188,"BrowserFavorites",0,"",0,"VK_BROWSER_FAVORITES","",""],[1,189,"ZoomToggle",0,"",0,"","",""],[1,190,"MailReply",0,"",0,"","",""],[1,191,"MailForward",0,"",0,"","",""],[1,192,"MailSend",0,"",0,"","",""],[1,0,"",114,"KeyInComposition",229,"","",""],[1,0,"",116,"ABNT_C2",194,"VK_ABNT_C2","",""],[1,0,"",96,"OEM_8",223,"VK_OEM_8","",""],[1,0,"",0,"",0,"VK_KANA","",""],[1,0,"",0,"",0,"VK_HANGUL","",""],[1,0,"",0,"",0,"VK_JUNJA","",""],[1,0,"",0,"",0,"VK_FINAL","",""],[1,0,"",0,"",0,"VK_HANJA","",""],[1,0,"",0,"",0,"VK_KANJI","",""],[1,0,"",0,"",0,"VK_CONVERT","",""],[1,0,"",0,"",0,"VK_NONCONVERT","",""],[1,0,"",0,"",0,"VK_ACCEPT","",""],[1,0,"",0,"",0,"VK_MODECHANGE","",""],[1,0,"",0,"",0,"VK_SELECT","",""],[1,0,"",0,"",0,"VK_PRINT","",""],[1,0,"",0,"",0,"VK_EXECUTE","",""],[1,0,"",0,"",0,"VK_SNAPSHOT","",""],[1,0,"",0,"",0,"VK_HELP","",""],[1,0,"",0,"",0,"VK_APPS","",""],[1,0,"",0,"",0,"VK_PROCESSKEY","",""],[1,0,"",0,"",0,"VK_PACKET","",""],[1,0,"",0,"",0,"VK_DBE_SBCSCHAR","",""],[1,0,"",0,"",0,"VK_DBE_DBCSCHAR","",""],[1,0,"",0,"",0,"VK_ATTN","",""],[1,0,"",0,"",0,"VK_CRSEL","",""],[1,0,"",0,"",0,"VK_EXSEL","",""],[1,0,"",0,"",0,"VK_EREOF","",""],[1,0,"",0,"",0,"VK_PLAY","",""],[1,0,"",0,"",0,"VK_ZOOM","",""],[1,0,"",0,"",0,"VK_NONAME","",""],[1,0,"",0,"",0,"VK_PA1","",""],[1,0,"",0,"",0,"VK_OEM_CLEAR","",""]]){let[n,r,o,s,a,l,h,u,d]=i;if(!t[r]&&(t[r]=!0,nH[r]=o,nV[o]=r,nW[o.toLowerCase()]=r,n&&(nG[r]=s,0!==s&&3!==s&&5!==s&&4!==s&&6!==s&&57!==s&&(nj[s]=r))),!e[s]){if(e[s]=!0,!a)throw Error(`String representation missing for key code ${s} around scan code ${o}`);nk.define(s,a),nP.define(s,u||a),nF.define(s,d||u||a)}l&&(nB[l]=s),h&&(nU[h]=s)}nj[3]=46}(),(y=te||(te={})).toString=function(e){return nk.keyCodeToStr(e)},y.fromString=function(e){return nk.strToKeyCode(e)},y.toUserSettingsUS=function(e){return nP.keyCodeToStr(e)},y.toUserSettingsGeneral=function(e){return nF.keyCodeToStr(e)},y.fromUserSettings=function(e){return nP.strToKeyCode(e)||nF.strToKeyCode(e)},y.toElectronAccelerator=function(e){if(e>=98&&e<=113)return null;switch(e){case 16:return"Up";case 18:return"Down";case 15:return"Left";case 17:return"Right"}return nk.keyCodeToStr(e)};var nz=i(1432),nK=i(83454);if(void 0!==nz.li.vscode&&void 0!==nz.li.vscode.process){let e=nz.li.vscode.process;n={get platform(){return e.platform},get arch(){return e.arch},get env(){return e.env},cwd:()=>e.cwd()}}else n=void 0!==nK?{get platform(){return nK.platform},get arch(){return nK.arch},get env(){return nK.env},cwd:()=>nK.env.VSCODE_CWD||nK.cwd()}:{get platform(){return nz.ED?"win32":nz.dz?"darwin":"linux"},get arch(){return},get env(){return{}},cwd:()=>"/"};let nY=n.cwd,n$=n.env,nq=n.platform;class nX extends Error{constructor(e,t,i){let n;"string"==typeof t&&0===t.indexOf("not ")?(n="must not be",t=t.replace(/^not /,"")):n="must be";let r=-1!==e.indexOf(".")?"property":"argument",o=`The "${e}" ${r} ${n} of type ${t}`;super(o+=`. Received type ${typeof i}`),this.code="ERR_INVALID_ARG_TYPE"}}function nZ(e,t){if("string"!=typeof e)throw new nX(t,"string",e)}let nQ="win32"===nq;function nJ(e){return 47===e||92===e}function n0(e){return 47===e}function n1(e){return e>=65&&e<=90||e>=97&&e<=122}function n2(e,t,i,n){let r="",o=0,s=-1,a=0,l=0;for(let h=0;h<=e.length;++h){if(h2){let e=r.lastIndexOf(i);-1===e?(r="",o=0):o=(r=r.slice(0,e)).length-1-r.lastIndexOf(i),s=h,a=0;continue}if(0!==r.length){r="",o=0,s=h,a=0;continue}}t&&(r+=r.length>0?`${i}..`:"..",o=2)}else r.length>0?r+=`${i}${e.slice(s+1,h)}`:r=e.slice(s+1,h),o=h-s-1;s=h,a=0}else 46===l&&-1!==a?++a:a=-1}return r}function n5(e,t){!function(e,t){if(null===e||"object"!=typeof e)throw new nX(t,"Object",e)}(t,"pathObject");let i=t.dir||t.root,n=t.base||`${t.name||""}${t.ext||""}`;return i?i===t.root?`${i}${n}`:`${i}${e}${n}`:n}let n4={resolve(...e){let t="",i="",n=!1;for(let r=e.length-1;r>=-1;r--){let o;if(r>=0){if(nZ(o=e[r],"path"),0===o.length)continue}else 0===t.length?o=nY():(void 0===(o=n$[`=${t}`]||nY())||o.slice(0,2).toLowerCase()!==t.toLowerCase()&&92===o.charCodeAt(2))&&(o=`${t}\\`);let s=o.length,a=0,l="",h=!1,u=o.charCodeAt(0);if(1===s)nJ(u)&&(a=1,h=!0);else if(nJ(u)){if(h=!0,nJ(o.charCodeAt(1))){let e=2,t=2;for(;e2&&nJ(o.charCodeAt(2))&&(h=!0,a=3));if(l.length>0){if(t.length>0){if(l.toLowerCase()!==t.toLowerCase())continue}else t=l}if(n){if(t.length>0)break}else if(i=`${o.slice(a)}\\${i}`,n=h,h&&t.length>0)break}return i=n2(i,!n,"\\",nJ),n?`${t}\\${i}`:`${t}${i}`||"."},normalize(e){let t;nZ(e,"path");let i=e.length;if(0===i)return".";let n=0,r=!1,o=e.charCodeAt(0);if(1===i)return n0(o)?"\\":e;if(nJ(o)){if(r=!0,nJ(e.charCodeAt(1))){let r=2,o=2;for(;r2&&nJ(e.charCodeAt(2))&&(r=!0,n=3));let s=n0&&nJ(e.charCodeAt(i-1))&&(s+="\\"),void 0===t)?r?`\\${s}`:s:r?`${t}\\${s}`:`${t}${s}`},isAbsolute(e){nZ(e,"path");let t=e.length;if(0===t)return!1;let i=e.charCodeAt(0);return nJ(i)||t>2&&n1(i)&&58===e.charCodeAt(1)&&nJ(e.charCodeAt(2))},join(...e){let t,i;if(0===e.length)return".";for(let n=0;n0&&(void 0===t?t=i=r:t+=`\\${r}`)}if(void 0===t)return".";let n=!0,r=0;if("string"==typeof i&&nJ(i.charCodeAt(0))){++r;let e=i.length;e>1&&nJ(i.charCodeAt(1))&&(++r,e>2&&(nJ(i.charCodeAt(2))?++r:n=!1))}if(n){for(;r=2&&(t=`\\${t.slice(r)}`)}return n4.normalize(t)},relative(e,t){if(nZ(e,"from"),nZ(t,"to"),e===t)return"";let i=n4.resolve(e),n=n4.resolve(t);if(i===n||(e=i.toLowerCase())===(t=n.toLowerCase()))return"";let r=0;for(;rr&&92===e.charCodeAt(o-1);)o--;let s=o-r,a=0;for(;aa&&92===t.charCodeAt(l-1);)l--;let h=l-a,u=su){if(92===t.charCodeAt(a+c))return n.slice(a+c+1);if(2===c)return n.slice(a+c)}s>u&&(92===e.charCodeAt(r+c)?d=c:2===c&&(d=3)),-1===d&&(d=0)}let f="";for(c=r+d+1;c<=o;++c)(c===o||92===e.charCodeAt(c))&&(f+=0===f.length?"..":"\\..");return(a+=d,f.length>0)?`${f}${n.slice(a,l)}`:(92===n.charCodeAt(a)&&++a,n.slice(a,l))},toNamespacedPath(e){if("string"!=typeof e||0===e.length)return e;let t=n4.resolve(e);if(t.length<=2)return e;if(92===t.charCodeAt(0)){if(92===t.charCodeAt(1)){let e=t.charCodeAt(2);if(63!==e&&46!==e)return`\\\\?\\UNC\\${t.slice(2)}`}}else if(n1(t.charCodeAt(0))&&58===t.charCodeAt(1)&&92===t.charCodeAt(2))return`\\\\?\\${t}`;return e},dirname(e){nZ(e,"path");let t=e.length;if(0===t)return".";let i=-1,n=0,r=e.charCodeAt(0);if(1===t)return nJ(r)?e:".";if(nJ(r)){if(i=n=1,nJ(e.charCodeAt(1))){let r=2,o=2;for(;r2&&nJ(e.charCodeAt(2))?3:2);let o=-1,s=!0;for(let i=t-1;i>=n;--i)if(nJ(e.charCodeAt(i))){if(!s){o=i;break}}else s=!1;if(-1===o){if(-1===i)return".";o=i}return e.slice(0,o)},basename(e,t){let i;void 0!==t&&nZ(t,"ext"),nZ(e,"path");let n=0,r=-1,o=!0;if(e.length>=2&&n1(e.charCodeAt(0))&&58===e.charCodeAt(1)&&(n=2),void 0!==t&&t.length>0&&t.length<=e.length){if(t===e)return"";let s=t.length-1,a=-1;for(i=e.length-1;i>=n;--i){let l=e.charCodeAt(i);if(nJ(l)){if(!o){n=i+1;break}}else -1===a&&(o=!1,a=i+1),s>=0&&(l===t.charCodeAt(s)?-1==--s&&(r=i):(s=-1,r=a))}return n===r?r=a:-1===r&&(r=e.length),e.slice(n,r)}for(i=e.length-1;i>=n;--i)if(nJ(e.charCodeAt(i))){if(!o){n=i+1;break}}else -1===r&&(o=!1,r=i+1);return -1===r?"":e.slice(n,r)},extname(e){nZ(e,"path");let t=0,i=-1,n=0,r=-1,o=!0,s=0;e.length>=2&&58===e.charCodeAt(1)&&n1(e.charCodeAt(0))&&(t=n=2);for(let a=e.length-1;a>=t;--a){let t=e.charCodeAt(a);if(nJ(t)){if(!o){n=a+1;break}continue}-1===r&&(o=!1,r=a+1),46===t?-1===i?i=a:1!==s&&(s=1):-1!==i&&(s=-1)}return -1===i||-1===r||0===s||1===s&&i===r-1&&i===n+1?"":e.slice(i,r)},format:n5.bind(null,"\\"),parse(e){nZ(e,"path");let t={root:"",dir:"",base:"",ext:"",name:""};if(0===e.length)return t;let i=e.length,n=0,r=e.charCodeAt(0);if(1===i)return nJ(r)?(t.root=t.dir=e,t):(t.base=t.name=e,t);if(nJ(r)){if(n=1,nJ(e.charCodeAt(1))){let t=2,r=2;for(;t0&&(t.root=e.slice(0,n));let o=-1,s=n,a=-1,l=!0,h=e.length-1,u=0;for(;h>=n;--h){if(nJ(r=e.charCodeAt(h))){if(!l){s=h+1;break}continue}-1===a&&(l=!1,a=h+1),46===r?-1===o?o=h:1!==u&&(u=1):-1!==o&&(u=-1)}return -1!==a&&(-1===o||0===u||1===u&&o===a-1&&o===s+1?t.base=t.name=e.slice(s,a):(t.name=e.slice(s,o),t.base=e.slice(s,a),t.ext=e.slice(o,a))),s>0&&s!==n?t.dir=e.slice(0,s-1):t.dir=t.root,t},sep:"\\",delimiter:";",win32:null,posix:null},n3=(()=>{if(nQ){let e=/\\/g;return()=>{let t=nY().replace(e,"/");return t.slice(t.indexOf("/"))}}return()=>nY()})(),n6={resolve(...e){let t="",i=!1;for(let n=e.length-1;n>=-1&&!i;n--){let r=n>=0?e[n]:n3();nZ(r,"path"),0!==r.length&&(t=`${r}/${t}`,i=47===r.charCodeAt(0))}return(t=n2(t,!i,"/",n0),i)?`/${t}`:t.length>0?t:"."},normalize(e){if(nZ(e,"path"),0===e.length)return".";let t=47===e.charCodeAt(0),i=47===e.charCodeAt(e.length-1);return 0===(e=n2(e,!t,"/",n0)).length?t?"/":i?"./":".":(i&&(e+="/"),t?`/${e}`:e)},isAbsolute:e=>(nZ(e,"path"),e.length>0&&47===e.charCodeAt(0)),join(...e){let t;if(0===e.length)return".";for(let i=0;i0&&(void 0===t?t=n:t+=`/${n}`)}return void 0===t?".":n6.normalize(t)},relative(e,t){if(nZ(e,"from"),nZ(t,"to"),e===t||(e=n6.resolve(e))===(t=n6.resolve(t)))return"";let i=e.length,n=i-1,r=t.length-1,o=no){if(47===t.charCodeAt(1+a))return t.slice(1+a+1);if(0===a)return t.slice(1+a)}else n>o&&(47===e.charCodeAt(1+a)?s=a:0===a&&(s=0))}let l="";for(a=1+s+1;a<=i;++a)(a===i||47===e.charCodeAt(a))&&(l+=0===l.length?"..":"/..");return`${l}${t.slice(1+s)}`},toNamespacedPath:e=>e,dirname(e){if(nZ(e,"path"),0===e.length)return".";let t=47===e.charCodeAt(0),i=-1,n=!0;for(let t=e.length-1;t>=1;--t)if(47===e.charCodeAt(t)){if(!n){i=t;break}}else n=!1;return -1===i?t?"/":".":t&&1===i?"//":e.slice(0,i)},basename(e,t){let i;void 0!==t&&nZ(t,"ext"),nZ(e,"path");let n=0,r=-1,o=!0;if(void 0!==t&&t.length>0&&t.length<=e.length){if(t===e)return"";let s=t.length-1,a=-1;for(i=e.length-1;i>=0;--i){let l=e.charCodeAt(i);if(47===l){if(!o){n=i+1;break}}else -1===a&&(o=!1,a=i+1),s>=0&&(l===t.charCodeAt(s)?-1==--s&&(r=i):(s=-1,r=a))}return n===r?r=a:-1===r&&(r=e.length),e.slice(n,r)}for(i=e.length-1;i>=0;--i)if(47===e.charCodeAt(i)){if(!o){n=i+1;break}}else -1===r&&(o=!1,r=i+1);return -1===r?"":e.slice(n,r)},extname(e){nZ(e,"path");let t=-1,i=0,n=-1,r=!0,o=0;for(let s=e.length-1;s>=0;--s){let a=e.charCodeAt(s);if(47===a){if(!r){i=s+1;break}continue}-1===n&&(r=!1,n=s+1),46===a?-1===t?t=s:1!==o&&(o=1):-1!==t&&(o=-1)}return -1===t||-1===n||0===o||1===o&&t===n-1&&t===i+1?"":e.slice(t,n)},format:n5.bind(null,"/"),parse(e){let t;nZ(e,"path");let i={root:"",dir:"",base:"",ext:"",name:""};if(0===e.length)return i;let n=47===e.charCodeAt(0);n?(i.root="/",t=1):t=0;let r=-1,o=0,s=-1,a=!0,l=e.length-1,h=0;for(;l>=t;--l){let t=e.charCodeAt(l);if(47===t){if(!a){o=l+1;break}continue}-1===s&&(a=!1,s=l+1),46===t?-1===r?r=l:1!==h&&(h=1):-1!==r&&(h=-1)}if(-1!==s){let t=0===o&&n?1:o;-1===r||0===h||1===h&&r===s-1&&r===o+1?i.base=i.name=e.slice(t,s):(i.name=e.slice(t,r),i.base=e.slice(t,s),i.ext=e.slice(r,s))}return o>0?i.dir=e.slice(0,o-1):n&&(i.dir="/"),i},sep:"/",delimiter:":",win32:null,posix:null};n6.win32=n4.win32=n4,n6.posix=n4.posix=n6;let n9=nQ?n4.normalize:n6.normalize,n8=nQ?n4.resolve:n6.resolve,n7=nQ?n4.relative:n6.relative,re=nQ?n4.dirname:n6.dirname,rt=nQ?n4.basename:n6.basename,ri=nQ?n4.extname:n6.extname,rn=nQ?n4.sep:n6.sep,rr=/^\w[\w\d+.-]*$/,ro=/^\//,rs=/^\/\//,ra=/^(([^:/?#]+?):)?(\/\/([^/?#]*))?([^?#]*)(\?([^#]*))?(#(.*))?/;class rl{static isUri(e){return e instanceof rl||!!e&&"string"==typeof e.authority&&"string"==typeof e.fragment&&"string"==typeof e.path&&"string"==typeof e.query&&"string"==typeof e.scheme&&"string"==typeof e.fsPath&&"function"==typeof e.with&&"function"==typeof e.toString}constructor(e,t,i,n,r,o=!1){"object"==typeof e?(this.scheme=e.scheme||"",this.authority=e.authority||"",this.path=e.path||"",this.query=e.query||"",this.fragment=e.fragment||""):(this.scheme=e||o?e:"file",this.authority=t||"",this.path=function(e,t){switch(e){case"https":case"http":case"file":t?"/"!==t[0]&&(t="/"+t):t="/"}return t}(this.scheme,i||""),this.query=n||"",this.fragment=r||"",function(e,t){if(!e.scheme&&t)throw Error(`[UriError]: Scheme is missing: {scheme: "", authority: "${e.authority}", path: "${e.path}", query: "${e.query}", fragment: "${e.fragment}"}`);if(e.scheme&&!rr.test(e.scheme))throw Error("[UriError]: Scheme contains illegal characters.");if(e.path){if(e.authority){if(!ro.test(e.path))throw Error('[UriError]: If a URI contains an authority component, then the path component must either be empty or begin with a slash ("/") character')}else if(rs.test(e.path))throw Error('[UriError]: If a URI does not contain an authority component, then the path cannot begin with two slash characters ("//")')}}(this,o))}get fsPath(){return rg(this,!1)}with(e){if(!e)return this;let{scheme:t,authority:i,path:n,query:r,fragment:o}=e;return(void 0===t?t=this.scheme:null===t&&(t=""),void 0===i?i=this.authority:null===i&&(i=""),void 0===n?n=this.path:null===n&&(n=""),void 0===r?r=this.query:null===r&&(r=""),void 0===o?o=this.fragment:null===o&&(o=""),t===this.scheme&&i===this.authority&&n===this.path&&r===this.query&&o===this.fragment)?this:new ru(t,i,n,r,o)}static parse(e,t=!1){let i=ra.exec(e);return i?new ru(i[2]||"",r_(i[4]||""),r_(i[5]||""),r_(i[7]||""),r_(i[9]||""),t):new ru("","","","","")}static file(e){let t="";if(nz.ED&&(e=e.replace(/\\/g,"/")),"/"===e[0]&&"/"===e[1]){let i=e.indexOf("/",2);-1===i?(t=e.substring(2),e="/"):(t=e.substring(2,i),e=e.substring(i)||"/")}return new ru("file",t,e,"","")}static from(e,t){let i=new ru(e.scheme,e.authority,e.path,e.query,e.fragment,t);return i}static joinPath(e,...t){let i;if(!e.path)throw Error("[UriError]: cannot call joinPath on URI without path");return i=nz.ED&&"file"===e.scheme?rl.file(n4.join(rg(e,!0),...t)).path:n6.join(e.path,...t),e.with({path:i})}toString(e=!1){return rp(this,e)}toJSON(){return this}static revive(e){var t,i;if(!e||e instanceof rl)return e;{let n=new ru(e);return n._formatted=null!==(t=e.external)&&void 0!==t?t:null,n._fsPath=e._sep===rh&&null!==(i=e.fsPath)&&void 0!==i?i:null,n}}}let rh=nz.ED?1:void 0;class ru extends rl{constructor(){super(...arguments),this._formatted=null,this._fsPath=null}get fsPath(){return this._fsPath||(this._fsPath=rg(this,!1)),this._fsPath}toString(e=!1){return e?rp(this,!0):(this._formatted||(this._formatted=rp(this,!1)),this._formatted)}toJSON(){let e={$mid:1};return this._fsPath&&(e.fsPath=this._fsPath,e._sep=rh),this._formatted&&(e.external=this._formatted),this.path&&(e.path=this.path),this.scheme&&(e.scheme=this.scheme),this.authority&&(e.authority=this.authority),this.query&&(e.query=this.query),this.fragment&&(e.fragment=this.fragment),e}}let rd={58:"%3A",47:"%2F",63:"%3F",35:"%23",91:"%5B",93:"%5D",64:"%40",33:"%21",36:"%24",38:"%26",39:"%27",40:"%28",41:"%29",42:"%2A",43:"%2B",44:"%2C",59:"%3B",61:"%3D",32:"%20"};function rc(e,t,i){let n;let r=-1;for(let o=0;o=97&&s<=122||s>=65&&s<=90||s>=48&&s<=57||45===s||46===s||95===s||126===s||t&&47===s||i&&91===s||i&&93===s||i&&58===s)-1!==r&&(n+=encodeURIComponent(e.substring(r,o)),r=-1),void 0!==n&&(n+=e.charAt(o));else{void 0===n&&(n=e.substr(0,o));let t=rd[s];void 0!==t?(-1!==r&&(n+=encodeURIComponent(e.substring(r,o)),r=-1),n+=t):-1===r&&(r=o)}}return -1!==r&&(n+=encodeURIComponent(e.substring(r))),void 0!==n?n:e}function rf(e){let t;for(let i=0;i1&&"file"===e.scheme?`//${e.authority}${e.path}`:47===e.path.charCodeAt(0)&&(e.path.charCodeAt(1)>=65&&90>=e.path.charCodeAt(1)||e.path.charCodeAt(1)>=97&&122>=e.path.charCodeAt(1))&&58===e.path.charCodeAt(2)?t?e.path.substr(1):e.path[1].toLowerCase()+e.path.substr(2):e.path,nz.ED&&(i=i.replace(/\//g,"\\")),i}function rp(e,t){let i=t?rf:rc,n="",{scheme:r,authority:o,path:s,query:a,fragment:l}=e;if(r&&(n+=r+":"),(o||"file"===r)&&(n+="//"),o){let e=o.indexOf("@");if(-1!==e){let t=o.substr(0,e);o=o.substr(e+1),-1===(e=t.lastIndexOf(":"))?n+=i(t,!1,!1):n+=i(t.substr(0,e),!1,!1)+":"+i(t.substr(e+1),!1,!0),n+="@"}-1===(e=(o=o.toLowerCase()).lastIndexOf(":"))?n+=i(o,!1,!0):n+=i(o.substr(0,e),!1,!0)+o.substr(e)}if(s){if(s.length>=3&&47===s.charCodeAt(0)&&58===s.charCodeAt(2)){let e=s.charCodeAt(1);e>=65&&e<=90&&(s=`/${String.fromCharCode(e+32)}:${s.substr(3)}`)}else if(s.length>=2&&58===s.charCodeAt(1)){let e=s.charCodeAt(0);e>=65&&e<=90&&(s=`${String.fromCharCode(e+32)}:${s.substr(2)}`)}n+=i(s,!0,!1)}return a&&(n+="?"+i(a,!1,!1)),l&&(n+="#"+(t?l:rc(l,!1,!1))),n}let rm=/(%[0-9A-Za-z][0-9A-Za-z])+/g;function r_(e){return e.match(rm)?e.replace(rm,e=>(function e(t){try{return decodeURIComponent(t)}catch(i){if(t.length>3)return t.substr(0,3)+e(t.substr(3));return t}})(e)):e}class rE{constructor(e,t){this.lineNumber=e,this.column=t}with(e=this.lineNumber,t=this.column){return e===this.lineNumber&&t===this.column?this:new rE(e,t)}delta(e=0,t=0){return this.with(this.lineNumber+e,this.column+t)}equals(e){return rE.equals(this,e)}static equals(e,t){return!e&&!t||!!e&&!!t&&e.lineNumber===t.lineNumber&&e.column===t.column}isBefore(e){return rE.isBefore(this,e)}static isBefore(e,t){return e.lineNumberi||e===i&&t>n?(this.startLineNumber=i,this.startColumn=n,this.endLineNumber=e,this.endColumn=t):(this.startLineNumber=e,this.startColumn=t,this.endLineNumber=i,this.endColumn=n)}isEmpty(){return rv.isEmpty(this)}static isEmpty(e){return e.startLineNumber===e.endLineNumber&&e.startColumn===e.endColumn}containsPosition(e){return rv.containsPosition(this,e)}static containsPosition(e,t){return!(t.lineNumbere.endLineNumber)&&(t.lineNumber!==e.startLineNumber||!(t.columne.endColumn))}static strictContainsPosition(e,t){return!(t.lineNumbere.endLineNumber)&&(t.lineNumber!==e.startLineNumber||!(t.column<=e.startColumn))&&(t.lineNumber!==e.endLineNumber||!(t.column>=e.endColumn))}containsRange(e){return rv.containsRange(this,e)}static containsRange(e,t){return!(t.startLineNumbere.endLineNumber)&&!(t.endLineNumber>e.endLineNumber)&&(t.startLineNumber!==e.startLineNumber||!(t.startColumne.endColumn))}strictContainsRange(e){return rv.strictContainsRange(this,e)}static strictContainsRange(e,t){return!(t.startLineNumbere.endLineNumber)&&!(t.endLineNumber>e.endLineNumber)&&(t.startLineNumber!==e.startLineNumber||!(t.startColumn<=e.startColumn))&&(t.endLineNumber!==e.endLineNumber||!(t.endColumn>=e.endColumn))}plusRange(e){return rv.plusRange(this,e)}static plusRange(e,t){let i,n,r,o;return t.startLineNumbere.endLineNumber?(r=t.endLineNumber,o=t.endColumn):t.endLineNumber===e.endLineNumber?(r=t.endLineNumber,o=Math.max(t.endColumn,e.endColumn)):(r=e.endLineNumber,o=e.endColumn),new rv(i,n,r,o)}intersectRanges(e){return rv.intersectRanges(this,e)}static intersectRanges(e,t){let i=e.startLineNumber,n=e.startColumn,r=e.endLineNumber,o=e.endColumn,s=t.startLineNumber,a=t.startColumn,l=t.endLineNumber,h=t.endColumn;return(il?(r=l,o=h):r===l&&(o=Math.min(o,h)),i>r||i===r&&n>o)?null:new rv(i,n,r,o)}equalsRange(e){return rv.equalsRange(this,e)}static equalsRange(e,t){return!e&&!t||!!e&&!!t&&e.startLineNumber===t.startLineNumber&&e.startColumn===t.startColumn&&e.endLineNumber===t.endLineNumber&&e.endColumn===t.endColumn}getEndPosition(){return rv.getEndPosition(this)}static getEndPosition(e){return new rE(e.endLineNumber,e.endColumn)}getStartPosition(){return rv.getStartPosition(this)}static getStartPosition(e){return new rE(e.startLineNumber,e.startColumn)}toString(){return"["+this.startLineNumber+","+this.startColumn+" -> "+this.endLineNumber+","+this.endColumn+"]"}setEndPosition(e,t){return new rv(this.startLineNumber,this.startColumn,e,t)}setStartPosition(e,t){return new rv(e,t,this.endLineNumber,this.endColumn)}collapseToStart(){return rv.collapseToStart(this)}static collapseToStart(e){return new rv(e.startLineNumber,e.startColumn,e.startLineNumber,e.startColumn)}collapseToEnd(){return rv.collapseToEnd(this)}static collapseToEnd(e){return new rv(e.endLineNumber,e.endColumn,e.endLineNumber,e.endColumn)}delta(e){return new rv(this.startLineNumber+e,this.startColumn,this.endLineNumber+e,this.endColumn)}static fromPositions(e,t=e){return new rv(e.lineNumber,e.column,t.lineNumber,t.column)}static lift(e){return e?new rv(e.startLineNumber,e.startColumn,e.endLineNumber,e.endColumn):null}static isIRange(e){return e&&"number"==typeof e.startLineNumber&&"number"==typeof e.startColumn&&"number"==typeof e.endLineNumber&&"number"==typeof e.endColumn}static areIntersectingOrTouching(e,t){return!(e.endLineNumbere.startLineNumber}toJSON(){return this}}class rb extends rv{constructor(e,t,i,n){super(e,t,i,n),this.selectionStartLineNumber=e,this.selectionStartColumn=t,this.positionLineNumber=i,this.positionColumn=n}toString(){return"["+this.selectionStartLineNumber+","+this.selectionStartColumn+" -> "+this.positionLineNumber+","+this.positionColumn+"]"}equalsSelection(e){return rb.selectionsEqual(this,e)}static selectionsEqual(e,t){return e.selectionStartLineNumber===t.selectionStartLineNumber&&e.selectionStartColumn===t.selectionStartColumn&&e.positionLineNumber===t.positionLineNumber&&e.positionColumn===t.positionColumn}getDirection(){return this.selectionStartLineNumber===this.startLineNumber&&this.selectionStartColumn===this.startColumn?0:1}setEndPosition(e,t){return 0===this.getDirection()?new rb(this.startLineNumber,this.startColumn,e,t):new rb(e,t,this.startLineNumber,this.startColumn)}getPosition(){return new rE(this.positionLineNumber,this.positionColumn)}getSelectionStart(){return new rE(this.selectionStartLineNumber,this.selectionStartColumn)}setStartPosition(e,t){return 0===this.getDirection()?new rb(e,t,this.endLineNumber,this.endColumn):new rb(this.endLineNumber,this.endColumn,e,t)}static fromPositions(e,t=e){return new rb(e.lineNumber,e.column,t.lineNumber,t.column)}static fromRange(e,t){return 0===t?new rb(e.startLineNumber,e.startColumn,e.endLineNumber,e.endColumn):new rb(e.endLineNumber,e.endColumn,e.startLineNumber,e.startColumn)}static liftSelection(e){return new rb(e.selectionStartLineNumber,e.selectionStartColumn,e.positionLineNumber,e.positionColumn)}static selectionsArrEqual(e,t){if(e&&!t||!e&&t)return!1;if(!e&&!t)return!0;if(e.length!==t.length)return!1;for(let i=0,n=e.length;i{e&&e.dispose()})}get tokenizationSupport(){return this._tokenizationSupport||(this._tokenizationSupport=this.createSupport()),this._tokenizationSupport}}let rx=new class{constructor(){this._tokenizationSupports=new Map,this._factories=new Map,this._onDidChange=new ny,this.onDidChange=this._onDidChange.event,this._colorMap=null}handleChange(e){this._onDidChange.fire({changedLanguages:e,changedColorMap:!1})}register(e,t){return this._tokenizationSupports.set(e,t),this.handleChange([e]),nu(()=>{this._tokenizationSupports.get(e)===t&&(this._tokenizationSupports.delete(e),this.handleChange([e]))})}get(e){return this._tokenizationSupports.get(e)||null}registerFactory(e,t){var i;null===(i=this._factories.get(e))||void 0===i||i.dispose();let n=new rA(this,e,t);return this._factories.set(e,n),nu(()=>{let t=this._factories.get(e);t&&t===n&&(this._factories.delete(e),t.dispose())})}getOrCreate(e){return rR(this,void 0,void 0,function*(){let t=this.get(e);if(t)return t;let i=this._factories.get(e);return!i||i.isResolved?null:(yield i.resolve(),this.get(e))})}isResolved(e){let t=this.get(e);if(t)return!0;let i=this._factories.get(e);return!i||!!i.isResolved}setColorMap(e){this._colorMap=e,this._onDidChange.fire({changedLanguages:Array.from(this._tokenizationSupports.keys()),changedColorMap:!0})}getColorMap(){return this._colorMap}getDefaultBackground(){return this._colorMap&&this._colorMap.length>2?this._colorMap[2]:null}};(O=tl||(tl={}))[O.Unknown=0]="Unknown",O[O.Disabled=1]="Disabled",O[O.Enabled=2]="Enabled",(L=th||(th={}))[L.Invoke=1]="Invoke",L[L.Auto=2]="Auto",(I=tu||(tu={}))[I.None=0]="None",I[I.KeepWhitespace=1]="KeepWhitespace",I[I.InsertAsSnippet=4]="InsertAsSnippet",(w=td||(td={}))[w.Method=0]="Method",w[w.Function=1]="Function",w[w.Constructor=2]="Constructor",w[w.Field=3]="Field",w[w.Variable=4]="Variable",w[w.Class=5]="Class",w[w.Struct=6]="Struct",w[w.Interface=7]="Interface",w[w.Module=8]="Module",w[w.Property=9]="Property",w[w.Event=10]="Event",w[w.Operator=11]="Operator",w[w.Unit=12]="Unit",w[w.Value=13]="Value",w[w.Constant=14]="Constant",w[w.Enum=15]="Enum",w[w.EnumMember=16]="EnumMember",w[w.Keyword=17]="Keyword",w[w.Text=18]="Text",w[w.Color=19]="Color",w[w.File=20]="File",w[w.Reference=21]="Reference",w[w.Customcolor=22]="Customcolor",w[w.Folder=23]="Folder",w[w.TypeParameter=24]="TypeParameter",w[w.User=25]="User",w[w.Issue=26]="Issue",w[w.Snippet=27]="Snippet",(D=tc||(tc={}))[D.Deprecated=1]="Deprecated",(x=tf||(tf={}))[x.Invoke=0]="Invoke",x[x.TriggerCharacter=1]="TriggerCharacter",x[x.TriggerForIncompleteCompletions=2]="TriggerForIncompleteCompletions",(M=tg||(tg={}))[M.EXACT=0]="EXACT",M[M.ABOVE=1]="ABOVE",M[M.BELOW=2]="BELOW",(k=tp||(tp={}))[k.NotSet=0]="NotSet",k[k.ContentFlush=1]="ContentFlush",k[k.RecoverFromMarkers=2]="RecoverFromMarkers",k[k.Explicit=3]="Explicit",k[k.Paste=4]="Paste",k[k.Undo=5]="Undo",k[k.Redo=6]="Redo",(P=tm||(tm={}))[P.LF=1]="LF",P[P.CRLF=2]="CRLF",(F=t_||(t_={}))[F.Text=0]="Text",F[F.Read=1]="Read",F[F.Write=2]="Write",(B=tE||(tE={}))[B.None=0]="None",B[B.Keep=1]="Keep",B[B.Brackets=2]="Brackets",B[B.Advanced=3]="Advanced",B[B.Full=4]="Full",(U=tv||(tv={}))[U.acceptSuggestionOnCommitCharacter=0]="acceptSuggestionOnCommitCharacter",U[U.acceptSuggestionOnEnter=1]="acceptSuggestionOnEnter",U[U.accessibilitySupport=2]="accessibilitySupport",U[U.accessibilityPageSize=3]="accessibilityPageSize",U[U.ariaLabel=4]="ariaLabel",U[U.ariaRequired=5]="ariaRequired",U[U.autoClosingBrackets=6]="autoClosingBrackets",U[U.screenReaderAnnounceInlineSuggestion=7]="screenReaderAnnounceInlineSuggestion",U[U.autoClosingDelete=8]="autoClosingDelete",U[U.autoClosingOvertype=9]="autoClosingOvertype",U[U.autoClosingQuotes=10]="autoClosingQuotes",U[U.autoIndent=11]="autoIndent",U[U.automaticLayout=12]="automaticLayout",U[U.autoSurround=13]="autoSurround",U[U.bracketPairColorization=14]="bracketPairColorization",U[U.guides=15]="guides",U[U.codeLens=16]="codeLens",U[U.codeLensFontFamily=17]="codeLensFontFamily",U[U.codeLensFontSize=18]="codeLensFontSize",U[U.colorDecorators=19]="colorDecorators",U[U.colorDecoratorsLimit=20]="colorDecoratorsLimit",U[U.columnSelection=21]="columnSelection",U[U.comments=22]="comments",U[U.contextmenu=23]="contextmenu",U[U.copyWithSyntaxHighlighting=24]="copyWithSyntaxHighlighting",U[U.cursorBlinking=25]="cursorBlinking",U[U.cursorSmoothCaretAnimation=26]="cursorSmoothCaretAnimation",U[U.cursorStyle=27]="cursorStyle",U[U.cursorSurroundingLines=28]="cursorSurroundingLines",U[U.cursorSurroundingLinesStyle=29]="cursorSurroundingLinesStyle",U[U.cursorWidth=30]="cursorWidth",U[U.disableLayerHinting=31]="disableLayerHinting",U[U.disableMonospaceOptimizations=32]="disableMonospaceOptimizations",U[U.domReadOnly=33]="domReadOnly",U[U.dragAndDrop=34]="dragAndDrop",U[U.dropIntoEditor=35]="dropIntoEditor",U[U.emptySelectionClipboard=36]="emptySelectionClipboard",U[U.experimentalWhitespaceRendering=37]="experimentalWhitespaceRendering",U[U.extraEditorClassName=38]="extraEditorClassName",U[U.fastScrollSensitivity=39]="fastScrollSensitivity",U[U.find=40]="find",U[U.fixedOverflowWidgets=41]="fixedOverflowWidgets",U[U.folding=42]="folding",U[U.foldingStrategy=43]="foldingStrategy",U[U.foldingHighlight=44]="foldingHighlight",U[U.foldingImportsByDefault=45]="foldingImportsByDefault",U[U.foldingMaximumRegions=46]="foldingMaximumRegions",U[U.unfoldOnClickAfterEndOfLine=47]="unfoldOnClickAfterEndOfLine",U[U.fontFamily=48]="fontFamily",U[U.fontInfo=49]="fontInfo",U[U.fontLigatures=50]="fontLigatures",U[U.fontSize=51]="fontSize",U[U.fontWeight=52]="fontWeight",U[U.fontVariations=53]="fontVariations",U[U.formatOnPaste=54]="formatOnPaste",U[U.formatOnType=55]="formatOnType",U[U.glyphMargin=56]="glyphMargin",U[U.gotoLocation=57]="gotoLocation",U[U.hideCursorInOverviewRuler=58]="hideCursorInOverviewRuler",U[U.hover=59]="hover",U[U.inDiffEditor=60]="inDiffEditor",U[U.inlineSuggest=61]="inlineSuggest",U[U.letterSpacing=62]="letterSpacing",U[U.lightbulb=63]="lightbulb",U[U.lineDecorationsWidth=64]="lineDecorationsWidth",U[U.lineHeight=65]="lineHeight",U[U.lineNumbers=66]="lineNumbers",U[U.lineNumbersMinChars=67]="lineNumbersMinChars",U[U.linkedEditing=68]="linkedEditing",U[U.links=69]="links",U[U.matchBrackets=70]="matchBrackets",U[U.minimap=71]="minimap",U[U.mouseStyle=72]="mouseStyle",U[U.mouseWheelScrollSensitivity=73]="mouseWheelScrollSensitivity",U[U.mouseWheelZoom=74]="mouseWheelZoom",U[U.multiCursorMergeOverlapping=75]="multiCursorMergeOverlapping",U[U.multiCursorModifier=76]="multiCursorModifier",U[U.multiCursorPaste=77]="multiCursorPaste",U[U.multiCursorLimit=78]="multiCursorLimit",U[U.occurrencesHighlight=79]="occurrencesHighlight",U[U.overviewRulerBorder=80]="overviewRulerBorder",U[U.overviewRulerLanes=81]="overviewRulerLanes",U[U.padding=82]="padding",U[U.pasteAs=83]="pasteAs",U[U.parameterHints=84]="parameterHints",U[U.peekWidgetDefaultFocus=85]="peekWidgetDefaultFocus",U[U.definitionLinkOpensInPeek=86]="definitionLinkOpensInPeek",U[U.quickSuggestions=87]="quickSuggestions",U[U.quickSuggestionsDelay=88]="quickSuggestionsDelay",U[U.readOnly=89]="readOnly",U[U.readOnlyMessage=90]="readOnlyMessage",U[U.renameOnType=91]="renameOnType",U[U.renderControlCharacters=92]="renderControlCharacters",U[U.renderFinalNewline=93]="renderFinalNewline",U[U.renderLineHighlight=94]="renderLineHighlight",U[U.renderLineHighlightOnlyWhenFocus=95]="renderLineHighlightOnlyWhenFocus",U[U.renderValidationDecorations=96]="renderValidationDecorations",U[U.renderWhitespace=97]="renderWhitespace",U[U.revealHorizontalRightPadding=98]="revealHorizontalRightPadding",U[U.roundedSelection=99]="roundedSelection",U[U.rulers=100]="rulers",U[U.scrollbar=101]="scrollbar",U[U.scrollBeyondLastColumn=102]="scrollBeyondLastColumn",U[U.scrollBeyondLastLine=103]="scrollBeyondLastLine",U[U.scrollPredominantAxis=104]="scrollPredominantAxis",U[U.selectionClipboard=105]="selectionClipboard",U[U.selectionHighlight=106]="selectionHighlight",U[U.selectOnLineNumbers=107]="selectOnLineNumbers",U[U.showFoldingControls=108]="showFoldingControls",U[U.showUnused=109]="showUnused",U[U.snippetSuggestions=110]="snippetSuggestions",U[U.smartSelect=111]="smartSelect",U[U.smoothScrolling=112]="smoothScrolling",U[U.stickyScroll=113]="stickyScroll",U[U.stickyTabStops=114]="stickyTabStops",U[U.stopRenderingLineAfter=115]="stopRenderingLineAfter",U[U.suggest=116]="suggest",U[U.suggestFontSize=117]="suggestFontSize",U[U.suggestLineHeight=118]="suggestLineHeight",U[U.suggestOnTriggerCharacters=119]="suggestOnTriggerCharacters",U[U.suggestSelection=120]="suggestSelection",U[U.tabCompletion=121]="tabCompletion",U[U.tabIndex=122]="tabIndex",U[U.unicodeHighlighting=123]="unicodeHighlighting",U[U.unusualLineTerminators=124]="unusualLineTerminators",U[U.useShadowDOM=125]="useShadowDOM",U[U.useTabStops=126]="useTabStops",U[U.wordBreak=127]="wordBreak",U[U.wordSeparators=128]="wordSeparators",U[U.wordWrap=129]="wordWrap",U[U.wordWrapBreakAfterCharacters=130]="wordWrapBreakAfterCharacters",U[U.wordWrapBreakBeforeCharacters=131]="wordWrapBreakBeforeCharacters",U[U.wordWrapColumn=132]="wordWrapColumn",U[U.wordWrapOverride1=133]="wordWrapOverride1",U[U.wordWrapOverride2=134]="wordWrapOverride2",U[U.wrappingIndent=135]="wrappingIndent",U[U.wrappingStrategy=136]="wrappingStrategy",U[U.showDeprecated=137]="showDeprecated",U[U.inlayHints=138]="inlayHints",U[U.editorClassName=139]="editorClassName",U[U.pixelRatio=140]="pixelRatio",U[U.tabFocusMode=141]="tabFocusMode",U[U.layoutInfo=142]="layoutInfo",U[U.wrappingInfo=143]="wrappingInfo",U[U.defaultColorDecorators=144]="defaultColorDecorators",U[U.colorDecoratorsActivatedOn=145]="colorDecoratorsActivatedOn",(H=tb||(tb={}))[H.TextDefined=0]="TextDefined",H[H.LF=1]="LF",H[H.CRLF=2]="CRLF",(V=tC||(tC={}))[V.LF=0]="LF",V[V.CRLF=1]="CRLF",(W=tS||(tS={}))[W.Left=1]="Left",W[W.Right=2]="Right",(G=ty||(ty={}))[G.None=0]="None",G[G.Indent=1]="Indent",G[G.IndentOutdent=2]="IndentOutdent",G[G.Outdent=3]="Outdent",(j=tT||(tT={}))[j.Both=0]="Both",j[j.Right=1]="Right",j[j.Left=2]="Left",j[j.None=3]="None",(z=tR||(tR={}))[z.Type=1]="Type",z[z.Parameter=2]="Parameter",(K=tA||(tA={}))[K.Automatic=0]="Automatic",K[K.Explicit=1]="Explicit",(Y=tN||(tN={}))[Y.DependsOnKbLayout=-1]="DependsOnKbLayout",Y[Y.Unknown=0]="Unknown",Y[Y.Backspace=1]="Backspace",Y[Y.Tab=2]="Tab",Y[Y.Enter=3]="Enter",Y[Y.Shift=4]="Shift",Y[Y.Ctrl=5]="Ctrl",Y[Y.Alt=6]="Alt",Y[Y.PauseBreak=7]="PauseBreak",Y[Y.CapsLock=8]="CapsLock",Y[Y.Escape=9]="Escape",Y[Y.Space=10]="Space",Y[Y.PageUp=11]="PageUp",Y[Y.PageDown=12]="PageDown",Y[Y.End=13]="End",Y[Y.Home=14]="Home",Y[Y.LeftArrow=15]="LeftArrow",Y[Y.UpArrow=16]="UpArrow",Y[Y.RightArrow=17]="RightArrow",Y[Y.DownArrow=18]="DownArrow",Y[Y.Insert=19]="Insert",Y[Y.Delete=20]="Delete",Y[Y.Digit0=21]="Digit0",Y[Y.Digit1=22]="Digit1",Y[Y.Digit2=23]="Digit2",Y[Y.Digit3=24]="Digit3",Y[Y.Digit4=25]="Digit4",Y[Y.Digit5=26]="Digit5",Y[Y.Digit6=27]="Digit6",Y[Y.Digit7=28]="Digit7",Y[Y.Digit8=29]="Digit8",Y[Y.Digit9=30]="Digit9",Y[Y.KeyA=31]="KeyA",Y[Y.KeyB=32]="KeyB",Y[Y.KeyC=33]="KeyC",Y[Y.KeyD=34]="KeyD",Y[Y.KeyE=35]="KeyE",Y[Y.KeyF=36]="KeyF",Y[Y.KeyG=37]="KeyG",Y[Y.KeyH=38]="KeyH",Y[Y.KeyI=39]="KeyI",Y[Y.KeyJ=40]="KeyJ",Y[Y.KeyK=41]="KeyK",Y[Y.KeyL=42]="KeyL",Y[Y.KeyM=43]="KeyM",Y[Y.KeyN=44]="KeyN",Y[Y.KeyO=45]="KeyO",Y[Y.KeyP=46]="KeyP",Y[Y.KeyQ=47]="KeyQ",Y[Y.KeyR=48]="KeyR",Y[Y.KeyS=49]="KeyS",Y[Y.KeyT=50]="KeyT",Y[Y.KeyU=51]="KeyU",Y[Y.KeyV=52]="KeyV",Y[Y.KeyW=53]="KeyW",Y[Y.KeyX=54]="KeyX",Y[Y.KeyY=55]="KeyY",Y[Y.KeyZ=56]="KeyZ",Y[Y.Meta=57]="Meta",Y[Y.ContextMenu=58]="ContextMenu",Y[Y.F1=59]="F1",Y[Y.F2=60]="F2",Y[Y.F3=61]="F3",Y[Y.F4=62]="F4",Y[Y.F5=63]="F5",Y[Y.F6=64]="F6",Y[Y.F7=65]="F7",Y[Y.F8=66]="F8",Y[Y.F9=67]="F9",Y[Y.F10=68]="F10",Y[Y.F11=69]="F11",Y[Y.F12=70]="F12",Y[Y.F13=71]="F13",Y[Y.F14=72]="F14",Y[Y.F15=73]="F15",Y[Y.F16=74]="F16",Y[Y.F17=75]="F17",Y[Y.F18=76]="F18",Y[Y.F19=77]="F19",Y[Y.F20=78]="F20",Y[Y.F21=79]="F21",Y[Y.F22=80]="F22",Y[Y.F23=81]="F23",Y[Y.F24=82]="F24",Y[Y.NumLock=83]="NumLock",Y[Y.ScrollLock=84]="ScrollLock",Y[Y.Semicolon=85]="Semicolon",Y[Y.Equal=86]="Equal",Y[Y.Comma=87]="Comma",Y[Y.Minus=88]="Minus",Y[Y.Period=89]="Period",Y[Y.Slash=90]="Slash",Y[Y.Backquote=91]="Backquote",Y[Y.BracketLeft=92]="BracketLeft",Y[Y.Backslash=93]="Backslash",Y[Y.BracketRight=94]="BracketRight",Y[Y.Quote=95]="Quote",Y[Y.OEM_8=96]="OEM_8",Y[Y.IntlBackslash=97]="IntlBackslash",Y[Y.Numpad0=98]="Numpad0",Y[Y.Numpad1=99]="Numpad1",Y[Y.Numpad2=100]="Numpad2",Y[Y.Numpad3=101]="Numpad3",Y[Y.Numpad4=102]="Numpad4",Y[Y.Numpad5=103]="Numpad5",Y[Y.Numpad6=104]="Numpad6",Y[Y.Numpad7=105]="Numpad7",Y[Y.Numpad8=106]="Numpad8",Y[Y.Numpad9=107]="Numpad9",Y[Y.NumpadMultiply=108]="NumpadMultiply",Y[Y.NumpadAdd=109]="NumpadAdd",Y[Y.NUMPAD_SEPARATOR=110]="NUMPAD_SEPARATOR",Y[Y.NumpadSubtract=111]="NumpadSubtract",Y[Y.NumpadDecimal=112]="NumpadDecimal",Y[Y.NumpadDivide=113]="NumpadDivide",Y[Y.KEY_IN_COMPOSITION=114]="KEY_IN_COMPOSITION",Y[Y.ABNT_C1=115]="ABNT_C1",Y[Y.ABNT_C2=116]="ABNT_C2",Y[Y.AudioVolumeMute=117]="AudioVolumeMute",Y[Y.AudioVolumeUp=118]="AudioVolumeUp",Y[Y.AudioVolumeDown=119]="AudioVolumeDown",Y[Y.BrowserSearch=120]="BrowserSearch",Y[Y.BrowserHome=121]="BrowserHome",Y[Y.BrowserBack=122]="BrowserBack",Y[Y.BrowserForward=123]="BrowserForward",Y[Y.MediaTrackNext=124]="MediaTrackNext",Y[Y.MediaTrackPrevious=125]="MediaTrackPrevious",Y[Y.MediaStop=126]="MediaStop",Y[Y.MediaPlayPause=127]="MediaPlayPause",Y[Y.LaunchMediaPlayer=128]="LaunchMediaPlayer",Y[Y.LaunchMail=129]="LaunchMail",Y[Y.LaunchApp2=130]="LaunchApp2",Y[Y.Clear=131]="Clear",Y[Y.MAX_VALUE=132]="MAX_VALUE",($=tO||(tO={}))[$.Hint=1]="Hint",$[$.Info=2]="Info",$[$.Warning=4]="Warning",$[$.Error=8]="Error",(q=tL||(tL={}))[q.Unnecessary=1]="Unnecessary",q[q.Deprecated=2]="Deprecated",(X=tI||(tI={}))[X.Inline=1]="Inline",X[X.Gutter=2]="Gutter",(Z=tw||(tw={}))[Z.UNKNOWN=0]="UNKNOWN",Z[Z.TEXTAREA=1]="TEXTAREA",Z[Z.GUTTER_GLYPH_MARGIN=2]="GUTTER_GLYPH_MARGIN",Z[Z.GUTTER_LINE_NUMBERS=3]="GUTTER_LINE_NUMBERS",Z[Z.GUTTER_LINE_DECORATIONS=4]="GUTTER_LINE_DECORATIONS",Z[Z.GUTTER_VIEW_ZONE=5]="GUTTER_VIEW_ZONE",Z[Z.CONTENT_TEXT=6]="CONTENT_TEXT",Z[Z.CONTENT_EMPTY=7]="CONTENT_EMPTY",Z[Z.CONTENT_VIEW_ZONE=8]="CONTENT_VIEW_ZONE",Z[Z.CONTENT_WIDGET=9]="CONTENT_WIDGET",Z[Z.OVERVIEW_RULER=10]="OVERVIEW_RULER",Z[Z.SCROLLBAR=11]="SCROLLBAR",Z[Z.OVERLAY_WIDGET=12]="OVERLAY_WIDGET",Z[Z.OUTSIDE_EDITOR=13]="OUTSIDE_EDITOR",(Q=tD||(tD={}))[Q.TOP_RIGHT_CORNER=0]="TOP_RIGHT_CORNER",Q[Q.BOTTOM_RIGHT_CORNER=1]="BOTTOM_RIGHT_CORNER",Q[Q.TOP_CENTER=2]="TOP_CENTER",(J=tx||(tx={}))[J.Left=1]="Left",J[J.Center=2]="Center",J[J.Right=4]="Right",J[J.Full=7]="Full",(ee=tM||(tM={}))[ee.Left=0]="Left",ee[ee.Right=1]="Right",ee[ee.None=2]="None",ee[ee.LeftOfInjectedText=3]="LeftOfInjectedText",ee[ee.RightOfInjectedText=4]="RightOfInjectedText",(et=tk||(tk={}))[et.Off=0]="Off",et[et.On=1]="On",et[et.Relative=2]="Relative",et[et.Interval=3]="Interval",et[et.Custom=4]="Custom",(ei=tP||(tP={}))[ei.None=0]="None",ei[ei.Text=1]="Text",ei[ei.Blocks=2]="Blocks",(en=tF||(tF={}))[en.Smooth=0]="Smooth",en[en.Immediate=1]="Immediate",(er=tB||(tB={}))[er.Auto=1]="Auto",er[er.Hidden=2]="Hidden",er[er.Visible=3]="Visible",(eo=tU||(tU={}))[eo.LTR=0]="LTR",eo[eo.RTL=1]="RTL",(es=tH||(tH={}))[es.Invoke=1]="Invoke",es[es.TriggerCharacter=2]="TriggerCharacter",es[es.ContentChange=3]="ContentChange",(ea=tV||(tV={}))[ea.File=0]="File",ea[ea.Module=1]="Module",ea[ea.Namespace=2]="Namespace",ea[ea.Package=3]="Package",ea[ea.Class=4]="Class",ea[ea.Method=5]="Method",ea[ea.Property=6]="Property",ea[ea.Field=7]="Field",ea[ea.Constructor=8]="Constructor",ea[ea.Enum=9]="Enum",ea[ea.Interface=10]="Interface",ea[ea.Function=11]="Function",ea[ea.Variable=12]="Variable",ea[ea.Constant=13]="Constant",ea[ea.String=14]="String",ea[ea.Number=15]="Number",ea[ea.Boolean=16]="Boolean",ea[ea.Array=17]="Array",ea[ea.Object=18]="Object",ea[ea.Key=19]="Key",ea[ea.Null=20]="Null",ea[ea.EnumMember=21]="EnumMember",ea[ea.Struct=22]="Struct",ea[ea.Event=23]="Event",ea[ea.Operator=24]="Operator",ea[ea.TypeParameter=25]="TypeParameter",(el=tW||(tW={}))[el.Deprecated=1]="Deprecated",(eh=tG||(tG={}))[eh.Hidden=0]="Hidden",eh[eh.Blink=1]="Blink",eh[eh.Smooth=2]="Smooth",eh[eh.Phase=3]="Phase",eh[eh.Expand=4]="Expand",eh[eh.Solid=5]="Solid",(eu=tj||(tj={}))[eu.Line=1]="Line",eu[eu.Block=2]="Block",eu[eu.Underline=3]="Underline",eu[eu.LineThin=4]="LineThin",eu[eu.BlockOutline=5]="BlockOutline",eu[eu.UnderlineThin=6]="UnderlineThin",(ed=tz||(tz={}))[ed.AlwaysGrowsWhenTypingAtEdges=0]="AlwaysGrowsWhenTypingAtEdges",ed[ed.NeverGrowsWhenTypingAtEdges=1]="NeverGrowsWhenTypingAtEdges",ed[ed.GrowsOnlyWhenTypingBefore=2]="GrowsOnlyWhenTypingBefore",ed[ed.GrowsOnlyWhenTypingAfter=3]="GrowsOnlyWhenTypingAfter",(ec=tK||(tK={}))[ec.None=0]="None",ec[ec.Same=1]="Same",ec[ec.Indent=2]="Indent",ec[ec.DeepIndent=3]="DeepIndent";class rM{static chord(e,t){return(e|(65535&t)<<16>>>0)>>>0}}function rk(){return{editor:void 0,languages:void 0,CancellationTokenSource:nx,Emitter:ny,KeyCode:tN,KeyMod:rM,Position:rE,Range:rv,Selection:rb,SelectionDirection:tU,MarkerSeverity:tO,MarkerTag:tL,Uri:rl,Token:rO}}rM.CtrlCmd=2048,rM.Shift=1024,rM.Alt=512,rM.WinCtrl=256,i(95656);class rP{get cachedValues(){return this._map}constructor(e){this.fn=e,this._map=new Map}get(e){if(this._map.has(e))return this._map.get(e);let t=this.fn(e);return this._map.set(e,t),t}}class rF{constructor(e){this.executor=e,this._didRun=!1}get value(){if(!this._didRun)try{this._value=this.executor()}catch(e){this._error=e}finally{this._didRun=!0}if(this._error)throw this._error;return this._value}get rawValue(){return this._value}}let rB=/{(\d+)}/g;function rU(e,...t){return 0===t.length?e:e.replace(rB,function(e,i){let n=parseInt(i,10);return isNaN(n)||n<0||n>=t.length?e:t[n]})}function rH(e){return e.replace(/[<>&]/g,function(e){switch(e){case"<":return"<";case">":return">";case"&":return"&";default:return e}})}function rV(e){return e.replace(/[\\\{\}\*\+\?\|\^\$\.\[\]\(\)]/g,"\\$&")}function rW(e,t){if(!e||!t)return e;let i=t.length;if(0===i||0===e.length)return e;let n=0;for(;e.indexOf(t,n)===n;)n+=i;return e.substring(n)}function rG(e,t,i={}){if(!e)throw Error("Cannot create regex from empty string");t||(e=rV(e)),i.wholeWord&&(/\B/.test(e.charAt(0))||(e="\\b"+e),/\B/.test(e.charAt(e.length-1))||(e+="\\b"));let n="";return i.global&&(n+="g"),i.matchCase||(n+="i"),i.multiline&&(n+="m"),i.unicode&&(n+="u"),new RegExp(e,n)}function rj(e){return(e.global?"g":"")+(e.ignoreCase?"i":"")+(e.multiline?"m":"")+(e.unicode?"u":"")}function rz(e){return e.split(/\r\n|\r|\n/)}function rK(e){for(let t=0,i=e.length;t=0;i--){let t=e.charCodeAt(i);if(32!==t&&9!==t)return i}return -1}function rq(e,t){return et?1:0}function rX(e,t,i=0,n=e.length,r=0,o=t.length){for(;io)return 1}let s=n-i,a=o-r;return sa?1:0}function rZ(e,t){return rQ(e,t,0,e.length,0,t.length)}function rQ(e,t,i=0,n=e.length,r=0,o=t.length){for(;i=128||a>=128)return rX(e.toLowerCase(),t.toLowerCase(),i,n,r,o);r0(s)&&(s-=32),r0(a)&&(a-=32);let l=s-a;if(0!==l)return l}let s=n-i,a=o-r;return sa?1:0}function rJ(e){return e>=48&&e<=57}function r0(e){return e>=97&&e<=122}function r1(e){return e>=65&&e<=90}function r2(e,t){return e.length===t.length&&0===rQ(e,t)}function r5(e,t){let i=t.length;return!(t.length>e.length)&&0===rQ(e,t,0,i)}function r4(e,t){let i;let n=Math.min(e.length,t.length);for(i=0;i1){let n=e.charCodeAt(t-2);if(r6(n))return r8(n,i)}return i}(this._str,this._offset);return this._offset-=e>=65536?2:1,e}nextCodePoint(){let e=r7(this._str,this._len,this._offset);return this._offset+=e>=65536?2:1,e}eol(){return this._offset>=this._len}}class ot{get offset(){return this._iterator.offset}constructor(e,t=0){this._iterator=new oe(e,t)}nextGraphemeLength(){let e=og.getInstance(),t=this._iterator,i=t.offset,n=e.getGraphemeBreakType(t.nextCodePoint());for(;!t.eol();){let i=t.offset,r=e.getGraphemeBreakType(t.nextCodePoint());if(of(n,r)){t.setOffset(i);break}n=r}return t.offset-i}prevGraphemeLength(){let e=og.getInstance(),t=this._iterator,i=t.offset,n=e.getGraphemeBreakType(t.prevCodePoint());for(;t.offset>0;){let i=t.offset,r=e.getGraphemeBreakType(t.prevCodePoint());if(of(r,n)){t.setOffset(i);break}n=r}return i-t.offset}eol(){return this._iterator.eol()}}function oi(e,t){let i=new ot(e,t);return i.nextGraphemeLength()}function on(e,t){let i=new ot(e,t);return i.prevGraphemeLength()}function or(e){return E||(E=/(?:[\u05BE\u05C0\u05C3\u05C6\u05D0-\u05F4\u0608\u060B\u060D\u061B-\u064A\u066D-\u066F\u0671-\u06D5\u06E5\u06E6\u06EE\u06EF\u06FA-\u0710\u0712-\u072F\u074D-\u07A5\u07B1-\u07EA\u07F4\u07F5\u07FA\u07FE-\u0815\u081A\u0824\u0828\u0830-\u0858\u085E-\u088E\u08A0-\u08C9\u200F\uFB1D\uFB1F-\uFB28\uFB2A-\uFD3D\uFD50-\uFDC7\uFDF0-\uFDFC\uFE70-\uFEFC]|\uD802[\uDC00-\uDD1B\uDD20-\uDE00\uDE10-\uDE35\uDE40-\uDEE4\uDEEB-\uDF35\uDF40-\uDFFF]|\uD803[\uDC00-\uDD23\uDE80-\uDEA9\uDEAD-\uDF45\uDF51-\uDF81\uDF86-\uDFF6]|\uD83A[\uDC00-\uDCCF\uDD00-\uDD43\uDD4B-\uDFFF]|\uD83B[\uDC00-\uDEBB])/),E.test(e)}let oo=/^[\t\n\r\x20-\x7E]*$/;function os(e){return oo.test(e)}let oa=/[\u2028\u2029]/;function ol(e){return e>=11904&&e<=55215||e>=63744&&e<=64255||e>=65281&&e<=65374}function oh(e){return e>=127462&&e<=127487||8986===e||8987===e||9200===e||9203===e||e>=9728&&e<=10175||11088===e||11093===e||e>=127744&&e<=128591||e>=128640&&e<=128764||e>=128992&&e<=129008||e>=129280&&e<=129535||e>=129648&&e<=129782}let ou=String.fromCharCode(65279);function od(e){return!!(e&&e.length>0&&65279===e.charCodeAt(0))}function oc(e){return(e%=52)<26?String.fromCharCode(97+e):String.fromCharCode(65+e-26)}function of(e,t){return 0===e?5!==t&&7!==t:(2!==e||3!==t)&&(4===e||2===e||3===e||4===t||2===t||3===t||(8!==e||8!==t&&9!==t&&11!==t&&12!==t)&&(11!==e&&9!==e||9!==t&&10!==t)&&(12!==e&&10!==e||10!==t)&&5!==t&&13!==t&&7!==t&&1!==e&&(13!==e||14!==t)&&(6!==e||6!==t))}class og{static getInstance(){return og._INSTANCE||(og._INSTANCE=new og),og._INSTANCE}constructor(){this._data=JSON.parse("[0,0,0,51229,51255,12,44061,44087,12,127462,127487,6,7083,7085,5,47645,47671,12,54813,54839,12,128678,128678,14,3270,3270,5,9919,9923,14,45853,45879,12,49437,49463,12,53021,53047,12,71216,71218,7,128398,128399,14,129360,129374,14,2519,2519,5,4448,4519,9,9742,9742,14,12336,12336,14,44957,44983,12,46749,46775,12,48541,48567,12,50333,50359,12,52125,52151,12,53917,53943,12,69888,69890,5,73018,73018,5,127990,127990,14,128558,128559,14,128759,128760,14,129653,129655,14,2027,2035,5,2891,2892,7,3761,3761,5,6683,6683,5,8293,8293,4,9825,9826,14,9999,9999,14,43452,43453,5,44509,44535,12,45405,45431,12,46301,46327,12,47197,47223,12,48093,48119,12,48989,49015,12,49885,49911,12,50781,50807,12,51677,51703,12,52573,52599,12,53469,53495,12,54365,54391,12,65279,65279,4,70471,70472,7,72145,72147,7,119173,119179,5,127799,127818,14,128240,128244,14,128512,128512,14,128652,128652,14,128721,128722,14,129292,129292,14,129445,129450,14,129734,129743,14,1476,1477,5,2366,2368,7,2750,2752,7,3076,3076,5,3415,3415,5,4141,4144,5,6109,6109,5,6964,6964,5,7394,7400,5,9197,9198,14,9770,9770,14,9877,9877,14,9968,9969,14,10084,10084,14,43052,43052,5,43713,43713,5,44285,44311,12,44733,44759,12,45181,45207,12,45629,45655,12,46077,46103,12,46525,46551,12,46973,46999,12,47421,47447,12,47869,47895,12,48317,48343,12,48765,48791,12,49213,49239,12,49661,49687,12,50109,50135,12,50557,50583,12,51005,51031,12,51453,51479,12,51901,51927,12,52349,52375,12,52797,52823,12,53245,53271,12,53693,53719,12,54141,54167,12,54589,54615,12,55037,55063,12,69506,69509,5,70191,70193,5,70841,70841,7,71463,71467,5,72330,72342,5,94031,94031,5,123628,123631,5,127763,127765,14,127941,127941,14,128043,128062,14,128302,128317,14,128465,128467,14,128539,128539,14,128640,128640,14,128662,128662,14,128703,128703,14,128745,128745,14,129004,129007,14,129329,129330,14,129402,129402,14,129483,129483,14,129686,129704,14,130048,131069,14,173,173,4,1757,1757,1,2200,2207,5,2434,2435,7,2631,2632,5,2817,2817,5,3008,3008,5,3201,3201,5,3387,3388,5,3542,3542,5,3902,3903,7,4190,4192,5,6002,6003,5,6439,6440,5,6765,6770,7,7019,7027,5,7154,7155,7,8205,8205,13,8505,8505,14,9654,9654,14,9757,9757,14,9792,9792,14,9852,9853,14,9890,9894,14,9937,9937,14,9981,9981,14,10035,10036,14,11035,11036,14,42654,42655,5,43346,43347,7,43587,43587,5,44006,44007,7,44173,44199,12,44397,44423,12,44621,44647,12,44845,44871,12,45069,45095,12,45293,45319,12,45517,45543,12,45741,45767,12,45965,45991,12,46189,46215,12,46413,46439,12,46637,46663,12,46861,46887,12,47085,47111,12,47309,47335,12,47533,47559,12,47757,47783,12,47981,48007,12,48205,48231,12,48429,48455,12,48653,48679,12,48877,48903,12,49101,49127,12,49325,49351,12,49549,49575,12,49773,49799,12,49997,50023,12,50221,50247,12,50445,50471,12,50669,50695,12,50893,50919,12,51117,51143,12,51341,51367,12,51565,51591,12,51789,51815,12,52013,52039,12,52237,52263,12,52461,52487,12,52685,52711,12,52909,52935,12,53133,53159,12,53357,53383,12,53581,53607,12,53805,53831,12,54029,54055,12,54253,54279,12,54477,54503,12,54701,54727,12,54925,54951,12,55149,55175,12,68101,68102,5,69762,69762,7,70067,70069,7,70371,70378,5,70720,70721,7,71087,71087,5,71341,71341,5,71995,71996,5,72249,72249,7,72850,72871,5,73109,73109,5,118576,118598,5,121505,121519,5,127245,127247,14,127568,127569,14,127777,127777,14,127872,127891,14,127956,127967,14,128015,128016,14,128110,128172,14,128259,128259,14,128367,128368,14,128424,128424,14,128488,128488,14,128530,128532,14,128550,128551,14,128566,128566,14,128647,128647,14,128656,128656,14,128667,128673,14,128691,128693,14,128715,128715,14,128728,128732,14,128752,128752,14,128765,128767,14,129096,129103,14,129311,129311,14,129344,129349,14,129394,129394,14,129413,129425,14,129466,129471,14,129511,129535,14,129664,129666,14,129719,129722,14,129760,129767,14,917536,917631,5,13,13,2,1160,1161,5,1564,1564,4,1807,1807,1,2085,2087,5,2307,2307,7,2382,2383,7,2497,2500,5,2563,2563,7,2677,2677,5,2763,2764,7,2879,2879,5,2914,2915,5,3021,3021,5,3142,3144,5,3263,3263,5,3285,3286,5,3398,3400,7,3530,3530,5,3633,3633,5,3864,3865,5,3974,3975,5,4155,4156,7,4229,4230,5,5909,5909,7,6078,6085,7,6277,6278,5,6451,6456,7,6744,6750,5,6846,6846,5,6972,6972,5,7074,7077,5,7146,7148,7,7222,7223,5,7416,7417,5,8234,8238,4,8417,8417,5,9000,9000,14,9203,9203,14,9730,9731,14,9748,9749,14,9762,9763,14,9776,9783,14,9800,9811,14,9831,9831,14,9872,9873,14,9882,9882,14,9900,9903,14,9929,9933,14,9941,9960,14,9974,9974,14,9989,9989,14,10006,10006,14,10062,10062,14,10160,10160,14,11647,11647,5,12953,12953,14,43019,43019,5,43232,43249,5,43443,43443,5,43567,43568,7,43696,43696,5,43765,43765,7,44013,44013,5,44117,44143,12,44229,44255,12,44341,44367,12,44453,44479,12,44565,44591,12,44677,44703,12,44789,44815,12,44901,44927,12,45013,45039,12,45125,45151,12,45237,45263,12,45349,45375,12,45461,45487,12,45573,45599,12,45685,45711,12,45797,45823,12,45909,45935,12,46021,46047,12,46133,46159,12,46245,46271,12,46357,46383,12,46469,46495,12,46581,46607,12,46693,46719,12,46805,46831,12,46917,46943,12,47029,47055,12,47141,47167,12,47253,47279,12,47365,47391,12,47477,47503,12,47589,47615,12,47701,47727,12,47813,47839,12,47925,47951,12,48037,48063,12,48149,48175,12,48261,48287,12,48373,48399,12,48485,48511,12,48597,48623,12,48709,48735,12,48821,48847,12,48933,48959,12,49045,49071,12,49157,49183,12,49269,49295,12,49381,49407,12,49493,49519,12,49605,49631,12,49717,49743,12,49829,49855,12,49941,49967,12,50053,50079,12,50165,50191,12,50277,50303,12,50389,50415,12,50501,50527,12,50613,50639,12,50725,50751,12,50837,50863,12,50949,50975,12,51061,51087,12,51173,51199,12,51285,51311,12,51397,51423,12,51509,51535,12,51621,51647,12,51733,51759,12,51845,51871,12,51957,51983,12,52069,52095,12,52181,52207,12,52293,52319,12,52405,52431,12,52517,52543,12,52629,52655,12,52741,52767,12,52853,52879,12,52965,52991,12,53077,53103,12,53189,53215,12,53301,53327,12,53413,53439,12,53525,53551,12,53637,53663,12,53749,53775,12,53861,53887,12,53973,53999,12,54085,54111,12,54197,54223,12,54309,54335,12,54421,54447,12,54533,54559,12,54645,54671,12,54757,54783,12,54869,54895,12,54981,55007,12,55093,55119,12,55243,55291,10,66045,66045,5,68325,68326,5,69688,69702,5,69817,69818,5,69957,69958,7,70089,70092,5,70198,70199,5,70462,70462,5,70502,70508,5,70750,70750,5,70846,70846,7,71100,71101,5,71230,71230,7,71351,71351,5,71737,71738,5,72000,72000,7,72160,72160,5,72273,72278,5,72752,72758,5,72882,72883,5,73031,73031,5,73461,73462,7,94192,94193,7,119149,119149,7,121403,121452,5,122915,122916,5,126980,126980,14,127358,127359,14,127535,127535,14,127759,127759,14,127771,127771,14,127792,127793,14,127825,127867,14,127897,127899,14,127945,127945,14,127985,127986,14,128000,128007,14,128021,128021,14,128066,128100,14,128184,128235,14,128249,128252,14,128266,128276,14,128335,128335,14,128379,128390,14,128407,128419,14,128444,128444,14,128481,128481,14,128499,128499,14,128526,128526,14,128536,128536,14,128543,128543,14,128556,128556,14,128564,128564,14,128577,128580,14,128643,128645,14,128649,128649,14,128654,128654,14,128660,128660,14,128664,128664,14,128675,128675,14,128686,128689,14,128695,128696,14,128705,128709,14,128717,128719,14,128725,128725,14,128736,128741,14,128747,128748,14,128755,128755,14,128762,128762,14,128981,128991,14,129009,129023,14,129160,129167,14,129296,129304,14,129320,129327,14,129340,129342,14,129356,129356,14,129388,129392,14,129399,129400,14,129404,129407,14,129432,129442,14,129454,129455,14,129473,129474,14,129485,129487,14,129648,129651,14,129659,129660,14,129671,129679,14,129709,129711,14,129728,129730,14,129751,129753,14,129776,129782,14,917505,917505,4,917760,917999,5,10,10,3,127,159,4,768,879,5,1471,1471,5,1536,1541,1,1648,1648,5,1767,1768,5,1840,1866,5,2070,2073,5,2137,2139,5,2274,2274,1,2363,2363,7,2377,2380,7,2402,2403,5,2494,2494,5,2507,2508,7,2558,2558,5,2622,2624,7,2641,2641,5,2691,2691,7,2759,2760,5,2786,2787,5,2876,2876,5,2881,2884,5,2901,2902,5,3006,3006,5,3014,3016,7,3072,3072,5,3134,3136,5,3157,3158,5,3260,3260,5,3266,3266,5,3274,3275,7,3328,3329,5,3391,3392,7,3405,3405,5,3457,3457,5,3536,3537,7,3551,3551,5,3636,3642,5,3764,3772,5,3895,3895,5,3967,3967,7,3993,4028,5,4146,4151,5,4182,4183,7,4226,4226,5,4253,4253,5,4957,4959,5,5940,5940,7,6070,6070,7,6087,6088,7,6158,6158,4,6432,6434,5,6448,6449,7,6679,6680,5,6742,6742,5,6754,6754,5,6783,6783,5,6912,6915,5,6966,6970,5,6978,6978,5,7042,7042,7,7080,7081,5,7143,7143,7,7150,7150,7,7212,7219,5,7380,7392,5,7412,7412,5,8203,8203,4,8232,8232,4,8265,8265,14,8400,8412,5,8421,8432,5,8617,8618,14,9167,9167,14,9200,9200,14,9410,9410,14,9723,9726,14,9733,9733,14,9745,9745,14,9752,9752,14,9760,9760,14,9766,9766,14,9774,9774,14,9786,9786,14,9794,9794,14,9823,9823,14,9828,9828,14,9833,9850,14,9855,9855,14,9875,9875,14,9880,9880,14,9885,9887,14,9896,9897,14,9906,9916,14,9926,9927,14,9935,9935,14,9939,9939,14,9962,9962,14,9972,9972,14,9978,9978,14,9986,9986,14,9997,9997,14,10002,10002,14,10017,10017,14,10055,10055,14,10071,10071,14,10133,10135,14,10548,10549,14,11093,11093,14,12330,12333,5,12441,12442,5,42608,42610,5,43010,43010,5,43045,43046,5,43188,43203,7,43302,43309,5,43392,43394,5,43446,43449,5,43493,43493,5,43571,43572,7,43597,43597,7,43703,43704,5,43756,43757,5,44003,44004,7,44009,44010,7,44033,44059,12,44089,44115,12,44145,44171,12,44201,44227,12,44257,44283,12,44313,44339,12,44369,44395,12,44425,44451,12,44481,44507,12,44537,44563,12,44593,44619,12,44649,44675,12,44705,44731,12,44761,44787,12,44817,44843,12,44873,44899,12,44929,44955,12,44985,45011,12,45041,45067,12,45097,45123,12,45153,45179,12,45209,45235,12,45265,45291,12,45321,45347,12,45377,45403,12,45433,45459,12,45489,45515,12,45545,45571,12,45601,45627,12,45657,45683,12,45713,45739,12,45769,45795,12,45825,45851,12,45881,45907,12,45937,45963,12,45993,46019,12,46049,46075,12,46105,46131,12,46161,46187,12,46217,46243,12,46273,46299,12,46329,46355,12,46385,46411,12,46441,46467,12,46497,46523,12,46553,46579,12,46609,46635,12,46665,46691,12,46721,46747,12,46777,46803,12,46833,46859,12,46889,46915,12,46945,46971,12,47001,47027,12,47057,47083,12,47113,47139,12,47169,47195,12,47225,47251,12,47281,47307,12,47337,47363,12,47393,47419,12,47449,47475,12,47505,47531,12,47561,47587,12,47617,47643,12,47673,47699,12,47729,47755,12,47785,47811,12,47841,47867,12,47897,47923,12,47953,47979,12,48009,48035,12,48065,48091,12,48121,48147,12,48177,48203,12,48233,48259,12,48289,48315,12,48345,48371,12,48401,48427,12,48457,48483,12,48513,48539,12,48569,48595,12,48625,48651,12,48681,48707,12,48737,48763,12,48793,48819,12,48849,48875,12,48905,48931,12,48961,48987,12,49017,49043,12,49073,49099,12,49129,49155,12,49185,49211,12,49241,49267,12,49297,49323,12,49353,49379,12,49409,49435,12,49465,49491,12,49521,49547,12,49577,49603,12,49633,49659,12,49689,49715,12,49745,49771,12,49801,49827,12,49857,49883,12,49913,49939,12,49969,49995,12,50025,50051,12,50081,50107,12,50137,50163,12,50193,50219,12,50249,50275,12,50305,50331,12,50361,50387,12,50417,50443,12,50473,50499,12,50529,50555,12,50585,50611,12,50641,50667,12,50697,50723,12,50753,50779,12,50809,50835,12,50865,50891,12,50921,50947,12,50977,51003,12,51033,51059,12,51089,51115,12,51145,51171,12,51201,51227,12,51257,51283,12,51313,51339,12,51369,51395,12,51425,51451,12,51481,51507,12,51537,51563,12,51593,51619,12,51649,51675,12,51705,51731,12,51761,51787,12,51817,51843,12,51873,51899,12,51929,51955,12,51985,52011,12,52041,52067,12,52097,52123,12,52153,52179,12,52209,52235,12,52265,52291,12,52321,52347,12,52377,52403,12,52433,52459,12,52489,52515,12,52545,52571,12,52601,52627,12,52657,52683,12,52713,52739,12,52769,52795,12,52825,52851,12,52881,52907,12,52937,52963,12,52993,53019,12,53049,53075,12,53105,53131,12,53161,53187,12,53217,53243,12,53273,53299,12,53329,53355,12,53385,53411,12,53441,53467,12,53497,53523,12,53553,53579,12,53609,53635,12,53665,53691,12,53721,53747,12,53777,53803,12,53833,53859,12,53889,53915,12,53945,53971,12,54001,54027,12,54057,54083,12,54113,54139,12,54169,54195,12,54225,54251,12,54281,54307,12,54337,54363,12,54393,54419,12,54449,54475,12,54505,54531,12,54561,54587,12,54617,54643,12,54673,54699,12,54729,54755,12,54785,54811,12,54841,54867,12,54897,54923,12,54953,54979,12,55009,55035,12,55065,55091,12,55121,55147,12,55177,55203,12,65024,65039,5,65520,65528,4,66422,66426,5,68152,68154,5,69291,69292,5,69633,69633,5,69747,69748,5,69811,69814,5,69826,69826,5,69932,69932,7,70016,70017,5,70079,70080,7,70095,70095,5,70196,70196,5,70367,70367,5,70402,70403,7,70464,70464,5,70487,70487,5,70709,70711,7,70725,70725,7,70833,70834,7,70843,70844,7,70849,70849,7,71090,71093,5,71103,71104,5,71227,71228,7,71339,71339,5,71344,71349,5,71458,71461,5,71727,71735,5,71985,71989,7,71998,71998,5,72002,72002,7,72154,72155,5,72193,72202,5,72251,72254,5,72281,72283,5,72344,72345,5,72766,72766,7,72874,72880,5,72885,72886,5,73023,73029,5,73104,73105,5,73111,73111,5,92912,92916,5,94095,94098,5,113824,113827,4,119142,119142,7,119155,119162,4,119362,119364,5,121476,121476,5,122888,122904,5,123184,123190,5,125252,125258,5,127183,127183,14,127340,127343,14,127377,127386,14,127491,127503,14,127548,127551,14,127744,127756,14,127761,127761,14,127769,127769,14,127773,127774,14,127780,127788,14,127796,127797,14,127820,127823,14,127869,127869,14,127894,127895,14,127902,127903,14,127943,127943,14,127947,127950,14,127972,127972,14,127988,127988,14,127992,127994,14,128009,128011,14,128019,128019,14,128023,128041,14,128064,128064,14,128102,128107,14,128174,128181,14,128238,128238,14,128246,128247,14,128254,128254,14,128264,128264,14,128278,128299,14,128329,128330,14,128348,128359,14,128371,128377,14,128392,128393,14,128401,128404,14,128421,128421,14,128433,128434,14,128450,128452,14,128476,128478,14,128483,128483,14,128495,128495,14,128506,128506,14,128519,128520,14,128528,128528,14,128534,128534,14,128538,128538,14,128540,128542,14,128544,128549,14,128552,128555,14,128557,128557,14,128560,128563,14,128565,128565,14,128567,128576,14,128581,128591,14,128641,128642,14,128646,128646,14,128648,128648,14,128650,128651,14,128653,128653,14,128655,128655,14,128657,128659,14,128661,128661,14,128663,128663,14,128665,128666,14,128674,128674,14,128676,128677,14,128679,128685,14,128690,128690,14,128694,128694,14,128697,128702,14,128704,128704,14,128710,128714,14,128716,128716,14,128720,128720,14,128723,128724,14,128726,128727,14,128733,128735,14,128742,128744,14,128746,128746,14,128749,128751,14,128753,128754,14,128756,128758,14,128761,128761,14,128763,128764,14,128884,128895,14,128992,129003,14,129008,129008,14,129036,129039,14,129114,129119,14,129198,129279,14,129293,129295,14,129305,129310,14,129312,129319,14,129328,129328,14,129331,129338,14,129343,129343,14,129351,129355,14,129357,129359,14,129375,129387,14,129393,129393,14,129395,129398,14,129401,129401,14,129403,129403,14,129408,129412,14,129426,129431,14,129443,129444,14,129451,129453,14,129456,129465,14,129472,129472,14,129475,129482,14,129484,129484,14,129488,129510,14,129536,129647,14,129652,129652,14,129656,129658,14,129661,129663,14,129667,129670,14,129680,129685,14,129705,129708,14,129712,129718,14,129723,129727,14,129731,129733,14,129744,129750,14,129754,129759,14,129768,129775,14,129783,129791,14,917504,917504,4,917506,917535,4,917632,917759,4,918000,921599,4,0,9,4,11,12,4,14,31,4,169,169,14,174,174,14,1155,1159,5,1425,1469,5,1473,1474,5,1479,1479,5,1552,1562,5,1611,1631,5,1750,1756,5,1759,1764,5,1770,1773,5,1809,1809,5,1958,1968,5,2045,2045,5,2075,2083,5,2089,2093,5,2192,2193,1,2250,2273,5,2275,2306,5,2362,2362,5,2364,2364,5,2369,2376,5,2381,2381,5,2385,2391,5,2433,2433,5,2492,2492,5,2495,2496,7,2503,2504,7,2509,2509,5,2530,2531,5,2561,2562,5,2620,2620,5,2625,2626,5,2635,2637,5,2672,2673,5,2689,2690,5,2748,2748,5,2753,2757,5,2761,2761,7,2765,2765,5,2810,2815,5,2818,2819,7,2878,2878,5,2880,2880,7,2887,2888,7,2893,2893,5,2903,2903,5,2946,2946,5,3007,3007,7,3009,3010,7,3018,3020,7,3031,3031,5,3073,3075,7,3132,3132,5,3137,3140,7,3146,3149,5,3170,3171,5,3202,3203,7,3262,3262,7,3264,3265,7,3267,3268,7,3271,3272,7,3276,3277,5,3298,3299,5,3330,3331,7,3390,3390,5,3393,3396,5,3402,3404,7,3406,3406,1,3426,3427,5,3458,3459,7,3535,3535,5,3538,3540,5,3544,3550,7,3570,3571,7,3635,3635,7,3655,3662,5,3763,3763,7,3784,3789,5,3893,3893,5,3897,3897,5,3953,3966,5,3968,3972,5,3981,3991,5,4038,4038,5,4145,4145,7,4153,4154,5,4157,4158,5,4184,4185,5,4209,4212,5,4228,4228,7,4237,4237,5,4352,4447,8,4520,4607,10,5906,5908,5,5938,5939,5,5970,5971,5,6068,6069,5,6071,6077,5,6086,6086,5,6089,6099,5,6155,6157,5,6159,6159,5,6313,6313,5,6435,6438,7,6441,6443,7,6450,6450,5,6457,6459,5,6681,6682,7,6741,6741,7,6743,6743,7,6752,6752,5,6757,6764,5,6771,6780,5,6832,6845,5,6847,6862,5,6916,6916,7,6965,6965,5,6971,6971,7,6973,6977,7,6979,6980,7,7040,7041,5,7073,7073,7,7078,7079,7,7082,7082,7,7142,7142,5,7144,7145,5,7149,7149,5,7151,7153,5,7204,7211,7,7220,7221,7,7376,7378,5,7393,7393,7,7405,7405,5,7415,7415,7,7616,7679,5,8204,8204,5,8206,8207,4,8233,8233,4,8252,8252,14,8288,8292,4,8294,8303,4,8413,8416,5,8418,8420,5,8482,8482,14,8596,8601,14,8986,8987,14,9096,9096,14,9193,9196,14,9199,9199,14,9201,9202,14,9208,9210,14,9642,9643,14,9664,9664,14,9728,9729,14,9732,9732,14,9735,9741,14,9743,9744,14,9746,9746,14,9750,9751,14,9753,9756,14,9758,9759,14,9761,9761,14,9764,9765,14,9767,9769,14,9771,9773,14,9775,9775,14,9784,9785,14,9787,9791,14,9793,9793,14,9795,9799,14,9812,9822,14,9824,9824,14,9827,9827,14,9829,9830,14,9832,9832,14,9851,9851,14,9854,9854,14,9856,9861,14,9874,9874,14,9876,9876,14,9878,9879,14,9881,9881,14,9883,9884,14,9888,9889,14,9895,9895,14,9898,9899,14,9904,9905,14,9917,9918,14,9924,9925,14,9928,9928,14,9934,9934,14,9936,9936,14,9938,9938,14,9940,9940,14,9961,9961,14,9963,9967,14,9970,9971,14,9973,9973,14,9975,9977,14,9979,9980,14,9982,9985,14,9987,9988,14,9992,9996,14,9998,9998,14,10000,10001,14,10004,10004,14,10013,10013,14,10024,10024,14,10052,10052,14,10060,10060,14,10067,10069,14,10083,10083,14,10085,10087,14,10145,10145,14,10175,10175,14,11013,11015,14,11088,11088,14,11503,11505,5,11744,11775,5,12334,12335,5,12349,12349,14,12951,12951,14,42607,42607,5,42612,42621,5,42736,42737,5,43014,43014,5,43043,43044,7,43047,43047,7,43136,43137,7,43204,43205,5,43263,43263,5,43335,43345,5,43360,43388,8,43395,43395,7,43444,43445,7,43450,43451,7,43454,43456,7,43561,43566,5,43569,43570,5,43573,43574,5,43596,43596,5,43644,43644,5,43698,43700,5,43710,43711,5,43755,43755,7,43758,43759,7,43766,43766,5,44005,44005,5,44008,44008,5,44012,44012,7,44032,44032,11,44060,44060,11,44088,44088,11,44116,44116,11,44144,44144,11,44172,44172,11,44200,44200,11,44228,44228,11,44256,44256,11,44284,44284,11,44312,44312,11,44340,44340,11,44368,44368,11,44396,44396,11,44424,44424,11,44452,44452,11,44480,44480,11,44508,44508,11,44536,44536,11,44564,44564,11,44592,44592,11,44620,44620,11,44648,44648,11,44676,44676,11,44704,44704,11,44732,44732,11,44760,44760,11,44788,44788,11,44816,44816,11,44844,44844,11,44872,44872,11,44900,44900,11,44928,44928,11,44956,44956,11,44984,44984,11,45012,45012,11,45040,45040,11,45068,45068,11,45096,45096,11,45124,45124,11,45152,45152,11,45180,45180,11,45208,45208,11,45236,45236,11,45264,45264,11,45292,45292,11,45320,45320,11,45348,45348,11,45376,45376,11,45404,45404,11,45432,45432,11,45460,45460,11,45488,45488,11,45516,45516,11,45544,45544,11,45572,45572,11,45600,45600,11,45628,45628,11,45656,45656,11,45684,45684,11,45712,45712,11,45740,45740,11,45768,45768,11,45796,45796,11,45824,45824,11,45852,45852,11,45880,45880,11,45908,45908,11,45936,45936,11,45964,45964,11,45992,45992,11,46020,46020,11,46048,46048,11,46076,46076,11,46104,46104,11,46132,46132,11,46160,46160,11,46188,46188,11,46216,46216,11,46244,46244,11,46272,46272,11,46300,46300,11,46328,46328,11,46356,46356,11,46384,46384,11,46412,46412,11,46440,46440,11,46468,46468,11,46496,46496,11,46524,46524,11,46552,46552,11,46580,46580,11,46608,46608,11,46636,46636,11,46664,46664,11,46692,46692,11,46720,46720,11,46748,46748,11,46776,46776,11,46804,46804,11,46832,46832,11,46860,46860,11,46888,46888,11,46916,46916,11,46944,46944,11,46972,46972,11,47000,47000,11,47028,47028,11,47056,47056,11,47084,47084,11,47112,47112,11,47140,47140,11,47168,47168,11,47196,47196,11,47224,47224,11,47252,47252,11,47280,47280,11,47308,47308,11,47336,47336,11,47364,47364,11,47392,47392,11,47420,47420,11,47448,47448,11,47476,47476,11,47504,47504,11,47532,47532,11,47560,47560,11,47588,47588,11,47616,47616,11,47644,47644,11,47672,47672,11,47700,47700,11,47728,47728,11,47756,47756,11,47784,47784,11,47812,47812,11,47840,47840,11,47868,47868,11,47896,47896,11,47924,47924,11,47952,47952,11,47980,47980,11,48008,48008,11,48036,48036,11,48064,48064,11,48092,48092,11,48120,48120,11,48148,48148,11,48176,48176,11,48204,48204,11,48232,48232,11,48260,48260,11,48288,48288,11,48316,48316,11,48344,48344,11,48372,48372,11,48400,48400,11,48428,48428,11,48456,48456,11,48484,48484,11,48512,48512,11,48540,48540,11,48568,48568,11,48596,48596,11,48624,48624,11,48652,48652,11,48680,48680,11,48708,48708,11,48736,48736,11,48764,48764,11,48792,48792,11,48820,48820,11,48848,48848,11,48876,48876,11,48904,48904,11,48932,48932,11,48960,48960,11,48988,48988,11,49016,49016,11,49044,49044,11,49072,49072,11,49100,49100,11,49128,49128,11,49156,49156,11,49184,49184,11,49212,49212,11,49240,49240,11,49268,49268,11,49296,49296,11,49324,49324,11,49352,49352,11,49380,49380,11,49408,49408,11,49436,49436,11,49464,49464,11,49492,49492,11,49520,49520,11,49548,49548,11,49576,49576,11,49604,49604,11,49632,49632,11,49660,49660,11,49688,49688,11,49716,49716,11,49744,49744,11,49772,49772,11,49800,49800,11,49828,49828,11,49856,49856,11,49884,49884,11,49912,49912,11,49940,49940,11,49968,49968,11,49996,49996,11,50024,50024,11,50052,50052,11,50080,50080,11,50108,50108,11,50136,50136,11,50164,50164,11,50192,50192,11,50220,50220,11,50248,50248,11,50276,50276,11,50304,50304,11,50332,50332,11,50360,50360,11,50388,50388,11,50416,50416,11,50444,50444,11,50472,50472,11,50500,50500,11,50528,50528,11,50556,50556,11,50584,50584,11,50612,50612,11,50640,50640,11,50668,50668,11,50696,50696,11,50724,50724,11,50752,50752,11,50780,50780,11,50808,50808,11,50836,50836,11,50864,50864,11,50892,50892,11,50920,50920,11,50948,50948,11,50976,50976,11,51004,51004,11,51032,51032,11,51060,51060,11,51088,51088,11,51116,51116,11,51144,51144,11,51172,51172,11,51200,51200,11,51228,51228,11,51256,51256,11,51284,51284,11,51312,51312,11,51340,51340,11,51368,51368,11,51396,51396,11,51424,51424,11,51452,51452,11,51480,51480,11,51508,51508,11,51536,51536,11,51564,51564,11,51592,51592,11,51620,51620,11,51648,51648,11,51676,51676,11,51704,51704,11,51732,51732,11,51760,51760,11,51788,51788,11,51816,51816,11,51844,51844,11,51872,51872,11,51900,51900,11,51928,51928,11,51956,51956,11,51984,51984,11,52012,52012,11,52040,52040,11,52068,52068,11,52096,52096,11,52124,52124,11,52152,52152,11,52180,52180,11,52208,52208,11,52236,52236,11,52264,52264,11,52292,52292,11,52320,52320,11,52348,52348,11,52376,52376,11,52404,52404,11,52432,52432,11,52460,52460,11,52488,52488,11,52516,52516,11,52544,52544,11,52572,52572,11,52600,52600,11,52628,52628,11,52656,52656,11,52684,52684,11,52712,52712,11,52740,52740,11,52768,52768,11,52796,52796,11,52824,52824,11,52852,52852,11,52880,52880,11,52908,52908,11,52936,52936,11,52964,52964,11,52992,52992,11,53020,53020,11,53048,53048,11,53076,53076,11,53104,53104,11,53132,53132,11,53160,53160,11,53188,53188,11,53216,53216,11,53244,53244,11,53272,53272,11,53300,53300,11,53328,53328,11,53356,53356,11,53384,53384,11,53412,53412,11,53440,53440,11,53468,53468,11,53496,53496,11,53524,53524,11,53552,53552,11,53580,53580,11,53608,53608,11,53636,53636,11,53664,53664,11,53692,53692,11,53720,53720,11,53748,53748,11,53776,53776,11,53804,53804,11,53832,53832,11,53860,53860,11,53888,53888,11,53916,53916,11,53944,53944,11,53972,53972,11,54000,54000,11,54028,54028,11,54056,54056,11,54084,54084,11,54112,54112,11,54140,54140,11,54168,54168,11,54196,54196,11,54224,54224,11,54252,54252,11,54280,54280,11,54308,54308,11,54336,54336,11,54364,54364,11,54392,54392,11,54420,54420,11,54448,54448,11,54476,54476,11,54504,54504,11,54532,54532,11,54560,54560,11,54588,54588,11,54616,54616,11,54644,54644,11,54672,54672,11,54700,54700,11,54728,54728,11,54756,54756,11,54784,54784,11,54812,54812,11,54840,54840,11,54868,54868,11,54896,54896,11,54924,54924,11,54952,54952,11,54980,54980,11,55008,55008,11,55036,55036,11,55064,55064,11,55092,55092,11,55120,55120,11,55148,55148,11,55176,55176,11,55216,55238,9,64286,64286,5,65056,65071,5,65438,65439,5,65529,65531,4,66272,66272,5,68097,68099,5,68108,68111,5,68159,68159,5,68900,68903,5,69446,69456,5,69632,69632,7,69634,69634,7,69744,69744,5,69759,69761,5,69808,69810,7,69815,69816,7,69821,69821,1,69837,69837,1,69927,69931,5,69933,69940,5,70003,70003,5,70018,70018,7,70070,70078,5,70082,70083,1,70094,70094,7,70188,70190,7,70194,70195,7,70197,70197,7,70206,70206,5,70368,70370,7,70400,70401,5,70459,70460,5,70463,70463,7,70465,70468,7,70475,70477,7,70498,70499,7,70512,70516,5,70712,70719,5,70722,70724,5,70726,70726,5,70832,70832,5,70835,70840,5,70842,70842,5,70845,70845,5,70847,70848,5,70850,70851,5,71088,71089,7,71096,71099,7,71102,71102,7,71132,71133,5,71219,71226,5,71229,71229,5,71231,71232,5,71340,71340,7,71342,71343,7,71350,71350,7,71453,71455,5,71462,71462,7,71724,71726,7,71736,71736,7,71984,71984,5,71991,71992,7,71997,71997,7,71999,71999,1,72001,72001,1,72003,72003,5,72148,72151,5,72156,72159,7,72164,72164,7,72243,72248,5,72250,72250,1,72263,72263,5,72279,72280,7,72324,72329,1,72343,72343,7,72751,72751,7,72760,72765,5,72767,72767,5,72873,72873,7,72881,72881,7,72884,72884,7,73009,73014,5,73020,73021,5,73030,73030,1,73098,73102,7,73107,73108,7,73110,73110,7,73459,73460,5,78896,78904,4,92976,92982,5,94033,94087,7,94180,94180,5,113821,113822,5,118528,118573,5,119141,119141,5,119143,119145,5,119150,119154,5,119163,119170,5,119210,119213,5,121344,121398,5,121461,121461,5,121499,121503,5,122880,122886,5,122907,122913,5,122918,122922,5,123566,123566,5,125136,125142,5,126976,126979,14,126981,127182,14,127184,127231,14,127279,127279,14,127344,127345,14,127374,127374,14,127405,127461,14,127489,127490,14,127514,127514,14,127538,127546,14,127561,127567,14,127570,127743,14,127757,127758,14,127760,127760,14,127762,127762,14,127766,127768,14,127770,127770,14,127772,127772,14,127775,127776,14,127778,127779,14,127789,127791,14,127794,127795,14,127798,127798,14,127819,127819,14,127824,127824,14,127868,127868,14,127870,127871,14,127892,127893,14,127896,127896,14,127900,127901,14,127904,127940,14,127942,127942,14,127944,127944,14,127946,127946,14,127951,127955,14,127968,127971,14,127973,127984,14,127987,127987,14,127989,127989,14,127991,127991,14,127995,127999,5,128008,128008,14,128012,128014,14,128017,128018,14,128020,128020,14,128022,128022,14,128042,128042,14,128063,128063,14,128065,128065,14,128101,128101,14,128108,128109,14,128173,128173,14,128182,128183,14,128236,128237,14,128239,128239,14,128245,128245,14,128248,128248,14,128253,128253,14,128255,128258,14,128260,128263,14,128265,128265,14,128277,128277,14,128300,128301,14,128326,128328,14,128331,128334,14,128336,128347,14,128360,128366,14,128369,128370,14,128378,128378,14,128391,128391,14,128394,128397,14,128400,128400,14,128405,128406,14,128420,128420,14,128422,128423,14,128425,128432,14,128435,128443,14,128445,128449,14,128453,128464,14,128468,128475,14,128479,128480,14,128482,128482,14,128484,128487,14,128489,128494,14,128496,128498,14,128500,128505,14,128507,128511,14,128513,128518,14,128521,128525,14,128527,128527,14,128529,128529,14,128533,128533,14,128535,128535,14,128537,128537,14]")}getGraphemeBreakType(e){if(e<32)return 10===e?3:13===e?2:4;if(e<127)return 0;let t=this._data,i=t.length/3,n=1;for(;n<=i;)if(et[3*n+1]))return t[3*n+2];n=2*n+1}return 0}}og._INSTANCE=null;class op{static getInstance(e){return op.cache.get(Array.from(e))}static getLocales(){return op._locales.value}constructor(e){this.confusableDictionary=e}isAmbiguous(e){return this.confusableDictionary.has(e)}getPrimaryConfusable(e){return this.confusableDictionary.get(e)}getConfusableCodePoints(){return new Set(this.confusableDictionary.keys())}}op.ambiguousCharacterData=new rF(()=>JSON.parse('{"_common":[8232,32,8233,32,5760,32,8192,32,8193,32,8194,32,8195,32,8196,32,8197,32,8198,32,8200,32,8201,32,8202,32,8287,32,8199,32,8239,32,2042,95,65101,95,65102,95,65103,95,8208,45,8209,45,8210,45,65112,45,1748,45,8259,45,727,45,8722,45,10134,45,11450,45,1549,44,1643,44,8218,44,184,44,42233,44,894,59,2307,58,2691,58,1417,58,1795,58,1796,58,5868,58,65072,58,6147,58,6153,58,8282,58,1475,58,760,58,42889,58,8758,58,720,58,42237,58,451,33,11601,33,660,63,577,63,2429,63,5038,63,42731,63,119149,46,8228,46,1793,46,1794,46,42510,46,68176,46,1632,46,1776,46,42232,46,1373,96,65287,96,8219,96,8242,96,1370,96,1523,96,8175,96,65344,96,900,96,8189,96,8125,96,8127,96,8190,96,697,96,884,96,712,96,714,96,715,96,756,96,699,96,701,96,700,96,702,96,42892,96,1497,96,2036,96,2037,96,5194,96,5836,96,94033,96,94034,96,65339,91,10088,40,10098,40,12308,40,64830,40,65341,93,10089,41,10099,41,12309,41,64831,41,10100,123,119060,123,10101,125,65342,94,8270,42,1645,42,8727,42,66335,42,5941,47,8257,47,8725,47,8260,47,9585,47,10187,47,10744,47,119354,47,12755,47,12339,47,11462,47,20031,47,12035,47,65340,92,65128,92,8726,92,10189,92,10741,92,10745,92,119311,92,119355,92,12756,92,20022,92,12034,92,42872,38,708,94,710,94,5869,43,10133,43,66203,43,8249,60,10094,60,706,60,119350,60,5176,60,5810,60,5120,61,11840,61,12448,61,42239,61,8250,62,10095,62,707,62,119351,62,5171,62,94015,62,8275,126,732,126,8128,126,8764,126,65372,124,65293,45,120784,50,120794,50,120804,50,120814,50,120824,50,130034,50,42842,50,423,50,1000,50,42564,50,5311,50,42735,50,119302,51,120785,51,120795,51,120805,51,120815,51,120825,51,130035,51,42923,51,540,51,439,51,42858,51,11468,51,1248,51,94011,51,71882,51,120786,52,120796,52,120806,52,120816,52,120826,52,130036,52,5070,52,71855,52,120787,53,120797,53,120807,53,120817,53,120827,53,130037,53,444,53,71867,53,120788,54,120798,54,120808,54,120818,54,120828,54,130038,54,11474,54,5102,54,71893,54,119314,55,120789,55,120799,55,120809,55,120819,55,120829,55,130039,55,66770,55,71878,55,2819,56,2538,56,2666,56,125131,56,120790,56,120800,56,120810,56,120820,56,120830,56,130040,56,547,56,546,56,66330,56,2663,57,2920,57,2541,57,3437,57,120791,57,120801,57,120811,57,120821,57,120831,57,130041,57,42862,57,11466,57,71884,57,71852,57,71894,57,9082,97,65345,97,119834,97,119886,97,119938,97,119990,97,120042,97,120094,97,120146,97,120198,97,120250,97,120302,97,120354,97,120406,97,120458,97,593,97,945,97,120514,97,120572,97,120630,97,120688,97,120746,97,65313,65,119808,65,119860,65,119912,65,119964,65,120016,65,120068,65,120120,65,120172,65,120224,65,120276,65,120328,65,120380,65,120432,65,913,65,120488,65,120546,65,120604,65,120662,65,120720,65,5034,65,5573,65,42222,65,94016,65,66208,65,119835,98,119887,98,119939,98,119991,98,120043,98,120095,98,120147,98,120199,98,120251,98,120303,98,120355,98,120407,98,120459,98,388,98,5071,98,5234,98,5551,98,65314,66,8492,66,119809,66,119861,66,119913,66,120017,66,120069,66,120121,66,120173,66,120225,66,120277,66,120329,66,120381,66,120433,66,42932,66,914,66,120489,66,120547,66,120605,66,120663,66,120721,66,5108,66,5623,66,42192,66,66178,66,66209,66,66305,66,65347,99,8573,99,119836,99,119888,99,119940,99,119992,99,120044,99,120096,99,120148,99,120200,99,120252,99,120304,99,120356,99,120408,99,120460,99,7428,99,1010,99,11429,99,43951,99,66621,99,128844,67,71922,67,71913,67,65315,67,8557,67,8450,67,8493,67,119810,67,119862,67,119914,67,119966,67,120018,67,120174,67,120226,67,120278,67,120330,67,120382,67,120434,67,1017,67,11428,67,5087,67,42202,67,66210,67,66306,67,66581,67,66844,67,8574,100,8518,100,119837,100,119889,100,119941,100,119993,100,120045,100,120097,100,120149,100,120201,100,120253,100,120305,100,120357,100,120409,100,120461,100,1281,100,5095,100,5231,100,42194,100,8558,68,8517,68,119811,68,119863,68,119915,68,119967,68,120019,68,120071,68,120123,68,120175,68,120227,68,120279,68,120331,68,120383,68,120435,68,5024,68,5598,68,5610,68,42195,68,8494,101,65349,101,8495,101,8519,101,119838,101,119890,101,119942,101,120046,101,120098,101,120150,101,120202,101,120254,101,120306,101,120358,101,120410,101,120462,101,43826,101,1213,101,8959,69,65317,69,8496,69,119812,69,119864,69,119916,69,120020,69,120072,69,120124,69,120176,69,120228,69,120280,69,120332,69,120384,69,120436,69,917,69,120492,69,120550,69,120608,69,120666,69,120724,69,11577,69,5036,69,42224,69,71846,69,71854,69,66182,69,119839,102,119891,102,119943,102,119995,102,120047,102,120099,102,120151,102,120203,102,120255,102,120307,102,120359,102,120411,102,120463,102,43829,102,42905,102,383,102,7837,102,1412,102,119315,70,8497,70,119813,70,119865,70,119917,70,120021,70,120073,70,120125,70,120177,70,120229,70,120281,70,120333,70,120385,70,120437,70,42904,70,988,70,120778,70,5556,70,42205,70,71874,70,71842,70,66183,70,66213,70,66853,70,65351,103,8458,103,119840,103,119892,103,119944,103,120048,103,120100,103,120152,103,120204,103,120256,103,120308,103,120360,103,120412,103,120464,103,609,103,7555,103,397,103,1409,103,119814,71,119866,71,119918,71,119970,71,120022,71,120074,71,120126,71,120178,71,120230,71,120282,71,120334,71,120386,71,120438,71,1292,71,5056,71,5107,71,42198,71,65352,104,8462,104,119841,104,119945,104,119997,104,120049,104,120101,104,120153,104,120205,104,120257,104,120309,104,120361,104,120413,104,120465,104,1211,104,1392,104,5058,104,65320,72,8459,72,8460,72,8461,72,119815,72,119867,72,119919,72,120023,72,120179,72,120231,72,120283,72,120335,72,120387,72,120439,72,919,72,120494,72,120552,72,120610,72,120668,72,120726,72,11406,72,5051,72,5500,72,42215,72,66255,72,731,105,9075,105,65353,105,8560,105,8505,105,8520,105,119842,105,119894,105,119946,105,119998,105,120050,105,120102,105,120154,105,120206,105,120258,105,120310,105,120362,105,120414,105,120466,105,120484,105,618,105,617,105,953,105,8126,105,890,105,120522,105,120580,105,120638,105,120696,105,120754,105,1110,105,42567,105,1231,105,43893,105,5029,105,71875,105,65354,106,8521,106,119843,106,119895,106,119947,106,119999,106,120051,106,120103,106,120155,106,120207,106,120259,106,120311,106,120363,106,120415,106,120467,106,1011,106,1112,106,65322,74,119817,74,119869,74,119921,74,119973,74,120025,74,120077,74,120129,74,120181,74,120233,74,120285,74,120337,74,120389,74,120441,74,42930,74,895,74,1032,74,5035,74,5261,74,42201,74,119844,107,119896,107,119948,107,120000,107,120052,107,120104,107,120156,107,120208,107,120260,107,120312,107,120364,107,120416,107,120468,107,8490,75,65323,75,119818,75,119870,75,119922,75,119974,75,120026,75,120078,75,120130,75,120182,75,120234,75,120286,75,120338,75,120390,75,120442,75,922,75,120497,75,120555,75,120613,75,120671,75,120729,75,11412,75,5094,75,5845,75,42199,75,66840,75,1472,108,8739,73,9213,73,65512,73,1633,108,1777,73,66336,108,125127,108,120783,73,120793,73,120803,73,120813,73,120823,73,130033,73,65321,73,8544,73,8464,73,8465,73,119816,73,119868,73,119920,73,120024,73,120128,73,120180,73,120232,73,120284,73,120336,73,120388,73,120440,73,65356,108,8572,73,8467,108,119845,108,119897,108,119949,108,120001,108,120053,108,120105,73,120157,73,120209,73,120261,73,120313,73,120365,73,120417,73,120469,73,448,73,120496,73,120554,73,120612,73,120670,73,120728,73,11410,73,1030,73,1216,73,1493,108,1503,108,1575,108,126464,108,126592,108,65166,108,65165,108,1994,108,11599,73,5825,73,42226,73,93992,73,66186,124,66313,124,119338,76,8556,76,8466,76,119819,76,119871,76,119923,76,120027,76,120079,76,120131,76,120183,76,120235,76,120287,76,120339,76,120391,76,120443,76,11472,76,5086,76,5290,76,42209,76,93974,76,71843,76,71858,76,66587,76,66854,76,65325,77,8559,77,8499,77,119820,77,119872,77,119924,77,120028,77,120080,77,120132,77,120184,77,120236,77,120288,77,120340,77,120392,77,120444,77,924,77,120499,77,120557,77,120615,77,120673,77,120731,77,1018,77,11416,77,5047,77,5616,77,5846,77,42207,77,66224,77,66321,77,119847,110,119899,110,119951,110,120003,110,120055,110,120107,110,120159,110,120211,110,120263,110,120315,110,120367,110,120419,110,120471,110,1400,110,1404,110,65326,78,8469,78,119821,78,119873,78,119925,78,119977,78,120029,78,120081,78,120185,78,120237,78,120289,78,120341,78,120393,78,120445,78,925,78,120500,78,120558,78,120616,78,120674,78,120732,78,11418,78,42208,78,66835,78,3074,111,3202,111,3330,111,3458,111,2406,111,2662,111,2790,111,3046,111,3174,111,3302,111,3430,111,3664,111,3792,111,4160,111,1637,111,1781,111,65359,111,8500,111,119848,111,119900,111,119952,111,120056,111,120108,111,120160,111,120212,111,120264,111,120316,111,120368,111,120420,111,120472,111,7439,111,7441,111,43837,111,959,111,120528,111,120586,111,120644,111,120702,111,120760,111,963,111,120532,111,120590,111,120648,111,120706,111,120764,111,11423,111,4351,111,1413,111,1505,111,1607,111,126500,111,126564,111,126596,111,65259,111,65260,111,65258,111,65257,111,1726,111,64428,111,64429,111,64427,111,64426,111,1729,111,64424,111,64425,111,64423,111,64422,111,1749,111,3360,111,4125,111,66794,111,71880,111,71895,111,66604,111,1984,79,2534,79,2918,79,12295,79,70864,79,71904,79,120782,79,120792,79,120802,79,120812,79,120822,79,130032,79,65327,79,119822,79,119874,79,119926,79,119978,79,120030,79,120082,79,120134,79,120186,79,120238,79,120290,79,120342,79,120394,79,120446,79,927,79,120502,79,120560,79,120618,79,120676,79,120734,79,11422,79,1365,79,11604,79,4816,79,2848,79,66754,79,42227,79,71861,79,66194,79,66219,79,66564,79,66838,79,9076,112,65360,112,119849,112,119901,112,119953,112,120005,112,120057,112,120109,112,120161,112,120213,112,120265,112,120317,112,120369,112,120421,112,120473,112,961,112,120530,112,120544,112,120588,112,120602,112,120646,112,120660,112,120704,112,120718,112,120762,112,120776,112,11427,112,65328,80,8473,80,119823,80,119875,80,119927,80,119979,80,120031,80,120083,80,120187,80,120239,80,120291,80,120343,80,120395,80,120447,80,929,80,120504,80,120562,80,120620,80,120678,80,120736,80,11426,80,5090,80,5229,80,42193,80,66197,80,119850,113,119902,113,119954,113,120006,113,120058,113,120110,113,120162,113,120214,113,120266,113,120318,113,120370,113,120422,113,120474,113,1307,113,1379,113,1382,113,8474,81,119824,81,119876,81,119928,81,119980,81,120032,81,120084,81,120188,81,120240,81,120292,81,120344,81,120396,81,120448,81,11605,81,119851,114,119903,114,119955,114,120007,114,120059,114,120111,114,120163,114,120215,114,120267,114,120319,114,120371,114,120423,114,120475,114,43847,114,43848,114,7462,114,11397,114,43905,114,119318,82,8475,82,8476,82,8477,82,119825,82,119877,82,119929,82,120033,82,120189,82,120241,82,120293,82,120345,82,120397,82,120449,82,422,82,5025,82,5074,82,66740,82,5511,82,42211,82,94005,82,65363,115,119852,115,119904,115,119956,115,120008,115,120060,115,120112,115,120164,115,120216,115,120268,115,120320,115,120372,115,120424,115,120476,115,42801,115,445,115,1109,115,43946,115,71873,115,66632,115,65331,83,119826,83,119878,83,119930,83,119982,83,120034,83,120086,83,120138,83,120190,83,120242,83,120294,83,120346,83,120398,83,120450,83,1029,83,1359,83,5077,83,5082,83,42210,83,94010,83,66198,83,66592,83,119853,116,119905,116,119957,116,120009,116,120061,116,120113,116,120165,116,120217,116,120269,116,120321,116,120373,116,120425,116,120477,116,8868,84,10201,84,128872,84,65332,84,119827,84,119879,84,119931,84,119983,84,120035,84,120087,84,120139,84,120191,84,120243,84,120295,84,120347,84,120399,84,120451,84,932,84,120507,84,120565,84,120623,84,120681,84,120739,84,11430,84,5026,84,42196,84,93962,84,71868,84,66199,84,66225,84,66325,84,119854,117,119906,117,119958,117,120010,117,120062,117,120114,117,120166,117,120218,117,120270,117,120322,117,120374,117,120426,117,120478,117,42911,117,7452,117,43854,117,43858,117,651,117,965,117,120534,117,120592,117,120650,117,120708,117,120766,117,1405,117,66806,117,71896,117,8746,85,8899,85,119828,85,119880,85,119932,85,119984,85,120036,85,120088,85,120140,85,120192,85,120244,85,120296,85,120348,85,120400,85,120452,85,1357,85,4608,85,66766,85,5196,85,42228,85,94018,85,71864,85,8744,118,8897,118,65366,118,8564,118,119855,118,119907,118,119959,118,120011,118,120063,118,120115,118,120167,118,120219,118,120271,118,120323,118,120375,118,120427,118,120479,118,7456,118,957,118,120526,118,120584,118,120642,118,120700,118,120758,118,1141,118,1496,118,71430,118,43945,118,71872,118,119309,86,1639,86,1783,86,8548,86,119829,86,119881,86,119933,86,119985,86,120037,86,120089,86,120141,86,120193,86,120245,86,120297,86,120349,86,120401,86,120453,86,1140,86,11576,86,5081,86,5167,86,42719,86,42214,86,93960,86,71840,86,66845,86,623,119,119856,119,119908,119,119960,119,120012,119,120064,119,120116,119,120168,119,120220,119,120272,119,120324,119,120376,119,120428,119,120480,119,7457,119,1121,119,1309,119,1377,119,71434,119,71438,119,71439,119,43907,119,71919,87,71910,87,119830,87,119882,87,119934,87,119986,87,120038,87,120090,87,120142,87,120194,87,120246,87,120298,87,120350,87,120402,87,120454,87,1308,87,5043,87,5076,87,42218,87,5742,120,10539,120,10540,120,10799,120,65368,120,8569,120,119857,120,119909,120,119961,120,120013,120,120065,120,120117,120,120169,120,120221,120,120273,120,120325,120,120377,120,120429,120,120481,120,5441,120,5501,120,5741,88,9587,88,66338,88,71916,88,65336,88,8553,88,119831,88,119883,88,119935,88,119987,88,120039,88,120091,88,120143,88,120195,88,120247,88,120299,88,120351,88,120403,88,120455,88,42931,88,935,88,120510,88,120568,88,120626,88,120684,88,120742,88,11436,88,11613,88,5815,88,42219,88,66192,88,66228,88,66327,88,66855,88,611,121,7564,121,65369,121,119858,121,119910,121,119962,121,120014,121,120066,121,120118,121,120170,121,120222,121,120274,121,120326,121,120378,121,120430,121,120482,121,655,121,7935,121,43866,121,947,121,8509,121,120516,121,120574,121,120632,121,120690,121,120748,121,1199,121,4327,121,71900,121,65337,89,119832,89,119884,89,119936,89,119988,89,120040,89,120092,89,120144,89,120196,89,120248,89,120300,89,120352,89,120404,89,120456,89,933,89,978,89,120508,89,120566,89,120624,89,120682,89,120740,89,11432,89,1198,89,5033,89,5053,89,42220,89,94019,89,71844,89,66226,89,119859,122,119911,122,119963,122,120015,122,120067,122,120119,122,120171,122,120223,122,120275,122,120327,122,120379,122,120431,122,120483,122,7458,122,43923,122,71876,122,66293,90,71909,90,65338,90,8484,90,8488,90,119833,90,119885,90,119937,90,119989,90,120041,90,120197,90,120249,90,120301,90,120353,90,120405,90,120457,90,918,90,120493,90,120551,90,120609,90,120667,90,120725,90,5059,90,42204,90,71849,90,65282,34,65284,36,65285,37,65286,38,65290,42,65291,43,65294,46,65295,47,65296,48,65297,49,65298,50,65299,51,65300,52,65301,53,65302,54,65303,55,65304,56,65305,57,65308,60,65309,61,65310,62,65312,64,65316,68,65318,70,65319,71,65324,76,65329,81,65330,82,65333,85,65334,86,65335,87,65343,95,65346,98,65348,100,65350,102,65355,107,65357,109,65358,110,65361,113,65362,114,65364,116,65365,117,65367,119,65370,122,65371,123,65373,125,119846,109],"_default":[160,32,8211,45,65374,126,65306,58,65281,33,8216,96,8217,96,8245,96,180,96,12494,47,1047,51,1073,54,1072,97,1040,65,1068,98,1042,66,1089,99,1057,67,1077,101,1045,69,1053,72,305,105,1050,75,921,73,1052,77,1086,111,1054,79,1009,112,1088,112,1056,80,1075,114,1058,84,215,120,1093,120,1061,88,1091,121,1059,89,65283,35,65288,40,65289,41,65292,44,65307,59,65311,63],"cs":[65374,126,65306,58,65281,33,8216,96,8217,96,8245,96,180,96,12494,47,1047,51,1073,54,1072,97,1040,65,1068,98,1042,66,1089,99,1057,67,1077,101,1045,69,1053,72,305,105,1050,75,921,73,1052,77,1086,111,1054,79,1009,112,1088,112,1056,80,1075,114,1058,84,1093,120,1061,88,1091,121,1059,89,65283,35,65288,40,65289,41,65292,44,65307,59,65311,63],"de":[65374,126,65306,58,65281,33,8216,96,8217,96,8245,96,180,96,12494,47,1047,51,1073,54,1072,97,1040,65,1068,98,1042,66,1089,99,1057,67,1077,101,1045,69,1053,72,305,105,1050,75,921,73,1052,77,1086,111,1054,79,1009,112,1088,112,1056,80,1075,114,1058,84,1093,120,1061,88,1091,121,1059,89,65283,35,65288,40,65289,41,65292,44,65307,59,65311,63],"es":[8211,45,65374,126,65306,58,65281,33,8245,96,180,96,12494,47,1047,51,1073,54,1072,97,1040,65,1068,98,1042,66,1089,99,1057,67,1077,101,1045,69,1053,72,305,105,1050,75,1052,77,1086,111,1054,79,1009,112,1088,112,1056,80,1075,114,1058,84,215,120,1093,120,1061,88,1091,121,1059,89,65283,35,65288,40,65289,41,65292,44,65307,59,65311,63],"fr":[65374,126,65306,58,65281,33,8216,96,8245,96,12494,47,1047,51,1073,54,1072,97,1040,65,1068,98,1042,66,1089,99,1057,67,1077,101,1045,69,1053,72,305,105,1050,75,921,73,1052,77,1086,111,1054,79,1009,112,1088,112,1056,80,1075,114,1058,84,215,120,1093,120,1061,88,1091,121,1059,89,65283,35,65288,40,65289,41,65292,44,65307,59,65311,63],"it":[160,32,8211,45,65374,126,65306,58,65281,33,8216,96,8245,96,180,96,12494,47,1047,51,1073,54,1072,97,1040,65,1068,98,1042,66,1089,99,1057,67,1077,101,1045,69,1053,72,305,105,1050,75,921,73,1052,77,1086,111,1054,79,1009,112,1088,112,1056,80,1075,114,1058,84,215,120,1093,120,1061,88,1091,121,1059,89,65283,35,65288,40,65289,41,65292,44,65307,59,65311,63],"ja":[8211,45,65306,58,65281,33,8216,96,8217,96,8245,96,180,96,1047,51,1073,54,1072,97,1040,65,1068,98,1042,66,1089,99,1057,67,1077,101,1045,69,1053,72,305,105,1050,75,921,73,1052,77,1086,111,1054,79,1009,112,1088,112,1056,80,1075,114,1058,84,215,120,1093,120,1061,88,1091,121,1059,89,65283,35,65292,44,65307,59],"ko":[8211,45,65374,126,65306,58,65281,33,8245,96,180,96,12494,47,1047,51,1073,54,1072,97,1040,65,1068,98,1042,66,1089,99,1057,67,1077,101,1045,69,1053,72,305,105,1050,75,921,73,1052,77,1086,111,1054,79,1009,112,1088,112,1056,80,1075,114,1058,84,215,120,1093,120,1061,88,1091,121,1059,89,65283,35,65288,40,65289,41,65292,44,65307,59,65311,63],"pl":[65374,126,65306,58,65281,33,8216,96,8217,96,8245,96,180,96,12494,47,1047,51,1073,54,1072,97,1040,65,1068,98,1042,66,1089,99,1057,67,1077,101,1045,69,1053,72,305,105,1050,75,921,73,1052,77,1086,111,1054,79,1009,112,1088,112,1056,80,1075,114,1058,84,215,120,1093,120,1061,88,1091,121,1059,89,65283,35,65288,40,65289,41,65292,44,65307,59,65311,63],"pt-BR":[65374,126,65306,58,65281,33,8216,96,8217,96,8245,96,180,96,12494,47,1047,51,1073,54,1072,97,1040,65,1068,98,1042,66,1089,99,1057,67,1077,101,1045,69,1053,72,305,105,1050,75,921,73,1052,77,1086,111,1054,79,1009,112,1088,112,1056,80,1075,114,1058,84,215,120,1093,120,1061,88,1091,121,1059,89,65283,35,65288,40,65289,41,65292,44,65307,59,65311,63],"qps-ploc":[160,32,8211,45,65374,126,65306,58,65281,33,8216,96,8217,96,8245,96,180,96,12494,47,1047,51,1073,54,1072,97,1040,65,1068,98,1042,66,1089,99,1057,67,1077,101,1045,69,1053,72,305,105,1050,75,921,73,1052,77,1086,111,1054,79,1088,112,1056,80,1075,114,1058,84,215,120,1093,120,1061,88,1091,121,1059,89,65283,35,65288,40,65289,41,65292,44,65307,59,65311,63],"ru":[65374,126,65306,58,65281,33,8216,96,8217,96,8245,96,180,96,12494,47,305,105,921,73,1009,112,215,120,65283,35,65288,40,65289,41,65292,44,65307,59,65311,63],"tr":[160,32,8211,45,65374,126,65306,58,65281,33,8245,96,180,96,12494,47,1047,51,1073,54,1072,97,1040,65,1068,98,1042,66,1089,99,1057,67,1077,101,1045,69,1053,72,1050,75,921,73,1052,77,1086,111,1054,79,1009,112,1088,112,1056,80,1075,114,1058,84,215,120,1093,120,1061,88,1091,121,1059,89,65283,35,65288,40,65289,41,65292,44,65307,59,65311,63],"zh-hans":[65374,126,65306,58,65281,33,8245,96,180,96,12494,47,1047,51,1073,54,1072,97,1040,65,1068,98,1042,66,1089,99,1057,67,1077,101,1045,69,1053,72,305,105,1050,75,921,73,1052,77,1086,111,1054,79,1009,112,1088,112,1056,80,1075,114,1058,84,215,120,1093,120,1061,88,1091,121,1059,89,65288,40,65289,41],"zh-hant":[8211,45,65374,126,180,96,12494,47,1047,51,1073,54,1072,97,1040,65,1068,98,1042,66,1089,99,1057,67,1077,101,1045,69,1053,72,305,105,1050,75,921,73,1052,77,1086,111,1054,79,1009,112,1088,112,1056,80,1075,114,1058,84,215,120,1093,120,1061,88,1091,121,1059,89,65283,35,65307,59]}')),op.cache=new class{constructor(e){this.fn=e,this.lastCache=void 0,this.lastArgKey=void 0}get(e){let t=JSON.stringify(e);return this.lastArgKey!==t&&(this.lastArgKey=t,this.lastCache=this.fn(e)),this.lastCache}}(e=>{let t;function i(e){let t=new Map;for(let i=0;i!e.startsWith("_")&&e in n);for(let e of(0===r.length&&(r=["_default"]),r)){let r=i(n[e]);t=function(e,t){if(!e)return t;let i=new Map;for(let[n,r]of e)t.has(n)&&i.set(n,r);return i}(t,r)}let o=i(n._common),s=function(e,t){let i=new Map(e);for(let[e,n]of t)i.set(e,n);return i}(o,t);return new op(s)}),op._locales=new rF(()=>Object.keys(op.ambiguousCharacterData.value).filter(e=>!e.startsWith("_")));class om{static getRawData(){return JSON.parse("[9,10,11,12,13,32,127,160,173,847,1564,4447,4448,6068,6069,6155,6156,6157,6158,7355,7356,8192,8193,8194,8195,8196,8197,8198,8199,8200,8201,8202,8203,8204,8205,8206,8207,8234,8235,8236,8237,8238,8239,8287,8288,8289,8290,8291,8292,8293,8294,8295,8296,8297,8298,8299,8300,8301,8302,8303,10240,12288,12644,65024,65025,65026,65027,65028,65029,65030,65031,65032,65033,65034,65035,65036,65037,65038,65039,65279,65440,65520,65521,65522,65523,65524,65525,65526,65527,65528,65532,78844,119155,119156,119157,119158,119159,119160,119161,119162,917504,917505,917506,917507,917508,917509,917510,917511,917512,917513,917514,917515,917516,917517,917518,917519,917520,917521,917522,917523,917524,917525,917526,917527,917528,917529,917530,917531,917532,917533,917534,917535,917536,917537,917538,917539,917540,917541,917542,917543,917544,917545,917546,917547,917548,917549,917550,917551,917552,917553,917554,917555,917556,917557,917558,917559,917560,917561,917562,917563,917564,917565,917566,917567,917568,917569,917570,917571,917572,917573,917574,917575,917576,917577,917578,917579,917580,917581,917582,917583,917584,917585,917586,917587,917588,917589,917590,917591,917592,917593,917594,917595,917596,917597,917598,917599,917600,917601,917602,917603,917604,917605,917606,917607,917608,917609,917610,917611,917612,917613,917614,917615,917616,917617,917618,917619,917620,917621,917622,917623,917624,917625,917626,917627,917628,917629,917630,917631,917760,917761,917762,917763,917764,917765,917766,917767,917768,917769,917770,917771,917772,917773,917774,917775,917776,917777,917778,917779,917780,917781,917782,917783,917784,917785,917786,917787,917788,917789,917790,917791,917792,917793,917794,917795,917796,917797,917798,917799,917800,917801,917802,917803,917804,917805,917806,917807,917808,917809,917810,917811,917812,917813,917814,917815,917816,917817,917818,917819,917820,917821,917822,917823,917824,917825,917826,917827,917828,917829,917830,917831,917832,917833,917834,917835,917836,917837,917838,917839,917840,917841,917842,917843,917844,917845,917846,917847,917848,917849,917850,917851,917852,917853,917854,917855,917856,917857,917858,917859,917860,917861,917862,917863,917864,917865,917866,917867,917868,917869,917870,917871,917872,917873,917874,917875,917876,917877,917878,917879,917880,917881,917882,917883,917884,917885,917886,917887,917888,917889,917890,917891,917892,917893,917894,917895,917896,917897,917898,917899,917900,917901,917902,917903,917904,917905,917906,917907,917908,917909,917910,917911,917912,917913,917914,917915,917916,917917,917918,917919,917920,917921,917922,917923,917924,917925,917926,917927,917928,917929,917930,917931,917932,917933,917934,917935,917936,917937,917938,917939,917940,917941,917942,917943,917944,917945,917946,917947,917948,917949,917950,917951,917952,917953,917954,917955,917956,917957,917958,917959,917960,917961,917962,917963,917964,917965,917966,917967,917968,917969,917970,917971,917972,917973,917974,917975,917976,917977,917978,917979,917980,917981,917982,917983,917984,917985,917986,917987,917988,917989,917990,917991,917992,917993,917994,917995,917996,917997,917998,917999]")}static getData(){return this._data||(this._data=new Set(om.getRawData())),this._data}static isInvisibleCharacter(e){return om.getData().has(e)}static get codePoints(){return om.getData()}}om._data=void 0;class o_{constructor(){this._zoomFactor=1}getZoomFactor(){return this._zoomFactor}}o_.INSTANCE=new o_;class oE extends nc{constructor(){super(),this._onDidChange=this._register(new ny),this.onDidChange=this._onDidChange.event,this._listener=()=>this._handleChange(!0),this._mediaQueryList=null,this._handleChange(!1)}_handleChange(e){var t;null===(t=this._mediaQueryList)||void 0===t||t.removeEventListener("change",this._listener),this._mediaQueryList=window.matchMedia(`(resolution: ${window.devicePixelRatio}dppx)`),this._mediaQueryList.addEventListener("change",this._listener),e&&this._onDidChange.fire()}}class ov extends nc{get value(){return this._value}constructor(){super(),this._onDidChange=this._register(new ny),this.onDidChange=this._onDidChange.event,this._value=this._getPixelRatio();let e=this._register(new oE);this._register(e.onDidChange(()=>{this._value=this._getPixelRatio(),this._onDidChange.fire(this._value)}))}_getPixelRatio(){let e=document.createElement("canvas").getContext("2d"),t=window.devicePixelRatio||1,i=e.webkitBackingStorePixelRatio||e.mozBackingStorePixelRatio||e.msBackingStorePixelRatio||e.oBackingStorePixelRatio||e.backingStorePixelRatio||1;return t/i}}function ob(e,t){"string"==typeof e&&(e=window.matchMedia(e)),e.addEventListener("change",t)}let oC=new class{constructor(){this._pixelRatioMonitor=null}_getOrCreatePixelRatioMonitor(){return this._pixelRatioMonitor||(this._pixelRatioMonitor=new ov),this._pixelRatioMonitor}get value(){return this._getOrCreatePixelRatioMonitor().value}get onDidChange(){return this._getOrCreatePixelRatioMonitor().onDidChange}},oS=navigator.userAgent,oy=oS.indexOf("Firefox")>=0,oT=oS.indexOf("AppleWebKit")>=0,oR=oS.indexOf("Chrome")>=0,oA=!oR&&oS.indexOf("Safari")>=0,oN=!oR&&!oA&&oT;oS.indexOf("Electron/");let oO=oS.indexOf("Android")>=0,oL=!1;if(window.matchMedia){let e=window.matchMedia("(display-mode: standalone) or (display-mode: window-controls-overlay)"),t=window.matchMedia("(display-mode: fullscreen)");oL=e.matches,ob(e,({matches:e})=>{oL&&t.matches||(oL=e)})}class oI{constructor(e){this.domNode=e,this._maxWidth="",this._width="",this._height="",this._top="",this._left="",this._bottom="",this._right="",this._paddingLeft="",this._fontFamily="",this._fontWeight="",this._fontSize="",this._fontStyle="",this._fontFeatureSettings="",this._fontVariationSettings="",this._textDecoration="",this._lineHeight="",this._letterSpacing="",this._className="",this._display="",this._position="",this._visibility="",this._color="",this._backgroundColor="",this._layerHint=!1,this._contain="none",this._boxShadow=""}setMaxWidth(e){let t=ow(e);this._maxWidth!==t&&(this._maxWidth=t,this.domNode.style.maxWidth=this._maxWidth)}setWidth(e){let t=ow(e);this._width!==t&&(this._width=t,this.domNode.style.width=this._width)}setHeight(e){let t=ow(e);this._height!==t&&(this._height=t,this.domNode.style.height=this._height)}setTop(e){let t=ow(e);this._top!==t&&(this._top=t,this.domNode.style.top=this._top)}setLeft(e){let t=ow(e);this._left!==t&&(this._left=t,this.domNode.style.left=this._left)}setBottom(e){let t=ow(e);this._bottom!==t&&(this._bottom=t,this.domNode.style.bottom=this._bottom)}setRight(e){let t=ow(e);this._right!==t&&(this._right=t,this.domNode.style.right=this._right)}setPaddingLeft(e){let t=ow(e);this._paddingLeft!==t&&(this._paddingLeft=t,this.domNode.style.paddingLeft=this._paddingLeft)}setFontFamily(e){this._fontFamily!==e&&(this._fontFamily=e,this.domNode.style.fontFamily=this._fontFamily)}setFontWeight(e){this._fontWeight!==e&&(this._fontWeight=e,this.domNode.style.fontWeight=this._fontWeight)}setFontSize(e){let t=ow(e);this._fontSize!==t&&(this._fontSize=t,this.domNode.style.fontSize=this._fontSize)}setFontStyle(e){this._fontStyle!==e&&(this._fontStyle=e,this.domNode.style.fontStyle=this._fontStyle)}setFontFeatureSettings(e){this._fontFeatureSettings!==e&&(this._fontFeatureSettings=e,this.domNode.style.fontFeatureSettings=this._fontFeatureSettings)}setFontVariationSettings(e){this._fontVariationSettings!==e&&(this._fontVariationSettings=e,this.domNode.style.fontVariationSettings=this._fontVariationSettings)}setTextDecoration(e){this._textDecoration!==e&&(this._textDecoration=e,this.domNode.style.textDecoration=this._textDecoration)}setLineHeight(e){let t=ow(e);this._lineHeight!==t&&(this._lineHeight=t,this.domNode.style.lineHeight=this._lineHeight)}setLetterSpacing(e){let t=ow(e);this._letterSpacing!==t&&(this._letterSpacing=t,this.domNode.style.letterSpacing=this._letterSpacing)}setClassName(e){this._className!==e&&(this._className=e,this.domNode.className=this._className)}toggleClassName(e,t){this.domNode.classList.toggle(e,t),this._className=this.domNode.className}setDisplay(e){this._display!==e&&(this._display=e,this.domNode.style.display=this._display)}setPosition(e){this._position!==e&&(this._position=e,this.domNode.style.position=this._position)}setVisibility(e){this._visibility!==e&&(this._visibility=e,this.domNode.style.visibility=this._visibility)}setColor(e){this._color!==e&&(this._color=e,this.domNode.style.color=this._color)}setBackgroundColor(e){this._backgroundColor!==e&&(this._backgroundColor=e,this.domNode.style.backgroundColor=this._backgroundColor)}setLayerHinting(e){this._layerHint!==e&&(this._layerHint=e,this.domNode.style.transform=this._layerHint?"translate3d(0px, 0px, 0px)":"")}setBoxShadow(e){this._boxShadow!==e&&(this._boxShadow=e,this.domNode.style.boxShadow=e)}setContain(e){this._contain!==e&&(this._contain=e,this.domNode.style.contain=this._contain)}setAttribute(e,t){this.domNode.setAttribute(e,t)}removeAttribute(e){this.domNode.removeAttribute(e)}appendChild(e){this.domNode.appendChild(e.domNode)}removeChild(e){this.domNode.removeChild(e.domNode)}}function ow(e){return"number"==typeof e?`${e}px`:e}function oD(e){return new oI(e)}function ox(e,t){e instanceof oI?(e.setFontFamily(t.getMassagedFontFamily()),e.setFontWeight(t.fontWeight),e.setFontSize(t.fontSize),e.setFontFeatureSettings(t.fontFeatureSettings),e.setFontVariationSettings(t.fontVariationSettings),e.setLineHeight(t.lineHeight),e.setLetterSpacing(t.letterSpacing)):(e.style.fontFamily=t.getMassagedFontFamily(),e.style.fontWeight=t.fontWeight,e.style.fontSize=t.fontSize+"px",e.style.fontFeatureSettings=t.fontFeatureSettings,e.style.fontVariationSettings=t.fontVariationSettings,e.style.lineHeight=t.lineHeight+"px",e.style.letterSpacing=t.letterSpacing+"px")}class oM{constructor(e,t){this.chr=e,this.type=t,this.width=0}fulfill(e){this.width=e}}class ok{constructor(e,t){this._bareFontInfo=e,this._requests=t,this._container=null,this._testElements=null}read(){this._createDomElements(),document.body.appendChild(this._container),this._readFromDomElements(),document.body.removeChild(this._container),this._container=null,this._testElements=null}_createDomElements(){let e=document.createElement("div");e.style.position="absolute",e.style.top="-50000px",e.style.width="50000px";let t=document.createElement("div");ox(t,this._bareFontInfo),e.appendChild(t);let i=document.createElement("div");ox(i,this._bareFontInfo),i.style.fontWeight="bold",e.appendChild(i);let n=document.createElement("div");ox(n,this._bareFontInfo),n.style.fontStyle="italic",e.appendChild(n);let r=[];for(let e of this._requests){let o;0===e.type&&(o=t),2===e.type&&(o=i),1===e.type&&(o=n),o.appendChild(document.createElement("br"));let s=document.createElement("span");ok._render(s,e),o.appendChild(s),r.push(s)}this._container=e,this._testElements=r}static _render(e,t){if(" "===t.chr){let t="\xa0";for(let e=0;e<8;e++)t+=t;e.innerText=t}else{let i=t.chr;for(let e=0;e<8;e++)i+=i;e.textContent=i}}_readFromDomElements(){for(let e=0,t=this._requests.length;ethis._values[e])}}let oV=new class extends nc{constructor(){super(),this._onDidChange=this._register(new ny),this.onDidChange=this._onDidChange.event,this._cache=new oH,this._evictUntrustedReadingsTimeout=-1}dispose(){-1!==this._evictUntrustedReadingsTimeout&&(window.clearTimeout(this._evictUntrustedReadingsTimeout),this._evictUntrustedReadingsTimeout=-1),super.dispose()}clearAllFontInfos(){this._cache=new oH,this._onDidChange.fire()}_writeToCache(e,t){this._cache.put(e,t),t.isTrusted||-1!==this._evictUntrustedReadingsTimeout||(this._evictUntrustedReadingsTimeout=window.setTimeout(()=>{this._evictUntrustedReadingsTimeout=-1,this._evictUntrustedReadings()},5e3))}_evictUntrustedReadings(){let e=this._cache.getValues(),t=!1;for(let i of e)i.isTrusted||(t=!0,this._cache.remove(i));t&&this._onDidChange.fire()}readFontInfo(e){if(!this._cache.has(e)){let t=this._actualReadFontInfo(e);(t.typicalHalfwidthCharacterWidth<=2||t.typicalFullwidthCharacterWidth<=2||t.spaceWidth<=2||t.maxDigitWidth<=2)&&(t=new oU({pixelRatio:oC.value,fontFamily:t.fontFamily,fontWeight:t.fontWeight,fontSize:t.fontSize,fontFeatureSettings:t.fontFeatureSettings,fontVariationSettings:t.fontVariationSettings,lineHeight:t.lineHeight,letterSpacing:t.letterSpacing,isMonospace:t.isMonospace,typicalHalfwidthCharacterWidth:Math.max(t.typicalHalfwidthCharacterWidth,5),typicalFullwidthCharacterWidth:Math.max(t.typicalFullwidthCharacterWidth,5),canUseHalfwidthRightwardsArrow:t.canUseHalfwidthRightwardsArrow,spaceWidth:Math.max(t.spaceWidth,5),middotWidth:Math.max(t.middotWidth,5),wsmiddotWidth:Math.max(t.wsmiddotWidth,5),maxDigitWidth:Math.max(t.maxDigitWidth,5)},!1)),this._writeToCache(e,t)}return this._cache.get(e)}_createRequest(e,t,i,n){let r=new oM(e,t);return i.push(r),null==n||n.push(r),r}_actualReadFontInfo(e){let t=[],i=[],n=this._createRequest("n",0,t,i),r=this._createRequest("m",0,t,null),o=this._createRequest(" ",0,t,i),s=this._createRequest("0",0,t,i),a=this._createRequest("1",0,t,i),l=this._createRequest("2",0,t,i),h=this._createRequest("3",0,t,i),u=this._createRequest("4",0,t,i),d=this._createRequest("5",0,t,i),c=this._createRequest("6",0,t,i),f=this._createRequest("7",0,t,i),g=this._createRequest("8",0,t,i),p=this._createRequest("9",0,t,i),m=this._createRequest("→",0,t,i),_=this._createRequest("→",0,t,null),E=this._createRequest("\xb7",0,t,i),v=this._createRequest(String.fromCharCode(11825),0,t,null),b="|/-_ilm%";for(let e=0,n=b.length;e.001){S=!1;break}}let T=!0;return S&&_.width!==y&&(T=!1),_.width>m.width&&(T=!1),new oU({pixelRatio:oC.value,fontFamily:e.fontFamily,fontWeight:e.fontWeight,fontSize:e.fontSize,fontFeatureSettings:e.fontFeatureSettings,fontVariationSettings:e.fontVariationSettings,lineHeight:e.lineHeight,letterSpacing:e.letterSpacing,isMonospace:S,typicalHalfwidthCharacterWidth:n.width,typicalFullwidthCharacterWidth:r.width,canUseHalfwidthRightwardsArrow:T,spaceWidth:o.width,middotWidth:E.width,wsmiddotWidth:v.width,maxDigitWidth:C},!0)}};(ef=tY||(tY={})).serviceIds=new Map,ef.DI_TARGET="$di$target",ef.DI_DEPENDENCIES="$di$dependencies",ef.getServiceDependencies=function(e){return e[ef.DI_DEPENDENCIES]||[]};let oW=oG("instantiationService");function oG(e){if(tY.serviceIds.has(e))return tY.serviceIds.get(e);let t=function(e,i,n){if(3!=arguments.length)throw Error("@IServiceName-decorator can only be used to decorate a parameter");e[tY.DI_TARGET]===e?e[tY.DI_DEPENDENCIES].push({id:t,index:n}):(e[tY.DI_DEPENDENCIES]=[{id:t,index:n}],e[tY.DI_TARGET]=e)};return t.toString=()=>e,tY.serviceIds.set(e,t),t}let oj=oG("codeEditorService");function oz(e,t){if(!e)throw Error(t?`Assertion failed (${t})`:"Assertion Failed")}function oK(e,t="Unreachable"){throw Error(t)}function oY(e){e()||(e(),i1(new nt("Assertion Failed")))}function o$(e,t){let i=0;for(;i\-\./\\:\*\?\+\[\]\^,#@;"%\$\p{L}-]+/uy}static getLexeme(e){switch(e.type){case 0:return"(";case 1:return")";case 2:return"!";case 3:return e.isTripleEq?"===":"==";case 4:return e.isTripleEq?"!==":"!=";case 5:return"<";case 6:return"<=";case 7:case 8:return">=";case 9:return"=~";case 10:case 17:case 18:case 19:return e.lexeme;case 11:return"true";case 12:return"false";case 13:return"in";case 14:return"not";case 15:return"&&";case 16:return"||";case 20:return"EOF";default:throw i8(`unhandled token type: ${JSON.stringify(e)}; have you forgotten to add a case?`)}}reset(e){return this._input=e,this._start=0,this._current=0,this._tokens=[],this._errors=[],this}scan(){for(;!this._isAtEnd();){this._start=this._current;let e=this._advance();switch(e){case 40:this._addToken(0);break;case 41:this._addToken(1);break;case 33:if(this._match(61)){let e=this._match(61);this._tokens.push({type:4,offset:this._start,isTripleEq:e})}else this._addToken(2);break;case 39:this._quotedString();break;case 47:this._regex();break;case 61:if(this._match(61)){let e=this._match(61);this._tokens.push({type:3,offset:this._start,isTripleEq:e})}else this._match(126)?this._addToken(9):this._error(o0("==","=~"));break;case 60:this._addToken(this._match(61)?6:5);break;case 62:this._addToken(this._match(61)?8:7);break;case 38:this._match(38)?this._addToken(15):this._error(o0("&&"));break;case 124:this._match(124)?this._addToken(16):this._error(o0("||"));break;case 32:case 13:case 9:case 10:case 160:break;default:this._string()}}return this._start=this._current,this._addToken(20),Array.from(this._tokens)}_match(e){return!this._isAtEnd()&&this._input.charCodeAt(this._current)===e&&(this._current++,!0)}_advance(){return this._input.charCodeAt(this._current++)}_peek(){return this._isAtEnd()?0:this._input.charCodeAt(this._current)}_addToken(e){this._tokens.push({type:e,offset:this._start})}_error(e){let t=this._start,i=this._input.substring(this._start,this._current),n={type:19,offset:this._start,lexeme:i};this._errors.push({offset:t,lexeme:i,additionalInfo:e}),this._tokens.push(n)}_string(){this.stringRe.lastIndex=this._start;let e=this.stringRe.exec(this._input);if(e){this._current=this._start+e[0].length;let t=this._input.substring(this._start,this._current),i=o5._keywords.get(t);i?this._addToken(i):this._tokens.push({type:17,lexeme:t,offset:this._start})}}_quotedString(){for(;39!==this._peek()&&!this._isAtEnd();)this._advance();if(this._isAtEnd()){this._error(o1);return}this._advance(),this._tokens.push({type:18,lexeme:this._input.substring(this._start+1,this._current-1),offset:this._start+1})}_regex(){let e=this._current,t=!1,i=!1;for(;;){if(e>=this._input.length){this._current=e,this._error(o2);return}let n=this._input.charCodeAt(e);if(t)t=!1;else if(47!==n||i)91===n?i=!0:92===n?t=!0:93===n&&(i=!1);else{e++;break}e++}for(;e=this._input.length}}o5._regexFlags=new Set(["i","g","s","m","y","u"].map(e=>e.charCodeAt(0))),o5._keywords=new Map([["not",14],["in",13],["false",12],["true",11]]);let o4=new Map;o4.set("false",!1),o4.set("true",!0),o4.set("isMac",nz.dz),o4.set("isLinux",nz.IJ),o4.set("isWindows",nz.ED),o4.set("isWeb",nz.$L),o4.set("isMacNative",nz.dz&&!nz.$L),o4.set("isEdge",nz.un),o4.set("isFirefox",nz.vU),o4.set("isChrome",nz.i7),o4.set("isSafari",nz.G6);let o3=Object.prototype.hasOwnProperty,o6={regexParsingWithErrorRecovery:!0},o9=(0,rN.NC)("contextkey.parser.error.emptyString","Empty context key expression"),o8=(0,rN.NC)("contextkey.parser.error.emptyString.hint","Did you forget to write an expression? You can also put 'false' or 'true' to always evaluate to false or true, respectively."),o7=(0,rN.NC)("contextkey.parser.error.noInAfterNot","'in' after 'not'."),se=(0,rN.NC)("contextkey.parser.error.closingParenthesis","closing parenthesis ')'"),st=(0,rN.NC)("contextkey.parser.error.unexpectedToken","Unexpected token"),si=(0,rN.NC)("contextkey.parser.error.unexpectedToken.hint","Did you forget to put && or || before the token?"),sn=(0,rN.NC)("contextkey.parser.error.unexpectedEOF","Unexpected end of expression"),sr=(0,rN.NC)("contextkey.parser.error.unexpectedEOF.hint","Did you forget to put a context key?");class so{constructor(e=o6){this._config=e,this._scanner=new o5,this._tokens=[],this._current=0,this._parsingErrors=[],this._flagsGYRe=/g|y/g}parse(e){if(""===e){this._parsingErrors.push({message:o9,offset:0,lexeme:"",additionalInfo:o8});return}this._tokens=this._scanner.reset(e).scan(),this._current=0,this._parsingErrors=[];try{let e=this._expr();if(!this._isAtEnd()){let e=this._peek(),t=17===e.type?si:void 0;throw this._parsingErrors.push({message:st,offset:e.offset,lexeme:o5.getLexeme(e),additionalInfo:t}),so._parseError}return e}catch(e){if(e!==so._parseError)throw e;return}}_expr(){return this._or()}_or(){let e=[this._and()];for(;this._matchOne(16);){let t=this._and();e.push(t)}return 1===e.length?e[0]:ss.or(...e)}_and(){let e=[this._term()];for(;this._matchOne(15);){let t=this._term();e.push(t)}return 1===e.length?e[0]:ss.and(...e)}_term(){if(this._matchOne(2)){let e=this._peek();switch(e.type){case 11:return this._advance(),sl.INSTANCE;case 12:return this._advance(),sh.INSTANCE;case 0:{this._advance();let e=this._expr();return this._consume(1,se),null==e?void 0:e.negate()}case 17:return this._advance(),sp.create(e.lexeme);default:throw this._errExpectedButGot("KEY | true | false | '(' expression ')'",e)}}return this._primary()}_primary(){let e=this._peek();switch(e.type){case 11:return this._advance(),ss.true();case 12:return this._advance(),ss.false();case 0:{this._advance();let e=this._expr();return this._consume(1,se),e}case 17:{let t=e.lexeme;if(this._advance(),this._matchOne(9)){let e=this._peek();if(!this._config.regexParsingWithErrorRecovery){let i;if(this._advance(),10!==e.type)throw this._errExpectedButGot("REGEX",e);let n=e.lexeme,r=n.lastIndexOf("/"),o=r===n.length-1?void 0:this._removeFlagsGY(n.substring(r+1));try{i=new RegExp(n.substring(1,r),o)}catch(t){throw this._errExpectedButGot("REGEX",e)}return sC.create(t,i)}switch(e.type){case 10:case 19:{let i;let n=[e.lexeme];this._advance();let r=this._peek(),o=0;for(let t=0;t=0){let o=i.slice(t+1,r),s="i"===i[r+1]?"i":"";try{n=new RegExp(o,s)}catch(t){throw this._errExpectedButGot("REGEX",e)}}}if(null===n)throw this._errExpectedButGot("REGEX",e);return sC.create(t,n)}default:throw this._errExpectedButGot("REGEX",this._peek())}}if(this._matchOne(14)){this._consume(13,o7);let e=this._value();return ss.notIn(t,e)}let i=this._peek().type;switch(i){case 3:{this._advance();let e=this._value();if(18===this._previous().type)return ss.equals(t,e);switch(e){case"true":return ss.has(t);case"false":return ss.not(t);default:return ss.equals(t,e)}}case 4:{this._advance();let e=this._value();if(18===this._previous().type)return ss.notEquals(t,e);switch(e){case"true":return ss.not(t);case"false":return ss.has(t);default:return ss.notEquals(t,e)}}case 5:return this._advance(),sv.create(t,this._value());case 6:return this._advance(),sb.create(t,this._value());case 7:return this._advance(),s_.create(t,this._value());case 8:return this._advance(),sE.create(t,this._value());case 13:return this._advance(),ss.in(t,this._value());default:return ss.has(t)}}case 20:throw this._parsingErrors.push({message:sn,offset:e.offset,lexeme:"",additionalInfo:sr}),so._parseError;default:throw this._errExpectedButGot(`true | false | KEY | KEY '=~' REGEX - | KEY ('==' | '!=' | '<' | '<=' | '>' | '>=' | 'in' | 'not' 'in') value`,this._peek())}}_value(){let e=this._peek();switch(e.type){case 17:case 18:return this._advance(),e.lexeme;case 11:return this._advance(),"true";case 12:return this._advance(),"false";case 13:return this._advance(),"in";default:return""}}_removeFlagsGY(e){return e.replaceAll(this._flagsGYRe,"")}_previous(){return this._tokens[this._current-1]}_matchOne(e){return!!this._check(e)&&(this._advance(),!0)}_advance(){return!this._isAtEnd()&&this._current++,this._previous()}_consume(e,t){if(this._check(e))return this._advance();throw this._errExpectedButGot(t,this._peek())}_errExpectedButGot(e,t,i){let n=(0,rN.NC)("contextkey.parser.error.expectedButGot","Expected: {0}\nReceived: '{1}'.",e,o5.getLexeme(t)),r=t.offset,o=o5.getLexeme(t);return this._parsingErrors.push({message:n,offset:r,lexeme:o,additionalInfo:i}),so._parseError}_check(e){return this._peek().type===e}_peek(){return this._tokens[this._current]}_isAtEnd(){return 20===this._peek().type}}so._parseError=Error();class ss{static false(){return sl.INSTANCE}static true(){return sh.INSTANCE}static has(e){return su.create(e)}static equals(e,t){return sd.create(e,t)}static notEquals(e,t){return sf.create(e,t)}static regex(e,t){return sb.create(e,t)}static in(e,t){return sc.create(e,t)}static notIn(e,t){return sg.create(e,t)}static not(e){return sp.create(e)}static and(...e){return sy.create(e,null,!0)}static or(...e){return sR.create(e,null,!0)}static deserialize(e){if(null==e)return;let t=this._parser.parse(e);return t}}function sa(e,t){return e.cmp(t)}ss._parser=new so({regexParsingWithErrorRecovery:!1});class sl{constructor(){this.type=0}cmp(e){return this.type-e.type}equals(e){return e.type===this.type}substituteConstants(){return this}evaluate(e){return!1}serialize(){return"false"}keys(){return[]}negate(){return sh.INSTANCE}}sl.INSTANCE=new sl;class sh{constructor(){this.type=1}cmp(e){return this.type-e.type}equals(e){return e.type===this.type}substituteConstants(){return this}evaluate(e){return!0}serialize(){return"true"}keys(){return[]}negate(){return sl.INSTANCE}}sh.INSTANCE=new sh;class su{static create(e,t=null){let i=o4.get(e);return"boolean"==typeof i?i?sh.INSTANCE:sl.INSTANCE:new su(e,t)}constructor(e,t){this.key=e,this.negated=t,this.type=2}cmp(e){var t,i;return e.type!==this.type?this.type-e.type:(t=this.key,t<(i=e.key)?-1:t>i?1:0)}equals(e){return e.type===this.type&&this.key===e.key}substituteConstants(){let e=o4.get(this.key);return"boolean"==typeof e?e?sh.INSTANCE:sl.INSTANCE:this}evaluate(e){return!!e.getValue(this.key)}serialize(){return this.key}keys(){return[this.key]}negate(){return this.negated||(this.negated=sp.create(this.key,this)),this.negated}}class sd{static create(e,t,i=null){if("boolean"==typeof t)return t?su.create(e,i):sp.create(e,i);let n=o4.get(e);return"boolean"==typeof n?t===(n?"true":"false")?sh.INSTANCE:sl.INSTANCE:new sd(e,t,i)}constructor(e,t,i){this.key=e,this.value=t,this.negated=i,this.type=4}cmp(e){return e.type!==this.type?this.type-e.type:sO(this.key,this.value,e.key,e.value)}equals(e){return e.type===this.type&&this.key===e.key&&this.value===e.value}substituteConstants(){let e=o4.get(this.key);return"boolean"==typeof e?this.value===(e?"true":"false")?sh.INSTANCE:sl.INSTANCE:this}evaluate(e){return e.getValue(this.key)==this.value}serialize(){return`${this.key} == '${this.value}'`}keys(){return[this.key]}negate(){return this.negated||(this.negated=sf.create(this.key,this.value,this)),this.negated}}class sc{static create(e,t){return new sc(e,t)}constructor(e,t){this.key=e,this.valueKey=t,this.type=10,this.negated=null}cmp(e){return e.type!==this.type?this.type-e.type:sO(this.key,this.valueKey,e.key,e.valueKey)}equals(e){return e.type===this.type&&this.key===e.key&&this.valueKey===e.valueKey}substituteConstants(){return this}evaluate(e){let t=e.getValue(this.valueKey),i=e.getValue(this.key);return Array.isArray(t)?t.includes(i):"string"==typeof i&&"object"==typeof t&&null!==t&&o3.call(t,i)}serialize(){return`${this.key} in '${this.valueKey}'`}keys(){return[this.key,this.valueKey]}negate(){return this.negated||(this.negated=sg.create(this.key,this.valueKey)),this.negated}}class sg{static create(e,t){return new sg(e,t)}constructor(e,t){this.key=e,this.valueKey=t,this.type=11,this._negated=sc.create(e,t)}cmp(e){return e.type!==this.type?this.type-e.type:this._negated.cmp(e._negated)}equals(e){return e.type===this.type&&this._negated.equals(e._negated)}substituteConstants(){return this}evaluate(e){return!this._negated.evaluate(e)}serialize(){return`${this.key} not in '${this.valueKey}'`}keys(){return this._negated.keys()}negate(){return this._negated}}class sf{static create(e,t,i=null){if("boolean"==typeof t)return t?sp.create(e,i):su.create(e,i);let n=o4.get(e);return"boolean"==typeof n?t===(n?"true":"false")?sl.INSTANCE:sh.INSTANCE:new sf(e,t,i)}constructor(e,t,i){this.key=e,this.value=t,this.negated=i,this.type=5}cmp(e){return e.type!==this.type?this.type-e.type:sO(this.key,this.value,e.key,e.value)}equals(e){return e.type===this.type&&this.key===e.key&&this.value===e.value}substituteConstants(){let e=o4.get(this.key);return"boolean"==typeof e?this.value===(e?"true":"false")?sl.INSTANCE:sh.INSTANCE:this}evaluate(e){return e.getValue(this.key)!=this.value}serialize(){return`${this.key} != '${this.value}'`}keys(){return[this.key]}negate(){return this.negated||(this.negated=sd.create(this.key,this.value,this)),this.negated}}class sp{static create(e,t=null){let i=o4.get(e);return"boolean"==typeof i?i?sl.INSTANCE:sh.INSTANCE:new sp(e,t)}constructor(e,t){this.key=e,this.negated=t,this.type=3}cmp(e){var t,i;return e.type!==this.type?this.type-e.type:(t=this.key,t<(i=e.key)?-1:t>i?1:0)}equals(e){return e.type===this.type&&this.key===e.key}substituteConstants(){let e=o4.get(this.key);return"boolean"==typeof e?e?sl.INSTANCE:sh.INSTANCE:this}evaluate(e){return!e.getValue(this.key)}serialize(){return`!${this.key}`}keys(){return[this.key]}negate(){return this.negated||(this.negated=su.create(this.key,this)),this.negated}}function sm(e,t){if("string"==typeof e){let t=parseFloat(e);isNaN(t)||(e=t)}return"string"==typeof e||"number"==typeof e?t(e):sl.INSTANCE}class s_{static create(e,t,i=null){return sm(t,t=>new s_(e,t,i))}constructor(e,t,i){this.key=e,this.value=t,this.negated=i,this.type=12}cmp(e){return e.type!==this.type?this.type-e.type:sO(this.key,this.value,e.key,e.value)}equals(e){return e.type===this.type&&this.key===e.key&&this.value===e.value}substituteConstants(){return this}evaluate(e){return"string"!=typeof this.value&&parseFloat(e.getValue(this.key))>this.value}serialize(){return`${this.key} > ${this.value}`}keys(){return[this.key]}negate(){return this.negated||(this.negated=sC.create(this.key,this.value,this)),this.negated}}class sE{static create(e,t,i=null){return sm(t,t=>new sE(e,t,i))}constructor(e,t,i){this.key=e,this.value=t,this.negated=i,this.type=13}cmp(e){return e.type!==this.type?this.type-e.type:sO(this.key,this.value,e.key,e.value)}equals(e){return e.type===this.type&&this.key===e.key&&this.value===e.value}substituteConstants(){return this}evaluate(e){return"string"!=typeof this.value&&parseFloat(e.getValue(this.key))>=this.value}serialize(){return`${this.key} >= ${this.value}`}keys(){return[this.key]}negate(){return this.negated||(this.negated=sv.create(this.key,this.value,this)),this.negated}}class sv{static create(e,t,i=null){return sm(t,t=>new sv(e,t,i))}constructor(e,t,i){this.key=e,this.value=t,this.negated=i,this.type=14}cmp(e){return e.type!==this.type?this.type-e.type:sO(this.key,this.value,e.key,e.value)}equals(e){return e.type===this.type&&this.key===e.key&&this.value===e.value}substituteConstants(){return this}evaluate(e){return"string"!=typeof this.value&&parseFloat(e.getValue(this.key))new sC(e,t,i))}constructor(e,t,i){this.key=e,this.value=t,this.negated=i,this.type=15}cmp(e){return e.type!==this.type?this.type-e.type:sO(this.key,this.value,e.key,e.value)}equals(e){return e.type===this.type&&this.key===e.key&&this.value===e.value}substituteConstants(){return this}evaluate(e){return"string"!=typeof this.value&&parseFloat(e.getValue(this.key))<=this.value}serialize(){return`${this.key} <= ${this.value}`}keys(){return[this.key]}negate(){return this.negated||(this.negated=s_.create(this.key,this.value,this)),this.negated}}class sb{static create(e,t){return new sb(e,t)}constructor(e,t){this.key=e,this.regexp=t,this.type=7,this.negated=null}cmp(e){if(e.type!==this.type)return this.type-e.type;if(this.keye.key)return 1;let t=this.regexp?this.regexp.source:"",i=e.regexp?e.regexp.source:"";return ti?1:0}equals(e){if(e.type===this.type){let t=this.regexp?this.regexp.source:"",i=e.regexp?e.regexp.source:"";return this.key===e.key&&t===i}return!1}substituteConstants(){return this}evaluate(e){let t=e.getValue(this.key);return!!this.regexp&&this.regexp.test(t)}serialize(){let e=this.regexp?`/${this.regexp.source}/${this.regexp.flags}`:"/invalid/";return`${this.key} =~ ${e}`}keys(){return[this.key]}negate(){return this.negated||(this.negated=sS.create(this)),this.negated}}class sS{static create(e){return new sS(e)}constructor(e){this._actual=e,this.type=8}cmp(e){return e.type!==this.type?this.type-e.type:this._actual.cmp(e._actual)}equals(e){return e.type===this.type&&this._actual.equals(e._actual)}substituteConstants(){return this}evaluate(e){return!this._actual.evaluate(e)}serialize(){return`!(${this._actual.serialize()})`}keys(){return this._actual.keys()}negate(){return this._actual}}function sT(e){let t=null;for(let i=0,n=e.length;ie.expr.length)return 1;for(let t=0,i=this.expr.length;t1;){let e=n[n.length-1];if(9!==e.type)break;n.pop();let t=n.pop(),r=0===n.length,o=sR.create(e.expr.map(e=>sy.create([e,t],null,i)),null,r);o&&(n.push(o),n.sort(sa))}if(1===n.length)return n[0];if(i){for(let e=0;ee.serialize()).join(" && ")}keys(){let e=[];for(let t of this.expr)e.push(...t.keys());return e}negate(){if(!this.negated){let e=[];for(let t of this.expr)e.push(t.negate());this.negated=sR.create(e,this,!0)}return this.negated}}class sR{static create(e,t,i){return sR._normalizeArr(e,t,i)}constructor(e,t){this.expr=e,this.negated=t,this.type=9}cmp(e){if(e.type!==this.type)return this.type-e.type;if(this.expr.lengthe.expr.length)return 1;for(let t=0,i=this.expr.length;te.serialize()).join(" || ")}keys(){let e=[];for(let t of this.expr)e.push(...t.keys());return e}negate(){if(!this.negated){let e=[];for(let t of this.expr)e.push(t.negate());for(;e.length>1;){let t=e.shift(),i=e.shift(),n=[];for(let e of sI(t))for(let t of sI(i))n.push(sy.create([e,t],null,!1));e.unshift(sR.create(n,null,!1))}this.negated=sR.create(e,this,!0)}return this.negated}}class sA extends su{static all(){return sA._info.values()}constructor(e,t,i){super(e,null),this._defaultValue=t,"object"==typeof i?sA._info.push(Object.assign(Object.assign({},i),{key:e})):!0!==i&&sA._info.push({key:e,description:i,type:null!=t?typeof t:void 0})}bindTo(e){return e.createKey(this.key,this._defaultValue)}getValue(e){return e.getContextKeyValue(this.key)}toNegated(){return this.negate()}isEqualTo(e){return sd.create(this.key,e)}}sA._info=[];let sN=oG("contextKeyService");function sO(e,t,i,n){return ei?1:tn?1:0}function sL(e,t){let i=0,n=0;for(;ithis._onDiffUpdated())),this._options.followsCaret&&this._register(this._editor.getModifiedEditor().onDidChangeCursorPosition(e=>{this.ignoreSelectionChange||(this._updateAccessibilityState(e.position.lineNumber),this.nextIdx=-1)})),this._init()}_init(){let e=this._editor.getLineChanges();if(!e)return}_onDiffUpdated(){this._init(),this._compute(this._editor.getLineChanges()),this.revealFirst&&null!==this._editor.getLineChanges()&&(this.revealFirst=!1,this.nextIdx=-1,this.next(1))}_compute(e){this.ranges=[],e&&e.forEach(e=>{!this._options.ignoreCharChanges&&e.charChanges?e.charChanges.forEach(e=>{this.ranges.push({rhs:!0,range:new rv(e.modifiedStartLineNumber,e.modifiedStartColumn,e.modifiedEndLineNumber,e.modifiedEndColumn)})}):0===e.modifiedEndLineNumber?this.ranges.push({rhs:!0,range:new rv(e.modifiedStartLineNumber,1,e.modifiedStartLineNumber+1,1)}):this.ranges.push({rhs:!0,range:new rv(e.modifiedStartLineNumber,1,e.modifiedEndLineNumber+1,1)})}),this.ranges.sort((e,t)=>rv.compareRangesUsingStarts(e.range,t.range)),this._onDidUpdate.fire(this)}_initIdx(e){let t=!1,i=this._editor.getPosition();if(!i){this.nextIdx=0;return}for(let n=0,r=this.ranges.length;n=this.ranges.length&&(this.nextIdx=0)):(this.nextIdx-=1,this.nextIdx<0&&(this.nextIdx=this.ranges.length-1));let i=this.ranges[this.nextIdx];this.ignoreSelectionChange=!0;try{let e=i.range.getStartPosition();this._editor.setPosition(e),this._editor.revealRangeInCenter(i.range,t),this._updateAccessibilityState(e.lineNumber,!0)}finally{this.ignoreSelectionChange=!1}}_updateAccessibilityState(e,t){var i;let n=null===(i=this._editor.getModel())||void 0===i?void 0:i.modified;if(!n)return;let r=n.getLineDecorations(e).find(e=>"line-insert"===e.options.className);if(r)this._audioCueService.playAudioCue(oQ.diffLineModified,!0);else{if(!t)return;this._audioCueService.playAudioCue(oQ.diffLineDeleted,!0)}let o=this._codeEditorService.getActiveCodeEditor();t&&o&&r&&this._accessibilityService.isScreenReaderOptimized()&&(o.setSelection({startLineNumber:e,startColumn:0,endLineNumber:e,endColumn:Number.MAX_VALUE}),o.writeScreenReaderContent("diff-navigation"))}canNavigate(){return this.ranges&&this.ranges.length>0}next(e=0){this.canNavigateNext()&&this._move(!0,e)}previous(e=0){this.canNavigatePrevious()&&this._move(!1,e)}canNavigateNext(){return this.canNavigateLoop()||this.nextIdx=0;a--)(r=e[a])&&(s=(o<3?r(s):o>3?r(t,i,s):r(t,i))||s);return o>3&&s&&Object.defineProperty(t,i,s),s}([sx(2,oX),sx(3,oj),sx(4,sw)],sk);let sP={ICodeEditor:"vs.editor.ICodeEditor",IDiffEditor:"vs.editor.IDiffEditor"};(ef=t$||(t$={}))[ef.Left=1]="Left",ef[ef.Center=2]="Center",ef[ef.Right=4]="Right",ef[ef.Full=7]="Full",(ep=tq||(tq={}))[ep.Left=1]="Left",ep[ep.Right=2]="Right",(em=tX||(tX={}))[em.Inline=1]="Inline",em[em.Gutter=2]="Gutter",(e_=tZ||(tZ={}))[e_.Both=0]="Both",e_[e_.Right=1]="Right",e_[e_.Left=2]="Left",e_[e_.None=3]="None";class sF{get originalIndentSize(){return this._indentSizeIsTabSize?"tabSize":this.indentSize}constructor(e){this._textModelResolvedOptionsBrand=void 0,this.tabSize=Math.max(1,0|e.tabSize),"tabSize"===e.indentSize?(this.indentSize=this.tabSize,this._indentSizeIsTabSize=!0):(this.indentSize=Math.max(1,0|e.indentSize),this._indentSizeIsTabSize=!1),this.insertSpaces=!!e.insertSpaces,this.defaultEOL=0|e.defaultEOL,this.trimAutoWhitespace=!!e.trimAutoWhitespace,this.bracketPairColorizationOptions=e.bracketPairColorizationOptions}equals(e){return this.tabSize===e.tabSize&&this._indentSizeIsTabSize===e._indentSizeIsTabSize&&this.indentSize===e.indentSize&&this.insertSpaces===e.insertSpaces&&this.defaultEOL===e.defaultEOL&&this.trimAutoWhitespace===e.trimAutoWhitespace&&(0,oq.fS)(this.bracketPairColorizationOptions,e.bracketPairColorizationOptions)}createChangeEvent(e){return{tabSize:this.tabSize!==e.tabSize,indentSize:this.indentSize!==e.indentSize,insertSpaces:this.insertSpaces!==e.insertSpaces,trimAutoWhitespace:this.trimAutoWhitespace!==e.trimAutoWhitespace}}}class sB{constructor(e,t){this._findMatchBrand=void 0,this.range=e,this.matches=t}}class sU{constructor(e,t,i,n,r,o){this.identifier=e,this.range=t,this.text=i,this.forceMoveMarkers=n,this.isAutoWhitespaceEdit=r,this._isTracked=o}}class sH{constructor(e,t,i){this.regex=e,this.wordSeparators=t,this.simpleSearch=i}}class sV{constructor(e,t,i){this.reverseEdits=e,this.changes=t,this.trimAutoWhitespaceLineNumbers=i}}var sW=i(270);(eE=tJ||(tJ={}))[eE.None=0]="None",eE[eE.Indent=1]="Indent",eE[eE.IndentOutdent=2]="IndentOutdent",eE[eE.Outdent=3]="Outdent";class sG{constructor(e){if(this._neutralCharacter=null,this._neutralCharacterSearched=!1,this.open=e.open,this.close=e.close,this._inString=!0,this._inComment=!0,this._inRegEx=!0,Array.isArray(e.notIn))for(let t=0,i=e.notIn.length;t0&&e.getLanguageId(s-1)===r;)s--;return new sY(e,r,s,o+1,e.getStartOffset(s),e.getEndOffset(o))}class sY{constructor(e,t,i,n,r,o){this._scopedLineTokensBrand=void 0,this._actual=e,this.languageId=t,this._firstTokenIndex=i,this._lastTokenIndex=n,this.firstCharOffset=r,this._lastCharOffset=o}getLineContent(){let e=this._actual.getLineContent();return e.substring(this.firstCharOffset,this._lastCharOffset)}getActualLineContentBefore(e){let t=this._actual.getLineContent();return t.substring(0,this.firstCharOffset+e)}getTokenCount(){return this._lastTokenIndex-this._firstTokenIndex}findTokenIndexAtOffset(e){return this._actual.findTokenIndexAtOffset(e+this.firstCharOffset)-this._firstTokenIndex}getStandardTokenType(e){return this._actual.getStandardTokenType(e+this._firstTokenIndex)}}function s$(e){return(3&e)!=0}class sq{constructor(e){if(e.autoClosingPairs?this._autoClosingPairs=e.autoClosingPairs.map(e=>new sG(e)):e.brackets?this._autoClosingPairs=e.brackets.map(e=>new sG({open:e[0],close:e[1]})):this._autoClosingPairs=[],e.__electricCharacterSupport&&e.__electricCharacterSupport.docComment){let t=e.__electricCharacterSupport.docComment;this._autoClosingPairs.push(new sG({open:t.open,close:t.close||""}))}this._autoCloseBeforeForQuotes="string"==typeof e.autoCloseBefore?e.autoCloseBefore:sq.DEFAULT_AUTOCLOSE_BEFORE_LANGUAGE_DEFINED_QUOTES,this._autoCloseBeforeForBrackets="string"==typeof e.autoCloseBefore?e.autoCloseBefore:sq.DEFAULT_AUTOCLOSE_BEFORE_LANGUAGE_DEFINED_BRACKETS,this._surroundingPairs=e.surroundingPairs||this._autoClosingPairs}getAutoClosingPairs(){return this._autoClosingPairs}getAutoCloseBeforeSet(e){return e?this._autoCloseBeforeForQuotes:this._autoCloseBeforeForBrackets}getSurroundingPairs(){return this._surroundingPairs}}sq.DEFAULT_AUTOCLOSE_BEFORE_LANGUAGE_DEFINED_QUOTES=";:.,=}])> \n ",sq.DEFAULT_AUTOCLOSE_BEFORE_LANGUAGE_DEFINED_BRACKETS="'\"`;:.,=}])> \n ";var sX=i(9488),sZ=i(21876).Buffer;let sJ=void 0!==sZ;new rF(()=>new Uint8Array(256));class sQ{static wrap(e){return sJ&&!sZ.isBuffer(e)&&(e=sZ.from(e.buffer,e.byteOffset,e.byteLength)),new sQ(e)}constructor(e){this.buffer=e,this.byteLength=this.buffer.byteLength}toString(){return sJ?this.buffer.toString():(r||(r=new TextDecoder),r.decode(this.buffer))}}function s0(e,t){return 16777216*e[t]+65536*e[t+1]+256*e[t+2]+e[t+3]}function s1(e,t,i){e[i+3]=t,t>>>=8,e[i+2]=t,t>>>=8,e[i+1]=t,t>>>=8,e[i]=t}function s2(){return o||(o=new TextDecoder("UTF-16LE")),o}function s5(){return a||(a=nz.r()?s2():(s||(s=new TextDecoder("UTF-16BE")),s)),a}class s4{constructor(e){this._capacity=0|e,this._buffer=new Uint16Array(this._capacity),this._completedStrings=null,this._bufferLength=0}reset(){this._completedStrings=null,this._bufferLength=0}build(){return null!==this._completedStrings?(this._flushBuffer(),this._completedStrings.join("")):this._buildBuffer()}_buildBuffer(){if(0===this._bufferLength)return"";let e=new Uint16Array(this._buffer.buffer,0,this._bufferLength);return s5().decode(e)}_flushBuffer(){let e=this._buildBuffer();this._bufferLength=0,null===this._completedStrings?this._completedStrings=[e]:this._completedStrings[this._completedStrings.length]=e}appendCharCode(e){let t=this._capacity-this._bufferLength;t<=1&&(0===t||r6(e))&&this._flushBuffer(),this._buffer[this._bufferLength++]=e}appendASCIICharCode(e){this._bufferLength===this._capacity&&this._flushBuffer(),this._buffer[this._bufferLength++]=e}appendString(e){let t=e.length;if(this._bufferLength+t>=this._capacity){this._flushBuffer(),this._completedStrings[this._completedStrings.length]=e;return}for(let i=0;i[e[0].toLowerCase(),e[1].toLowerCase()]);let i=[];for(let e=0;e{let[i,n]=e,[r,o]=t;return i===r||i===o||n===r||n===o},r=(e,n)=>{let r=Math.min(e,n),o=Math.max(e,n);for(let e=0;e0&&o.push({open:r,close:s})}return o}(t);for(let t of(this.brackets=i.map((t,n)=>new s3(e,n,t.open,t.close,function(e,t,i,n){let r=[];r=(r=r.concat(e)).concat(t);for(let e=0,t=r.length;e=0&&n.push(t);for(let t of o.close)t.indexOf(e)>=0&&n.push(t)}}function s7(e,t){return e.length-t.length}function s8(e){if(e.length<=1)return e;let t=[],i=new Set;for(let n of e)i.has(n)||(t.push(n),i.add(n));return t}function ae(e){let t=/^[\w ]+$/.test(e);return e=rV(e),t?`\\b${e}\\b`:e}function at(e){let t=`(${e.map(ae).join(")|(")})`;return rG(t,!0)}let ai=(v=null,C=null,function(e){return v!==e&&(C=function(e){let t=new Uint16Array(e.length),i=0;for(let n=e.length-1;n>=0;n--)t[i++]=e.charCodeAt(n);return s5().decode(t)}(v=e)),C});class an{static _findPrevBracketInText(e,t,i,n){let r=i.match(e);if(!r)return null;let o=i.length-(r.index||0),s=r[0].length,a=n+o;return new rv(t,a-s+1,t,a+1)}static findPrevBracketInRange(e,t,i,n,r){let o=ai(i),s=o.substring(i.length-r,i.length-n);return this._findPrevBracketInText(e,t,s,n)}static findNextBracketInText(e,t,i,n){let r=i.match(e);if(!r)return null;let o=r.index||0,s=r[0].length;if(0===s)return null;let a=n+o;return new rv(t,a+1,t,a+1+s)}static findNextBracketInRange(e,t,i,n,r){let o=i.substring(n,r);return this.findNextBracketInText(e,t,o,n)}}class ar{constructor(e){this._richEditBrackets=e}getElectricCharacters(){let e=[];if(this._richEditBrackets)for(let t of this._richEditBrackets.brackets)for(let i of t.close){let t=i.charAt(i.length-1);e.push(t)}return(0,sX.EB)(e)}onElectricCharacter(e,t,i){if(!this._richEditBrackets||0===this._richEditBrackets.brackets.length)return null;let n=t.findTokenIndexAtOffset(i-1);if(s$(t.getStandardTokenType(n)))return null;let r=this._richEditBrackets.reversedRegex,o=t.getLineContent().substring(0,i-1)+e,s=an.findPrevBracketInRange(r,1,o,0,o.length);if(!s)return null;let a=o.substring(s.startColumn-1,s.endColumn-1).toLowerCase(),l=this._richEditBrackets.textIsOpenBracket[a];if(l)return null;let h=t.getActualLineContentBefore(s.startColumn-1);return/^\s*$/.test(h)?{matchOpenBracket:a}:null}}function ao(e){return e.global&&(e.lastIndex=0),!0}class as{constructor(e){this._indentationRules=e}shouldIncrease(e){return!!(this._indentationRules&&this._indentationRules.increaseIndentPattern&&ao(this._indentationRules.increaseIndentPattern)&&this._indentationRules.increaseIndentPattern.test(e))}shouldDecrease(e){return!!(this._indentationRules&&this._indentationRules.decreaseIndentPattern&&ao(this._indentationRules.decreaseIndentPattern)&&this._indentationRules.decreaseIndentPattern.test(e))}shouldIndentNextLine(e){return!!(this._indentationRules&&this._indentationRules.indentNextLinePattern&&ao(this._indentationRules.indentNextLinePattern)&&this._indentationRules.indentNextLinePattern.test(e))}shouldIgnore(e){return!!(this._indentationRules&&this._indentationRules.unIndentedLinePattern&&ao(this._indentationRules.unIndentedLinePattern)&&this._indentationRules.unIndentedLinePattern.test(e))}getIndentMetadata(e){let t=0;return this.shouldIncrease(e)&&(t+=1),this.shouldDecrease(e)&&(t+=2),this.shouldIndentNextLine(e)&&(t+=4),this.shouldIgnore(e)&&(t+=8),t}}class aa{constructor(e){(e=e||{}).brackets=e.brackets||[["(",")"],["{","}"],["[","]"]],this._brackets=[],e.brackets.forEach(e=>{let t=aa._createOpenBracketRegExp(e[0]),i=aa._createCloseBracketRegExp(e[1]);t&&i&&this._brackets.push({open:e[0],openRegExp:t,close:e[1],closeRegExp:i})}),this._regExpRules=e.onEnterRules||[]}onEnter(e,t,i,n){if(e>=3)for(let e=0,r=this._regExpRules.length;e!e.reg||(e.reg.lastIndex=0,e.reg.test(e.text)));if(o)return r.action}if(e>=2&&i.length>0&&n.length>0)for(let e=0,t=this._brackets.length;e=2&&i.length>0)for(let e=0,t=this._brackets.length;e0&&"#"===e.charAt(e.length-1)?e.substring(0,e.length-1):e]=t,this._onDidChangeSchema.fire(e)}notifySchemaChanged(e){this._onDidChangeSchema.fire(e)}};am.add(aE.JSONContribution,av);let aC={Configuration:"base.contributions.configuration"},ab={properties:{},patternProperties:{}},aS={properties:{},patternProperties:{}},aT={properties:{},patternProperties:{}},ay={properties:{},patternProperties:{}},aR={properties:{},patternProperties:{}},aA={properties:{},patternProperties:{}},aN="vscode://schemas/settings/resourceLanguage",aO=am.as(aE.JSONContribution),aL="\\[([^\\]]+)\\]",aI=RegExp(aL,"g"),aw=`^(${aL})+$`,aD=new RegExp(aw);function ax(e){let t=[];if(aD.test(e)){let i=aI.exec(e);for(;null==i?void 0:i.length;){let n=i[1].trim();n&&t.push(n),i=aI.exec(e)}}return(0,sX.EB)(t)}let aM=new class{constructor(){this.overrideIdentifiers=new Set,this._onDidSchemaChange=new nT,this._onDidUpdateConfiguration=new nT,this.configurationDefaultsOverrides=new Map,this.defaultLanguageConfigurationOverridesNode={id:"defaultOverrides",title:rN.NC("defaultLanguageConfigurationOverrides.title","Default Language Configuration Overrides"),properties:{}},this.configurationContributors=[this.defaultLanguageConfigurationOverridesNode],this.resourceLanguageSettingsSchema={properties:{},patternProperties:{},additionalProperties:!0,allowTrailingCommas:!0,allowComments:!0},this.configurationProperties={},this.policyConfigurations=new Map,this.excludedConfigurationProperties={},aO.registerSchema(aN,this.resourceLanguageSettingsSchema),this.registerOverridePropertyPatternKey()}registerConfiguration(e,t=!0){this.registerConfigurations([e],t)}registerConfigurations(e,t=!0){let i=new Set;this.doRegisterConfigurations(e,t,i),aO.registerSchema(aN,this.resourceLanguageSettingsSchema),this._onDidSchemaChange.fire(),this._onDidUpdateConfiguration.fire({properties:i})}registerDefaultConfigurations(e){let t=new Set;this.doRegisterDefaultConfigurations(e,t),this._onDidSchemaChange.fire(),this._onDidUpdateConfiguration.fire({properties:t,defaultsOverrides:!0})}doRegisterDefaultConfigurations(e,t){var i;let n=[];for(let{overrides:r,source:o}of e)for(let e in r)if(t.add(e),aD.test(e)){let t=this.configurationDefaultsOverrides.get(e),s=null!==(i=null==t?void 0:t.valuesSources)&&void 0!==i?i:new Map;if(o)for(let t of Object.keys(r[e]))s.set(t,o);let a=Object.assign(Object.assign({},(null==t?void 0:t.value)||{}),r[e]);this.configurationDefaultsOverrides.set(e,{source:o,value:a,valuesSources:s});let l=e.replace(/[\[\]]/g,""),h={type:"object",default:a,description:rN.NC("defaultLanguageConfiguration.description","Configure settings to be overridden for the {0} language.",l),$ref:aN,defaultDefaultValue:a,source:rb.HD(o)?void 0:o,defaultValueSource:o};n.push(...ax(e)),this.configurationProperties[e]=h,this.defaultLanguageConfigurationOverridesNode.properties[e]=h}else{this.configurationDefaultsOverrides.set(e,{value:r[e],source:o});let t=this.configurationProperties[e];t&&(this.updatePropertyDefaultValue(e,t),this.updateSchema(e,t))}this.doRegisterOverrideIdentifiers(n)}registerOverrideIdentifiers(e){this.doRegisterOverrideIdentifiers(e),this._onDidSchemaChange.fire()}doRegisterOverrideIdentifiers(e){for(let t of e)this.overrideIdentifiers.add(t);this.updateOverridePropertyPatternKey()}doRegisterConfigurations(e,t,i){e.forEach(e=>{this.validateAndRegisterProperties(e,t,e.extensionInfo,e.restrictedProperties,void 0,i),this.configurationContributors.push(e),this.registerJSONConfiguration(e)})}validateAndRegisterProperties(e,t=!0,i,n,r=3,o){var s;r=rb.Jp(e.scope)?r:e.scope;let a=e.properties;if(a)for(let e in a){let l=a[e];if(t&&function(e,t){var i,n,r,o;return e.trim()?aD.test(e)?rN.NC("config.property.languageDefault","Cannot register '{0}'. This matches property pattern '\\\\[.*\\\\]$' for describing language specific editor settings. Use 'configurationDefaults' contribution.",e):void 0!==aM.getConfigurationProperties()[e]?rN.NC("config.property.duplicate","Cannot register '{0}'. This property is already registered.",e):(null===(i=t.policy)||void 0===i?void 0:i.name)&&void 0!==aM.getPolicyConfigurations().get(null===(n=t.policy)||void 0===n?void 0:n.name)?rN.NC("config.policy.duplicate","Cannot register '{0}'. The associated policy {1} is already registered with {2}.",e,null===(r=t.policy)||void 0===r?void 0:r.name,aM.getPolicyConfigurations().get(null===(o=t.policy)||void 0===o?void 0:o.name)):null:rN.NC("config.property.empty","Cannot register an empty property")}(e,l)){delete a[e];continue}if(l.source=i,l.defaultDefaultValue=a[e].default,this.updatePropertyDefaultValue(e,l),aD.test(e)?l.scope=void 0:(l.scope=rb.Jp(l.scope)?r:l.scope,l.restricted=rb.Jp(l.restricted)?!!(null==n?void 0:n.includes(e)):l.restricted),a[e].hasOwnProperty("included")&&!a[e].included){this.excludedConfigurationProperties[e]=a[e],delete a[e];continue}this.configurationProperties[e]=a[e],(null===(s=a[e].policy)||void 0===s?void 0:s.name)&&this.policyConfigurations.set(a[e].policy.name,e),!a[e].deprecationMessage&&a[e].markdownDeprecationMessage&&(a[e].deprecationMessage=a[e].markdownDeprecationMessage),o.add(e)}let l=e.allOf;if(l)for(let e of l)this.validateAndRegisterProperties(e,t,i,n,r,o)}getConfigurationProperties(){return this.configurationProperties}getPolicyConfigurations(){return this.policyConfigurations}registerJSONConfiguration(e){let t=e=>{let i=e.properties;if(i)for(let e in i)this.updateSchema(e,i[e]);let n=e.allOf;null==n||n.forEach(t)};t(e)}updateSchema(e,t){switch(ab.properties[e]=t,t.scope){case 1:aS.properties[e]=t;break;case 2:aT.properties[e]=t;break;case 6:ay.properties[e]=t;break;case 3:aR.properties[e]=t;break;case 4:aA.properties[e]=t;break;case 5:aA.properties[e]=t,this.resourceLanguageSettingsSchema.properties[e]=t}}updateOverridePropertyPatternKey(){for(let e of this.overrideIdentifiers.values()){let t=`[${e}]`,i={type:"object",description:rN.NC("overrideSettings.defaultDescription","Configure editor settings to be overridden for a language."),errorMessage:rN.NC("overrideSettings.errorMessage","This setting does not support per-language configuration."),$ref:aN};this.updatePropertyDefaultValue(t,i),ab.properties[t]=i,aS.properties[t]=i,aT.properties[t]=i,ay.properties[t]=i,aR.properties[t]=i,aA.properties[t]=i}}registerOverridePropertyPatternKey(){let e={type:"object",description:rN.NC("overrideSettings.defaultDescription","Configure editor settings to be overridden for a language."),errorMessage:rN.NC("overrideSettings.errorMessage","This setting does not support per-language configuration."),$ref:aN};ab.patternProperties[aw]=e,aS.patternProperties[aw]=e,aT.patternProperties[aw]=e,ay.patternProperties[aw]=e,aR.patternProperties[aw]=e,aA.patternProperties[aw]=e,this._onDidSchemaChange.fire()}updatePropertyDefaultValue(e,t){let i=this.configurationDefaultsOverrides.get(e),n=null==i?void 0:i.value,r=null==i?void 0:i.source;rb.o8(n)&&(n=t.defaultDefaultValue,r=void 0),rb.o8(n)&&(n=function(e){let t=Array.isArray(e)?e[0]:e;switch(t){case"boolean":return!1;case"integer":case"number":return 0;case"string":return"";case"array":return[];case"object":return{};default:return null}}(t.type)),t.default=n,t.defaultValueSource=r}};am.add(aC.Configuration,aM);let ak=new class{constructor(){this._onDidChangeLanguages=new nT,this.onDidChangeLanguages=this._onDidChangeLanguages.event,this._languages=[]}registerLanguage(e){return this._languages.push(e),this._onDidChangeLanguages.fire(void 0),{dispose:()=>{for(let t=0,i=this._languages.length;t{let t=new Set;return{info:new aH(this,e,t),closing:t}}),r=new rP(e=>{let t=new Set,i=new Set;return{info:new aV(this,e,t,i),opening:t,openingColorized:i}});for(let[e,t]of i){let i=n.get(e),o=r.get(t);i.closing.add(o.info),o.opening.add(i.info)}let o=t.colorizedBracketPairs?aB(t.colorizedBracketPairs):i.filter(e=>!("<"===e[0]&&">"===e[1]));for(let[e,t]of o){let i=n.get(e),o=r.get(t);i.closing.add(o.info),o.openingColorized.add(i.info),o.opening.add(i.info)}this._openingBrackets=new Map([...n.cachedValues].map(([e,t])=>[e,t.info])),this._closingBrackets=new Map([...r.cachedValues].map(([e,t])=>[e,t.info]))}get openingBrackets(){return[...this._openingBrackets.values()]}get closingBrackets(){return[...this._closingBrackets.values()]}getOpeningBracketInfo(e){return this._openingBrackets.get(e)}getClosingBracketInfo(e){return this._closingBrackets.get(e)}getBracketInfo(e){return this.getOpeningBracketInfo(e)||this.getClosingBracketInfo(e)}}function aB(e){return e.filter(([e,t])=>""!==e&&""!==t)}class aU{constructor(e,t){this.config=e,this.bracketText=t}get languageId(){return this.config.languageId}}class aH extends aU{constructor(e,t,i){super(e,t),this.openedBrackets=i,this.isOpeningBracket=!0}}class aV extends aU{constructor(e,t,i,n){super(e,t),this.openingBrackets=i,this.openingColorizedBrackets=n,this.isOpeningBracket=!1}closes(e){return e.config===this.config&&this.openingBrackets.has(e)}closesColorized(e){return e.config===this.config&&this.openingColorizedBrackets.has(e)}getOpeningBrackets(){return[...this.openingBrackets]}}var aW=function(e,t){return function(i,n){t(i,n,e)}};class aG{constructor(e){this.languageId=e}affects(e){return!this.languageId||this.languageId===e}}let aj=oG("languageConfigurationService"),az=class extends nc{constructor(e,t){super(),this.configurationService=e,this.languageService=t,this._registry=this._register(new a0),this.onDidChangeEmitter=this._register(new nT),this.onDidChange=this.onDidChangeEmitter.event,this.configurations=new Map;let i=new Set(Object.values(aK));this._register(this.configurationService.onDidChangeConfiguration(e=>{let t=e.change.keys.some(e=>i.has(e)),n=e.change.overrides.filter(([e,t])=>t.some(e=>i.has(e))).map(([e])=>e);if(t)this.configurations.clear(),this.onDidChangeEmitter.fire(new aG(void 0));else for(let e of n)this.languageService.isRegisteredLanguageId(e)&&(this.configurations.delete(e),this.onDidChangeEmitter.fire(new aG(e)))})),this._register(this._registry.onDidChange(e=>{this.configurations.delete(e.languageId),this.onDidChangeEmitter.fire(new aG(e.languageId))}))}register(e,t,i){return this._registry.register(e,t,i)}getLanguageConfiguration(e){let t=this.configurations.get(e);return t||(t=function(e,t,i,n){let r=t.getLanguageConfiguration(e);if(!r){if(!n.isRegisteredLanguageId(e))return new a1(e,{});r=new a1(e,{})}let o=function(e,t){let i=t.getValue(aK.brackets,{overrideIdentifier:e}),n=t.getValue(aK.colorizedBracketPairs,{overrideIdentifier:e});return{brackets:aY(i),colorizedBracketPairs:aY(n)}}(r.languageId,i),s=aZ([r.underlyingConfig,o]),a=new a1(r.languageId,s);return a}(e,this._registry,this.configurationService,this.languageService),this.configurations.set(e,t)),t}};az=function(e,t,i,n){var r,o=arguments.length,s=o<3?t:null===n?n=Object.getOwnPropertyDescriptor(t,i):n;if("object"==typeof Reflect&&"function"==typeof Reflect.decorate)s=Reflect.decorate(e,t,i,n);else for(var a=e.length-1;a>=0;a--)(r=e[a])&&(s=(o<3?r(s):o>3?r(t,i,s):r(t,i))||s);return o>3&&s&&Object.defineProperty(t,i,s),s}([aW(0,al),aW(1,ac)],az);let aK={brackets:"editor.language.brackets",colorizedBracketPairs:"editor.language.colorizedBracketPairs"};function aY(e){if(Array.isArray(e))return e.map(e=>{if(Array.isArray(e)&&2===e.length)return[e[0],e[1]]}).filter(e=>!!e)}function a$(e,t,i){let n=e.getLineContent(t),r=rY(n);return r.length>i-1&&(r=r.substring(0,i-1)),r}function aq(e,t,i){e.tokenization.forceTokenization(t);let n=e.tokenization.getLineTokens(t),r=void 0===i?e.getLineMaxColumn(t)-1:i-1;return sK(n,r)}class aX{constructor(e){this.languageId=e,this._resolved=null,this._entries=[],this._order=0,this._resolved=null}register(e,t){let i=new aJ(e,t,++this._order);return this._entries.push(i),this._resolved=null,nu(()=>{for(let e=0;ee.configuration)))}}function aZ(e){let t={comments:void 0,brackets:void 0,wordPattern:void 0,indentationRules:void 0,onEnterRules:void 0,autoClosingPairs:void 0,surroundingPairs:void 0,autoCloseBefore:void 0,folding:void 0,colorizedBracketPairs:void 0,__electricCharacterSupport:void 0};for(let i of e)t={comments:i.comments||t.comments,brackets:i.brackets||t.brackets,wordPattern:i.wordPattern||t.wordPattern,indentationRules:i.indentationRules||t.indentationRules,onEnterRules:i.onEnterRules||t.onEnterRules,autoClosingPairs:i.autoClosingPairs||t.autoClosingPairs,surroundingPairs:i.surroundingPairs||t.surroundingPairs,autoCloseBefore:i.autoCloseBefore||t.autoCloseBefore,folding:i.folding||t.folding,colorizedBracketPairs:i.colorizedBracketPairs||t.colorizedBracketPairs,__electricCharacterSupport:i.__electricCharacterSupport||t.__electricCharacterSupport};return t}class aJ{constructor(e,t,i){this.configuration=e,this.priority=t,this.order=i}static cmp(e,t){return e.priority===t.priority?e.order-t.order:e.priority-t.priority}}class aQ{constructor(e){this.languageId=e}}class a0 extends nc{constructor(){super(),this._entries=new Map,this._onDidChange=this._register(new nT),this.onDidChange=this._onDidChange.event,this._register(this.register(aP,{brackets:[["(",")"],["[","]"],["{","}"]],surroundingPairs:[{open:"{",close:"}"},{open:"[",close:"]"},{open:"(",close:")"},{open:"<",close:">"},{open:'"',close:'"'},{open:"'",close:"'"},{open:"`",close:"`"}],colorizedBracketPairs:[],folding:{offSide:!0}},0))}register(e,t,i=0){let n=this._entries.get(e);n||(n=new aX(e),this._entries.set(e,n));let r=n.register(t,i);return this._onDidChange.fire(new aQ(e)),nu(()=>{r.dispose(),this._onDidChange.fire(new aQ(e))})}getLanguageConfiguration(e){let t=this._entries.get(e);return(null==t?void 0:t.getResolvedConfiguration())||null}}class a1{constructor(e,t){this.languageId=e,this.underlyingConfig=t,this._brackets=null,this._electricCharacter=null,this._onEnterSupport=this.underlyingConfig.brackets||this.underlyingConfig.indentationRules||this.underlyingConfig.onEnterRules?new aa(this.underlyingConfig):null,this.comments=a1._handleComments(this.underlyingConfig),this.characterPair=new sq(this.underlyingConfig),this.wordDefinition=this.underlyingConfig.wordPattern||sW.Af,this.indentationRules=this.underlyingConfig.indentationRules,this.underlyingConfig.indentationRules?this.indentRulesSupport=new as(this.underlyingConfig.indentationRules):this.indentRulesSupport=null,this.foldingRules=this.underlyingConfig.folding||{},this.bracketsNew=new aF(e,this.underlyingConfig)}getWordDefinition(){return(0,sW.eq)(this.wordDefinition)}get brackets(){return!this._brackets&&this.underlyingConfig.brackets&&(this._brackets=new s6(this.languageId,this.underlyingConfig.brackets)),this._brackets}get electricCharacter(){return this._electricCharacter||(this._electricCharacter=new ar(this.brackets)),this._electricCharacter}onEnter(e,t,i,n){return this._onEnterSupport?this._onEnterSupport.onEnter(e,t,i,n):null}getAutoClosingPairs(){return new sj(this.characterPair.getAutoClosingPairs())}getAutoCloseBeforeSet(e){return this.characterPair.getAutoCloseBeforeSet(e)}getSurroundingPairs(){return this.characterPair.getSurroundingPairs()}static _handleComments(e){let t=e.comments;if(!t)return null;let i={};if(t.lineComment&&(i.lineCommentToken=t.lineComment),t.blockComment){let[e,n]=t.blockComment;i.blockCommentStartToken=e,i.blockCommentEndToken=n}return i}}ap(aj,az,1);let a2=new class{clone(){return this}equals(e){return this===e}};function a5(e,t){return new rL([new rO(0,"",e)],t)}function a4(e,t){let i=new Uint32Array(2);return i[0]=0,i[1]=(e<<0|33587200)>>>0,new rI(i,null===t?a2:t)}let a3=oG("modelService"),a6=Symbol("MicrotaskDelay");var a9=function(e,t,i,n){return new(i||(i=Promise))(function(r,o){function s(e){try{l(n.next(e))}catch(e){o(e)}}function a(e){try{l(n.throw(e))}catch(e){o(e)}}function l(e){var t;e.done?r(e.value):((t=e.value)instanceof i?t:new i(function(e){e(t)})).then(s,a)}l((n=n.apply(e,t||[])).next())})},a7=function(e){if(!Symbol.asyncIterator)throw TypeError("Symbol.asyncIterator is not defined.");var t,i=e[Symbol.asyncIterator];return i?i.call(e):(e="function"==typeof __values?__values(e):e[Symbol.iterator](),t={},n("next"),n("throw"),n("return"),t[Symbol.asyncIterator]=function(){return this},t);function n(i){t[i]=e[i]&&function(t){return new Promise(function(n,r){!function(e,t,i,n){Promise.resolve(n).then(function(t){e({value:t,done:i})},t)}(n,r,(t=e[i](t)).done,t.value)})}}};function a8(e){return!!e&&"function"==typeof e.then}function le(e){let t=new nx,i=e(t.token),n=new Promise((e,n)=>{let r=t.token.onCancellationRequested(()=>{r.dispose(),t.dispose(),n(new i6)});Promise.resolve(i).then(i=>{r.dispose(),t.dispose(),e(i)},e=>{r.dispose(),t.dispose(),n(e)})});return new class{cancel(){t.cancel()}then(e,t){return n.then(e,t)}catch(e){return this.then(void 0,e)}finally(e){return n.finally(e)}}}class lt{constructor(){this.isDisposed=!1,this.activePromise=null,this.queuedPromise=null,this.queuedPromiseFactory=null}queue(e){if(this.isDisposed)throw Error("Throttler is disposed");if(this.activePromise){if(this.queuedPromiseFactory=e,!this.queuedPromise){let e=()=>{if(this.queuedPromise=null,this.isDisposed)return;let e=this.queue(this.queuedPromiseFactory);return this.queuedPromiseFactory=null,e};this.queuedPromise=new Promise(t=>{this.activePromise.then(e,e).then(t)})}return new Promise((e,t)=>{this.queuedPromise.then(e,t)})}return this.activePromise=e(),new Promise((e,t)=>{this.activePromise.then(t=>{this.activePromise=null,e(t)},e=>{this.activePromise=null,t(e)})})}dispose(){this.isDisposed=!0}}let li=(e,t)=>{let i=!0,n=setTimeout(()=>{i=!1,t()},e);return{isTriggered:()=>i,dispose:()=>{clearTimeout(n),i=!1}}},ln=e=>{let t=!0;return queueMicrotask(()=>{t&&(t=!1,e())}),{isTriggered:()=>t,dispose:()=>{t=!1}}};class lr{constructor(e){this.defaultDelay=e,this.deferred=null,this.completionPromise=null,this.doResolve=null,this.doReject=null,this.task=null}trigger(e,t=this.defaultDelay){this.task=e,this.cancelTimeout(),this.completionPromise||(this.completionPromise=new Promise((e,t)=>{this.doResolve=e,this.doReject=t}).then(()=>{if(this.completionPromise=null,this.doResolve=null,this.task){let e=this.task;return this.task=null,e()}}));let i=()=>{var e;this.deferred=null,null===(e=this.doResolve)||void 0===e||e.call(this,null)};return this.deferred=t===a6?ln(i):li(t,i),this.completionPromise}isTriggered(){var e;return!!(null===(e=this.deferred)||void 0===e?void 0:e.isTriggered())}cancel(){var e;this.cancelTimeout(),this.completionPromise&&(null===(e=this.doReject)||void 0===e||e.call(this,new i6),this.completionPromise=null)}cancelTimeout(){var e;null===(e=this.deferred)||void 0===e||e.dispose(),this.deferred=null}dispose(){this.cancel()}}class lo{constructor(e){this.delayer=new lr(e),this.throttler=new lt}trigger(e,t){return this.delayer.trigger(()=>this.throttler.queue(e),t)}cancel(){this.delayer.cancel()}dispose(){this.delayer.dispose(),this.throttler.dispose()}}function ls(e,t){return t?new Promise((i,n)=>{let r=setTimeout(()=>{o.dispose(),i()},e),o=t.onCancellationRequested(()=>{clearTimeout(r),o.dispose(),n(new i6)})}):le(t=>ls(e,t))}function la(e,t=0){let i=setTimeout(e,t);return nu(()=>clearTimeout(i))}class ll{constructor(e,t){this._token=-1,"function"==typeof e&&"number"==typeof t&&this.setIfNotSet(e,t)}dispose(){this.cancel()}cancel(){-1!==this._token&&(clearTimeout(this._token),this._token=-1)}cancelAndSet(e,t){this.cancel(),this._token=setTimeout(()=>{this._token=-1,e()},t)}setIfNotSet(e,t){-1===this._token&&(this._token=setTimeout(()=>{this._token=-1,e()},t))}}class lh{constructor(){this._token=-1}dispose(){this.cancel()}cancel(){-1!==this._token&&(clearInterval(this._token),this._token=-1)}cancelAndSet(e,t){this.cancel(),this._token=setInterval(()=>{e()},t)}}class lu{constructor(e,t){this.timeoutToken=-1,this.runner=e,this.timeout=t,this.timeoutHandler=this.onTimeout.bind(this)}dispose(){this.cancel(),this.runner=null}cancel(){this.isScheduled()&&(clearTimeout(this.timeoutToken),this.timeoutToken=-1)}schedule(e=this.timeout){this.cancel(),this.timeoutToken=setTimeout(this.timeoutHandler,e)}get delay(){return this.timeout}set delay(e){this.timeout=e}isScheduled(){return -1!==this.timeoutToken}onTimeout(){this.timeoutToken=-1,this.runner&&this.doRun()}doRun(){var e;null===(e=this.runner)||void 0===e||e.call(this)}}l="function"!=typeof requestIdleCallback||"function"!=typeof cancelIdleCallback?e=>{(0,nz.fn)(()=>{if(t)return;let i=Date.now()+15;e(Object.freeze({didTimeout:!0,timeRemaining:()=>Math.max(0,i-Date.now())}))});let t=!1;return{dispose(){t||(t=!0)}}}:(e,t)=>{let i=requestIdleCallback(e,"number"==typeof t?{timeout:t}:void 0),n=!1;return{dispose(){n||(n=!0,cancelIdleCallback(i))}}};class ld{constructor(e){this._didRun=!1,this._executor=()=>{try{this._value=e()}catch(e){this._error=e}finally{this._didRun=!0}},this._handle=l(()=>this._executor())}dispose(){this._handle.dispose()}get value(){if(this._didRun||(this._handle.dispose(),this._executor()),this._error)throw this._error;return this._value}get isInitialized(){return this._didRun}}class lc{get isRejected(){var e;return(null===(e=this.outcome)||void 0===e?void 0:e.outcome)===1}get isSettled(){return!!this.outcome}constructor(){this.p=new Promise((e,t)=>{this.completeCallback=e,this.errorCallback=t})}complete(e){return new Promise(t=>{this.completeCallback(e),this.outcome={outcome:0,value:e},t()})}error(e){return new Promise(t=>{this.errorCallback(e),this.outcome={outcome:1,value:e},t()})}cancel(){return this.error(new i6)}}(ev=tQ||(tQ={})).settled=function(e){return a9(this,void 0,void 0,function*(){let t;let i=yield Promise.all(e.map(e=>e.then(e=>e,e=>{t||(t=e)})));if(void 0!==t)throw t;return i})},ev.withAsyncBody=function(e){return new Promise((t,i)=>a9(this,void 0,void 0,function*(){try{yield e(t,i)}catch(e){i(e)}}))};class lg{static fromArray(e){return new lg(t=>{t.emitMany(e)})}static fromPromise(e){return new lg(t=>a9(this,void 0,void 0,function*(){t.emitMany((yield e))}))}static fromPromises(e){return new lg(t=>a9(this,void 0,void 0,function*(){yield Promise.all(e.map(e=>a9(this,void 0,void 0,function*(){return t.emitOne((yield e))})))}))}static merge(e){return new lg(t=>a9(this,void 0,void 0,function*(){yield Promise.all(e.map(e=>{var i,n,r;return a9(this,void 0,void 0,function*(){var o,s,a,l;try{for(i=!0,n=a7(e);!(o=(r=yield n.next()).done);i=!0)l=r.value,i=!1,t.emitOne(l)}catch(e){s={error:e}}finally{try{!i&&!o&&(a=n.return)&&(yield a.call(n))}finally{if(s)throw s.error}}})}))}))}constructor(e){this._state=0,this._results=[],this._error=null,this._onStateChanged=new nT,queueMicrotask(()=>a9(this,void 0,void 0,function*(){let t={emitOne:e=>this.emitOne(e),emitMany:e=>this.emitMany(e),reject:e=>this.reject(e)};try{yield Promise.resolve(e(t)),this.resolve()}catch(e){this.reject(e)}finally{t.emitOne=void 0,t.emitMany=void 0,t.reject=void 0}}))}[Symbol.asyncIterator](){let e=0;return{next:()=>a9(this,void 0,void 0,function*(){for(;;){if(2===this._state)throw this._error;if(ea9(this,void 0,void 0,function*(){var n,r,o,s;try{for(var a,l=!0,h=a7(e);!(n=(a=yield h.next()).done);l=!0)s=a.value,l=!1,i.emitOne(t(s))}catch(e){r={error:e}}finally{try{!l&&!n&&(o=h.return)&&(yield o.call(h))}finally{if(r)throw r.error}}}))}map(e){return lg.map(this,e)}static filter(e,t){return new lg(i=>a9(this,void 0,void 0,function*(){var n,r,o,s;try{for(var a,l=!0,h=a7(e);!(n=(a=yield h.next()).done);l=!0)s=a.value,l=!1,t(s)&&i.emitOne(s)}catch(e){r={error:e}}finally{try{!l&&!n&&(o=h.return)&&(yield o.call(h))}finally{if(r)throw r.error}}}))}filter(e){return lg.filter(this,e)}static coalesce(e){return lg.filter(e,e=>!!e)}coalesce(){return lg.coalesce(this)}static toPromise(e){var t,i,n,r,o,s,a;return a9(this,void 0,void 0,function*(){let l=[];try{for(t=!0,i=a7(e);!(r=(n=yield i.next()).done);t=!0)a=n.value,t=!1,l.push(a)}catch(e){o={error:e}}finally{try{!t&&!r&&(s=i.return)&&(yield s.call(i))}finally{if(o)throw o.error}}return l})}toPromise(){return lg.toPromise(this)}emitOne(e){0===this._state&&(this._results.push(e),this._onStateChanged.fire())}emitMany(e){0===this._state&&(this._results=this._results.concat(e),this._onStateChanged.fire())}resolve(){0===this._state&&(this._state=1,this._onStateChanged.fire())}reject(e){0===this._state&&(this._state=2,this._error=e,this._onStateChanged.fire())}}lg.EMPTY=lg.fromArray([]);let lf=!1;function lp(e){nz.$L&&(lf||(lf=!0,console.warn("Could not create web worker(s). Falling back to loading web worker code in main thread, which might cause UI freezes. Please see https://github.com/microsoft/monaco-editor#faq")),console.warn(e.message))}class lm{constructor(e,t,i,n){this.vsWorker=e,this.req=t,this.method=i,this.args=n,this.type=0}}class l_{constructor(e,t,i,n){this.vsWorker=e,this.seq=t,this.res=i,this.err=n,this.type=1}}class lE{constructor(e,t,i,n){this.vsWorker=e,this.req=t,this.eventName=i,this.arg=n,this.type=2}}class lv{constructor(e,t,i){this.vsWorker=e,this.req=t,this.event=i,this.type=3}}class lC{constructor(e,t){this.vsWorker=e,this.req=t,this.type=4}}class lb{constructor(e){this._workerId=-1,this._handler=e,this._lastSentReq=0,this._pendingReplies=Object.create(null),this._pendingEmitters=new Map,this._pendingEvents=new Map}setWorkerId(e){this._workerId=e}sendMessage(e,t){let i=String(++this._lastSentReq);return new Promise((n,r)=>{this._pendingReplies[i]={resolve:n,reject:r},this._send(new lm(this._workerId,i,e,t))})}listen(e,t){let i=null,n=new nT({onWillAddFirstListener:()=>{i=String(++this._lastSentReq),this._pendingEmitters.set(i,n),this._send(new lE(this._workerId,i,e,t))},onDidRemoveLastListener:()=>{this._pendingEmitters.delete(i),this._send(new lC(this._workerId,i)),i=null}});return n.event}handleMessage(e){e&&e.vsWorker&&(-1===this._workerId||e.vsWorker===this._workerId)&&this._handleMessage(e)}_handleMessage(e){switch(e.type){case 1:return this._handleReplyMessage(e);case 0:return this._handleRequestMessage(e);case 2:return this._handleSubscribeEventMessage(e);case 3:return this._handleEventMessage(e);case 4:return this._handleUnsubscribeEventMessage(e)}}_handleReplyMessage(e){if(!this._pendingReplies[e.seq]){console.warn("Got reply to unknown seq");return}let t=this._pendingReplies[e.seq];if(delete this._pendingReplies[e.seq],e.err){let i=e.err;e.err.$isError&&((i=Error()).name=e.err.name,i.message=e.err.message,i.stack=e.err.stack),t.reject(i);return}t.resolve(e.res)}_handleRequestMessage(e){let t=e.req,i=this._handler.handleMessage(e.method,e.args);i.then(e=>{this._send(new l_(this._workerId,t,e,void 0))},e=>{e.detail instanceof Error&&(e.detail=i5(e.detail)),this._send(new l_(this._workerId,t,void 0,i5(e)))})}_handleSubscribeEventMessage(e){let t=e.req,i=this._handler.handleEvent(e.eventName,e.arg)(e=>{this._send(new lv(this._workerId,t,e))});this._pendingEvents.set(t,i)}_handleEventMessage(e){if(!this._pendingEmitters.has(e.req)){console.warn("Got event for unknown req");return}this._pendingEmitters.get(e.req).fire(e.event)}_handleUnsubscribeEventMessage(e){if(!this._pendingEvents.has(e.req)){console.warn("Got unsubscribe for unknown req");return}this._pendingEvents.get(e.req).dispose(),this._pendingEvents.delete(e.req)}_send(e){let t=[];if(0===e.type)for(let i=0;i{this._protocol.handleMessage(e)},e=>{null==n||n(e)})),this._protocol=new lb({sendMessage:(e,t)=>{this._worker.postMessage(e,t)},handleMessage:(e,t)=>{if("function"!=typeof i[e])return Promise.reject(Error("Missing method "+e+" on main thread host."));try{return Promise.resolve(i[e].apply(i,t))}catch(e){return Promise.reject(e)}},handleEvent:(e,t)=>{if(ly(e)){let n=i[e].call(i,t);if("function"!=typeof n)throw Error(`Missing dynamic event ${e} on main thread host.`);return n}if(lT(e)){let t=i[e];if("function"!=typeof t)throw Error(`Missing event ${e} on main thread host.`);return t}throw Error(`Malformed event name ${e}`)}}),this._protocol.setWorkerId(this._worker.getId());let r=null,o=globalThis.require;void 0!==o&&"function"==typeof o.getConfig?r=o.getConfig():void 0!==globalThis.requirejs&&(r=globalThis.requirejs.s.contexts._.config);let s=(0,oq.$E)(i);this._onModuleLoaded=this._protocol.sendMessage("$initialize",[this._worker.getId(),JSON.parse(JSON.stringify(r)),t,s]);let a=(e,t)=>this._request(e,t),l=(e,t)=>this._protocol.listen(e,t);this._lazyProxy=new Promise((e,i)=>{n=i,this._onModuleLoaded.then(t=>{e(function(e,t,i){let n=e=>function(){let i=Array.prototype.slice.call(arguments,0);return t(e,i)},r=e=>function(t){return i(e,t)},o={};for(let t of e){if(ly(t)){o[t]=r(t);continue}if(lT(t)){o[t]=i(t,void 0);continue}o[t]=n(t)}return o}(t,a,l))},e=>{i(e),this._onError("Worker failed to load "+t,e)})})}getProxyObject(){return this._lazyProxy}_request(e,t){return new Promise((i,n)=>{this._onModuleLoaded.then(()=>{this._protocol.sendMessage(e,t).then(i,n)},n)})}_onError(e,t){console.error(e),console.info(t)}}function lT(e){return"o"===e[0]&&"n"===e[1]&&r1(e.charCodeAt(2))}function ly(e){return/^onDynamic/.test(e)&&r1(e.charCodeAt(9))}function lR(e,t){var i;let n=globalThis.MonacoEnvironment;if(null==n?void 0:n.createTrustedTypesPolicy)try{return n.createTrustedTypesPolicy(e,t)}catch(e){i1(e);return}try{return null===(i=window.trustedTypes)||void 0===i?void 0:i.createPolicy(e,t)}catch(e){i1(e);return}}let lA=lR("defaultWorkerFactory",{createScriptURL:e=>e});class lN{constructor(e,t,i,n,r){this.id=t;let o=function(e){let t=globalThis.MonacoEnvironment;if(t){if("function"==typeof t.getWorker)return t.getWorker("workerMain.js",e);if("function"==typeof t.getWorkerUrl){let i=t.getWorkerUrl("workerMain.js",e);return new Worker(lA?lA.createScriptURL(i):i,{name:e})}}throw Error("You must define a function MonacoEnvironment.getWorkerUrl or MonacoEnvironment.getWorker")}(i);("function"==typeof o.then?0:1)?this.worker=Promise.resolve(o):this.worker=o,this.postMessage(e,[]),this.worker.then(e=>{e.onmessage=function(e){n(e.data)},e.onmessageerror=r,"function"==typeof e.addEventListener&&e.addEventListener("error",r)})}getId(){return this.id}postMessage(e,t){var i;null===(i=this.worker)||void 0===i||i.then(i=>i.postMessage(e,t))}dispose(){var e;null===(e=this.worker)||void 0===e||e.then(e=>e.terminate()),this.worker=null}}class lO{constructor(e){this._label=e,this._webWorkerFailedBeforeError=!1}create(e,t,i){let n=++lO.LAST_WORKER_ID;if(this._webWorkerFailedBeforeError)throw this._webWorkerFailedBeforeError;return new lN(e,n,this._label||"anonymous"+n,t,e=>{lp(e),this._webWorkerFailedBeforeError=e,i(e)})}}lO.LAST_WORKER_ID=0;class lL{constructor(e,t,i,n){this.originalStart=e,this.originalLength=t,this.modifiedStart=i,this.modifiedLength=n}getOriginalEnd(){return this.originalStart+this.originalLength}getModifiedEnd(){return this.modifiedStart+this.modifiedLength}}function lI(e,t){return(t<<5)-t+e|0}function lw(e,t){t=lI(149417,t);for(let i=0,n=e.length;i>>n)>>>0}function lx(e,t=0,i=e.byteLength,n=0){for(let r=0;re.toString(16).padStart(2,"0")).join(""):function(e,t,i="0"){for(;e.length>>0).toString(16),t/4)}class lk{constructor(){this._h0=1732584193,this._h1=4023233417,this._h2=2562383102,this._h3=271733878,this._h4=3285377520,this._buff=new Uint8Array(67),this._buffDV=new DataView(this._buff.buffer),this._buffLen=0,this._totalLen=0,this._leftoverHighSurrogate=0,this._finished=!1}update(e){let t,i;let n=e.length;if(0===n)return;let r=this._buff,o=this._buffLen,s=this._leftoverHighSurrogate;for(0!==s?(t=s,i=-1,s=0):(t=e.charCodeAt(0),i=0);;){let a=t;if(r6(t)){if(i+1>>6,e[t++]=128|(63&i)>>>0):i<65536?(e[t++]=224|(61440&i)>>>12,e[t++]=128|(4032&i)>>>6,e[t++]=128|(63&i)>>>0):(e[t++]=240|(1835008&i)>>>18,e[t++]=128|(258048&i)>>>12,e[t++]=128|(4032&i)>>>6,e[t++]=128|(63&i)>>>0),t>=64&&(this._step(),t-=64,this._totalLen+=64,e[0]=e[64],e[1]=e[65],e[2]=e[66]),t}digest(){return this._finished||(this._finished=!0,this._leftoverHighSurrogate&&(this._leftoverHighSurrogate=0,this._buffLen=this._push(this._buff,this._buffLen,65533)),this._totalLen+=this._buffLen,this._wrapUp()),lM(this._h0)+lM(this._h1)+lM(this._h2)+lM(this._h3)+lM(this._h4)}_wrapUp(){this._buff[this._buffLen++]=128,lx(this._buff,this._buffLen),this._buffLen>56&&(this._step(),lx(this._buff));let e=8*this._totalLen;this._buffDV.setUint32(56,Math.floor(e/4294967296),!1),this._buffDV.setUint32(60,e%4294967296,!1),this._step()}_step(){let e,t,i;let n=lk._bigBlock32,r=this._buffDV;for(let e=0;e<64;e+=4)n.setUint32(e,r.getUint32(e,!1),!1);for(let e=64;e<320;e+=4)n.setUint32(e,lD(n.getUint32(e-12,!1)^n.getUint32(e-32,!1)^n.getUint32(e-56,!1)^n.getUint32(e-64,!1),1),!1);let o=this._h0,s=this._h1,a=this._h2,l=this._h3,h=this._h4;for(let r=0;r<80;r++)r<20?(e=s&a|~s&l,t=1518500249):r<40?(e=s^a^l,t=1859775393):r<60?(e=s&a|s&l|a&l,t=2400959708):(e=s^a^l,t=3395469782),i=lD(o,5)+e+h+t+n.getUint32(4*r,!1)&4294967295,h=l,l=a,a=lD(s,30),s=o,o=i;this._h0=this._h0+o&4294967295,this._h1=this._h1+s&4294967295,this._h2=this._h2+a&4294967295,this._h3=this._h3+l&4294967295,this._h4=this._h4+h&4294967295}}lk._bigBlock32=new DataView(new ArrayBuffer(320));class lP{constructor(e){this.source=e}getElements(){let e=this.source,t=new Int32Array(e.length);for(let i=0,n=e.length;i0||this.m_modifiedCount>0)&&this.m_changes.push(new lL(this.m_originalStart,this.m_originalCount,this.m_modifiedStart,this.m_modifiedCount)),this.m_originalCount=0,this.m_modifiedCount=0,this.m_originalStart=1073741824,this.m_modifiedStart=1073741824}AddOriginalElement(e,t){this.m_originalStart=Math.min(this.m_originalStart,e),this.m_modifiedStart=Math.min(this.m_modifiedStart,t),this.m_originalCount++}AddModifiedElement(e,t){this.m_originalStart=Math.min(this.m_originalStart,e),this.m_modifiedStart=Math.min(this.m_modifiedStart,t),this.m_modifiedCount++}getChanges(){return(this.m_originalCount>0||this.m_modifiedCount>0)&&this.MarkNextChange(),this.m_changes}getReverseChanges(){return(this.m_originalCount>0||this.m_modifiedCount>0)&&this.MarkNextChange(),this.m_changes.reverse(),this.m_changes}}class lH{constructor(e,t,i=null){this.ContinueProcessingPredicate=i,this._originalSequence=e,this._modifiedSequence=t;let[n,r,o]=lH._getElements(e),[s,a,l]=lH._getElements(t);this._hasStrings=o&&l,this._originalStringElements=n,this._originalElementsOrHash=r,this._modifiedStringElements=s,this._modifiedElementsOrHash=a,this.m_forwardHistory=[],this.m_reverseHistory=[]}static _isStringArray(e){return e.length>0&&"string"==typeof e[0]}static _getElements(e){let t=e.getElements();if(lH._isStringArray(t)){let e=new Int32Array(t.length);for(let i=0,n=t.length;i=e&&n>=i&&this.ElementsAreEqual(t,n);)t--,n--;if(e>t||i>n){let r;return i<=n?(lF.Assert(e===t+1,"originalStart should only be one more than originalEnd"),r=[new lL(e,0,i,n-i+1)]):e<=t?(lF.Assert(i===n+1,"modifiedStart should only be one more than modifiedEnd"),r=[new lL(e,t-e+1,i,0)]):(lF.Assert(e===t+1,"originalStart should only be one more than originalEnd"),lF.Assert(i===n+1,"modifiedStart should only be one more than modifiedEnd"),r=[]),r}let o=[0],s=[0],a=this.ComputeRecursionPoint(e,t,i,n,o,s,r),l=o[0],h=s[0];if(null!==a)return a;if(!r[0]){let o=this.ComputeDiffRecursive(e,l,i,h,r),s=[];return s=r[0]?[new lL(l+1,t-(l+1)+1,h+1,n-(h+1)+1)]:this.ComputeDiffRecursive(l+1,t,h+1,n,r),this.ConcatenateChanges(o,s)}return[new lL(e,t-e+1,i,n-i+1)]}WALKTRACE(e,t,i,n,r,o,s,a,l,h,u,d,c,g,f,p,m,_){let E=null,v=null,C=new lU,b=t,S=i,T=c[0]-p[0]-n,y=-1073741824,R=this.m_forwardHistory.length-1;do{let t=T+e;t===b||t=0&&(e=(l=this.m_forwardHistory[R])[0],b=1,S=l.length-1)}while(--R>=-1);if(E=C.getReverseChanges(),_[0]){let e=c[0]+1,t=p[0]+1;if(null!==E&&E.length>0){let i=E[E.length-1];e=Math.max(e,i.getOriginalEnd()),t=Math.max(t,i.getModifiedEnd())}v=[new lL(e,d-e+1,t,f-t+1)]}else{C=new lU,b=o,S=s,T=c[0]-p[0]-a,y=1073741824,R=m?this.m_reverseHistory.length-1:this.m_reverseHistory.length-2;do{let e=T+r;e===b||e=h[e+1]?(g=(u=h[e+1]-1)-T-a,u>y&&C.MarkNextChange(),y=u+1,C.AddOriginalElement(u+1,g+1),T=e+1-r):(g=(u=h[e-1])-T-a,u>y&&C.MarkNextChange(),y=u,C.AddModifiedElement(u+1,g+1),T=e-1-r),R>=0&&(r=(h=this.m_reverseHistory[R])[0],b=1,S=h.length-1)}while(--R>=-1);v=C.getChanges()}return this.ConcatenateChanges(E,v)}ComputeRecursionPoint(e,t,i,n,r,o,s){let a=0,l=0,h=0,u=0,d=0,c=0;e--,i--,r[0]=0,o[0]=0,this.m_forwardHistory=[],this.m_reverseHistory=[];let g=t-e+(n-i),f=g+1,p=new Int32Array(f),m=new Int32Array(f),_=n-i,E=t-e,v=e-i,C=t-n,b=E-_,S=b%2==0;p[_]=e,m[E]=t,s[0]=!1;for(let b=1;b<=g/2+1;b++){let g=0,T=0;h=this.ClipDiagonalBound(_-b,b,_,f),u=this.ClipDiagonalBound(_+b,b,_,f);for(let e=h;e<=u;e+=2){l=(a=e===h||eg+T&&(g=a,T=l),!S&&Math.abs(e-E)<=b-1&&a>=m[e]){if(r[0]=a,o[0]=l,i<=m[e]&&b<=1448)return this.WALKTRACE(_,h,u,v,E,d,c,C,p,m,a,t,r,l,n,o,S,s);return null}}let y=(g-e+(T-i)-b)/2;if(null!==this.ContinueProcessingPredicate&&!this.ContinueProcessingPredicate(g,y)){if(s[0]=!0,r[0]=g,o[0]=T,!(y>0)||!(b<=1448))return e++,i++,[new lL(e,t-e+1,i,n-i+1)];break}d=this.ClipDiagonalBound(E-b,b,E,f),c=this.ClipDiagonalBound(E+b,b,E,f);for(let g=d;g<=c;g+=2){l=(a=g===d||g=m[g+1]?m[g+1]-1:m[g-1])-(g-E)-C;let f=a;for(;a>e&&l>i&&this.ElementsAreEqual(a,l);)a--,l--;if(m[g]=a,S&&Math.abs(g-_)<=b&&a<=p[g]){if(r[0]=a,o[0]=l,f>=p[g]&&b<=1448)return this.WALKTRACE(_,h,u,v,E,d,c,C,p,m,a,t,r,l,n,o,S,s);return null}}if(b<=1447){let e=new Int32Array(u-h+2);e[0]=_-h+1,lB.Copy2(p,h,e,1,u-h+1),this.m_forwardHistory.push(e),(e=new Int32Array(c-d+2))[0]=E-d+1,lB.Copy2(m,d,e,1,c-d+1),this.m_reverseHistory.push(e)}}return this.WALKTRACE(_,h,u,v,E,d,c,C,p,m,a,t,r,l,n,o,S,s)}PrettifyChanges(e){for(let t=0;t0,s=i.modifiedLength>0;for(;i.originalStart+i.originalLength=0;t--){let i=e[t],n=0,r=0;if(t>0){let i=e[t-1];n=i.originalStart+i.originalLength,r=i.modifiedStart+i.modifiedLength}let o=i.originalLength>0,s=i.modifiedLength>0,a=0,l=this._boundaryScore(i.originalStart,i.originalLength,i.modifiedStart,i.modifiedLength);for(let e=1;;e++){let t=i.originalStart-e,h=i.modifiedStart-e;if(tl&&(l=d,a=e)}i.originalStart-=a,i.modifiedStart-=a;let h=[null];if(t>0&&this.ChangesOverlap(e[t-1],e[t],h)){e[t-1]=h[0],e.splice(t,1),t++;continue}}if(this._hasStrings)for(let t=1,i=e.length;t0&&i>a&&(a=i,l=t,h=e)}return a>0?[l,h]:null}_contiguousSequenceScore(e,t,i){let n=0;for(let r=0;r=this._originalElementsOrHash.length-1||this._hasStrings&&/^\s*$/.test(this._originalStringElements[e])}_OriginalRegionIsBoundary(e,t){if(this._OriginalIsBoundary(e)||this._OriginalIsBoundary(e-1))return!0;if(t>0){let i=e+t;if(this._OriginalIsBoundary(i-1)||this._OriginalIsBoundary(i))return!0}return!1}_ModifiedIsBoundary(e){return e<=0||e>=this._modifiedElementsOrHash.length-1||this._hasStrings&&/^\s*$/.test(this._modifiedStringElements[e])}_ModifiedRegionIsBoundary(e,t){if(this._ModifiedIsBoundary(e)||this._ModifiedIsBoundary(e-1))return!0;if(t>0){let i=e+t;if(this._ModifiedIsBoundary(i-1)||this._ModifiedIsBoundary(i))return!0}return!1}_boundaryScore(e,t,i,n){let r=this._OriginalRegionIsBoundary(e,t)?1:0,o=this._ModifiedRegionIsBoundary(i,n)?1:0;return r+o}ConcatenateChanges(e,t){let i=[];if(0===e.length||0===t.length)return t.length>0?t:e;if(this.ChangesOverlap(e[e.length-1],t[0],i)){let n=Array(e.length+t.length-1);return lB.Copy(e,0,n,0,e.length-1),n[e.length-1]=i[0],lB.Copy(t,1,n,e.length,t.length-1),n}{let i=Array(e.length+t.length);return lB.Copy(e,0,i,0,e.length),lB.Copy(t,0,i,e.length,t.length),i}}ChangesOverlap(e,t,i){if(lF.Assert(e.originalStart<=t.originalStart,"Left change is not less than or equal to right change"),lF.Assert(e.modifiedStart<=t.modifiedStart,"Left change is not less than or equal to right change"),!(e.originalStart+e.originalLength>=t.originalStart)&&!(e.modifiedStart+e.modifiedLength>=t.modifiedStart))return i[0]=null,!1;{let n=e.originalStart,r=e.originalLength,o=e.modifiedStart,s=e.modifiedLength;return e.originalStart+e.originalLength>=t.originalStart&&(r=t.originalStart+t.originalLength-e.originalStart),e.modifiedStart+e.modifiedLength>=t.modifiedStart&&(s=t.modifiedStart+t.modifiedLength-e.modifiedStart),i[0]=new lL(n,r,o,s),!0}}ClipDiagonalBound(e,t,i,n){if(e>=0&&e255?255:0|e}function lW(e){return e<0?0:e>4294967295?4294967295:0|e}class lG{constructor(e){this.values=e,this.prefixSum=new Uint32Array(e.length),this.prefixSumValidIndex=new Int32Array(1),this.prefixSumValidIndex[0]=-1}insertValues(e,t){e=lW(e);let i=this.values,n=this.prefixSum,r=t.length;return 0!==r&&(this.values=new Uint32Array(i.length+r),this.values.set(i.subarray(0,e),0),this.values.set(i.subarray(e),e+r),this.values.set(t,e),e-1=0&&this.prefixSum.set(n.subarray(0,this.prefixSumValidIndex[0]+1)),!0)}setValue(e,t){return e=lW(e),t=lW(t),this.values[e]!==t&&(this.values[e]=t,e-1=i.length)return!1;let r=i.length-e;return t>=r&&(t=r),0!==t&&(this.values=new Uint32Array(i.length-t),this.values.set(i.subarray(0,e),0),this.values.set(i.subarray(e+t),e),this.prefixSum=new Uint32Array(this.values.length),e-1=0&&this.prefixSum.set(n.subarray(0,this.prefixSumValidIndex[0]+1)),!0)}getTotalSum(){return 0===this.values.length?0:this._getPrefixSum(this.values.length-1)}getPrefixSum(e){return e<0?0:(e=lW(e),this._getPrefixSum(e))}_getPrefixSum(e){if(e<=this.prefixSumValidIndex[0])return this.prefixSum[e];let t=this.prefixSumValidIndex[0]+1;0===t&&(this.prefixSum[0]=this.values[0],t++),e>=this.values.length&&(e=this.values.length-1);for(let i=t;i<=e;i++)this.prefixSum[i]=this.prefixSum[i-1]+this.values[i];return this.prefixSumValidIndex[0]=Math.max(this.prefixSumValidIndex[0],e),this.prefixSum[e]}getIndexOf(e){e=Math.floor(e),this.getTotalSum();let t=0,i=this.values.length-1,n=0,r=0,o=0;for(;t<=i;)if(n=t+(i-t)/2|0,e<(o=(r=this.prefixSum[n])-this.values[n]))i=n-1;else if(e>=r)t=n+1;else break;return new lz(n,e-o)}}class lj{constructor(e){this._values=e,this._isValid=!1,this._validEndIndex=-1,this._prefixSum=[],this._indexBySum=[]}getTotalSum(){return this._ensureValid(),this._indexBySum.length}getPrefixSum(e){return(this._ensureValid(),0===e)?0:this._prefixSum[e-1]}getIndexOf(e){this._ensureValid();let t=this._indexBySum[e],i=t>0?this._prefixSum[t-1]:0;return new lz(t,e-i)}removeValues(e,t){this._values.splice(e,t),this._invalidate(e)}insertValues(e,t){this._values=(0,sX.Zv)(this._values,e,t),this._invalidate(e)}_invalidate(e){this._isValid=!1,this._validEndIndex=Math.min(this._validEndIndex,e-1)}_ensureValid(){if(!this._isValid){for(let e=this._validEndIndex+1,t=this._values.length;e0?this._prefixSum[e-1]:0;this._prefixSum[e]=i+t;for(let n=0;n=0&&e<256?this._asciiMap[e]=i:this._map.set(e,i)}get(e){return e>=0&&e<256?this._asciiMap[e]:this._map.get(e)||this._defaultValue}clear(){this._asciiMap.fill(this._defaultValue),this._map.clear()}}class l${constructor(e,t,i){let n=new Uint8Array(e*t);for(let r=0,o=e*t;rt&&(t=o),r>i&&(i=r),s>i&&(i=s)}t++,i++;let n=new l$(i,t,0);for(let t=0,i=e.length;t=this._maxCharCode?0:this._states.get(e,t)}}let lX=null;function lZ(){return null===lX&&(lX=new lq([[1,104,2],[1,72,2],[1,102,6],[1,70,6],[2,116,3],[2,84,3],[3,116,4],[3,84,4],[4,112,5],[4,80,5],[5,115,9],[5,83,9],[5,58,10],[6,105,7],[6,73,7],[7,108,8],[7,76,8],[8,101,9],[8,69,9],[9,58,10],[10,47,11],[11,47,12]])),lX}let lJ=null;class lQ{static _createLink(e,t,i,n,r){let o=r-1;do{let i=t.charCodeAt(o),n=e.get(i);if(2!==n)break;o--}while(o>n);if(n>0){let e=t.charCodeAt(n-1),i=t.charCodeAt(o);(40===e&&41===i||91===e&&93===i||123===e&&125===i)&&o--}return{range:{startLineNumber:i,startColumn:n+1,endLineNumber:i,endColumn:o+2},url:t.substring(n,o+1)}}static computeLinks(e,t=lZ()){let i=function(){if(null===lJ){lJ=new lY(0);let e=" <>'\"、。。、,.:;‘〈「『〔([{「」}])〕』」〉’`~…";for(let t=0;t=0?((n+=i?1:-1)<0?n=e.length-1:n%=e.length,e[n]):null}}l0.INSTANCE=new l0;class l1 extends lY{constructor(e){super(0);for(let t=0,i=e.length;t(t.hasOwnProperty(i)||(t[i]=e(i)),t[i])}(e=>new l1(e));class l5{constructor(e,t,i,n){this.searchString=e,this.isRegex=t,this.matchCase=i,this.wordSeparators=n}parseSearchRequest(){let e;if(""===this.searchString)return null;e=this.isRegex?function(e){if(!e||0===e.length)return!1;for(let t=0,i=e.length;t=i)break;let n=e.charCodeAt(t);if(110===n||114===n||87===n)return!0}}return!1}(this.searchString):this.searchString.indexOf("\n")>=0;let t=null;try{t=rG(this.searchString,this.isRegex,{matchCase:this.matchCase,wholeWord:!1,multiline:e,global:!0,unicode:!0})}catch(e){return null}if(!t)return null;let i=!this.isRegex&&!e;return i&&this.searchString.toLowerCase()!==this.searchString.toUpperCase()&&(i=this.matchCase),new sH(t,this.wordSeparators?l2(this.wordSeparators):null,i?this.searchString:null)}}function l4(e,t,i){if(!i)return new sB(e,null);let n=[];for(let e=0,i=t.length;e>0);t[r]>=e?n=r-1:t[r+1]>=e?(i=r,n=r):i=r+1}return i+1}}class l6{static findMatches(e,t,i,n,r){let o=t.parseSearchRequest();return o?o.regex.multiline?this._doFindMatchesMultiline(e,i,new l7(o.wordSeparators,o.regex),n,r):this._doFindMatchesLineByLine(e,i,o,n,r):[]}static _getMultilineMatchRange(e,t,i,n,r,o){let s,a;let l=0;if(n?(l=n.findLineFeedCountBeforeOffset(r),s=t+r+l):s=t+r,n){let e=n.findLineFeedCountBeforeOffset(r+o.length),t=e-l;a=s+o.length+t}else a=s+o.length;let h=e.getPositionAt(s),u=e.getPositionAt(a);return new rv(h.lineNumber,h.column,u.lineNumber,u.column)}static _doFindMatchesMultiline(e,t,i,n,r){let o;let s=e.getOffsetAt(t.getStartPosition()),a=e.getValueInRange(t,1),l="\r\n"===e.getEOL()?new l3(a):null,h=[],u=0;for(i.reset(0);(o=i.next(a))&&(h[u++]=l4(this._getMultilineMatchRange(e,s,a,l,o.index,o[0]),o,n),!(u>=r)););return h}static _doFindMatchesLineByLine(e,t,i,n,r){let o=[],s=0;if(t.startLineNumber===t.endLineNumber){let a=e.getLineContent(t.startLineNumber).substring(t.startColumn-1,t.endColumn-1);return s=this._findMatchesInLine(i,a,t.startLineNumber,t.startColumn-1,s,o,n,r),o}let a=e.getLineContent(t.startLineNumber).substring(t.startColumn-1);s=this._findMatchesInLine(i,a,t.startLineNumber,t.startColumn-1,s,o,n,r);for(let a=t.startLineNumber+1;a=a))););return r}let u=new l7(e.wordSeparators,e.regex);u.reset(0);do if((l=u.next(t))&&(o[r++]=l4(new rv(i,l.index+1+n,i,l.index+1+l[0].length+n),l,s),r>=a))break;while(l);return r}static findNextMatch(e,t,i,n){let r=t.parseSearchRequest();if(!r)return null;let o=new l7(r.wordSeparators,r.regex);return r.regex.multiline?this._doFindNextMatchMultiline(e,i,o,n):this._doFindNextMatchLineByLine(e,i,o,n)}static _doFindNextMatchMultiline(e,t,i,n){let r=new rE(t.lineNumber,1),o=e.getOffsetAt(r),s=e.getLineCount(),a=e.getValueInRange(new rv(r.lineNumber,r.column,s,e.getLineMaxColumn(s)),1),l="\r\n"===e.getEOL()?new l3(a):null;i.reset(t.column-1);let h=i.next(a);return h?l4(this._getMultilineMatchRange(e,o,a,l,h.index,h[0]),h,n):1!==t.lineNumber||1!==t.column?this._doFindNextMatchMultiline(e,new rE(1,1),i,n):null}static _doFindNextMatchLineByLine(e,t,i,n){let r=e.getLineCount(),o=t.lineNumber,s=e.getLineContent(o),a=this._findFirstMatchInLine(i,s,o,t.column,n);if(a)return a;for(let t=1;t<=r;t++){let s=(o+t-1)%r,a=e.getLineContent(s+1),l=this._findFirstMatchInLine(i,a,s+1,1,n);if(l)return l}return null}static _findFirstMatchInLine(e,t,i,n,r){e.reset(n-1);let o=e.next(t);return o?l4(new rv(i,o.index+1,i,o.index+1+o[0].length),o,r):null}static findPreviousMatch(e,t,i,n){let r=t.parseSearchRequest();if(!r)return null;let o=new l7(r.wordSeparators,r.regex);return r.regex.multiline?this._doFindPreviousMatchMultiline(e,i,o,n):this._doFindPreviousMatchLineByLine(e,i,o,n)}static _doFindPreviousMatchMultiline(e,t,i,n){let r=this._doFindMatchesMultiline(e,new rv(1,1,t.lineNumber,t.column),i,n,9990);if(r.length>0)return r[r.length-1];let o=e.getLineCount();return t.lineNumber!==o||t.column!==e.getLineMaxColumn(o)?this._doFindPreviousMatchMultiline(e,new rE(o,e.getLineMaxColumn(o)),i,n):null}static _doFindPreviousMatchLineByLine(e,t,i,n){let r=e.getLineCount(),o=t.lineNumber,s=e.getLineContent(o).substring(0,t.column-1),a=this._findLastMatchInLine(i,s,o,n);if(a)return a;for(let t=1;t<=r;t++){let s=(r+o-t-1)%r,a=e.getLineContent(s+1),l=this._findLastMatchInLine(i,a,s+1,n);if(l)return l}return null}static _findLastMatchInLine(e,t,i,n){let r,o=null;for(e.reset(0);r=e.next(t);)o=l4(new rv(i,r.index+1,i,r.index+1+r[0].length),r,n);return o}}function l9(e,t,i,n,r){return function(e,t,i,n,r){if(0===n)return!0;let o=t.charCodeAt(n-1);if(0!==e.get(o)||13===o||10===o)return!0;if(r>0){let i=t.charCodeAt(n);if(0!==e.get(i))return!0}return!1}(e,t,0,n,r)&&function(e,t,i,n,r){if(n+r===i)return!0;let o=t.charCodeAt(n+r);if(0!==e.get(o)||13===o||10===o)return!0;if(r>0){let i=t.charCodeAt(n+r-1);if(0!==e.get(i))return!0}return!1}(e,t,i,n,r)}class l7{constructor(e,t){this._wordSeparators=e,this._searchRegex=t,this._prevMatchStartIndex=-1,this._prevMatchLength=0}reset(e){this._searchRegex.lastIndex=e,this._prevMatchStartIndex=-1,this._prevMatchLength=0}next(e){let t;let i=e.length;do{if(this._prevMatchStartIndex+this._prevMatchLength===i||!(t=this._searchRegex.exec(e)))break;let n=t.index,r=t[0].length;if(n===this._prevMatchStartIndex&&r===this._prevMatchLength){if(0===r){r8(e,i,this._searchRegex.lastIndex)>65535?this._searchRegex.lastIndex+=2:this._searchRegex.lastIndex+=1;continue}break}if(this._prevMatchStartIndex=n,this._prevMatchLength=r,!this._wordSeparators||l9(this._wordSeparators,e,i,n,r))return t}while(t);return null}}class l8{static computeUnicodeHighlights(e,t,i){let n,r;let o=i?i.startLineNumber:1,s=i?i.endLineNumber:e.getLineCount(),a=new he(t),l=a.getCandidateCodePoints();n="allNonBasicAscii"===l?RegExp("[^\\t\\n\\r\\x20-\\x7E]","g"):RegExp(`${function(e,t){let i=`[${rV(e.map(e=>String.fromCodePoint(e)).join(""))}]`;return i}(Array.from(l))}`,"g");let h=new l7(null,n),u=[],d=!1,c=0,g=0,f=0;e:for(let t=o;t<=s;t++){let i=e.getLineContent(t),n=i.length;h.reset(0);do if(r=h.next(i)){let e=r.index,o=r.index+r[0].length;if(e>0){let t=i.charCodeAt(e-1);r6(t)&&e--}if(o+1=1e3){d=!0;break e}u.push(new rv(t,e+1,t,o+1))}}while(r)}return{ranges:u,hasMore:d,ambiguousCharacterCount:c,invisibleCharacterCount:g,nonBasicAsciiCharacterCount:f}}static computeUnicodeHighlightReason(e,t){let i=new he(t),n=i.shouldHighlightNonBasicASCII(e,null);switch(n){case 0:return null;case 2:return{kind:1};case 3:{let n=e.codePointAt(0),r=i.ambiguousCharacters.getPrimaryConfusable(n),o=op.getLocales().filter(e=>!op.getInstance(new Set([...t.allowedLocales,e])).isAmbiguous(n));return{kind:0,confusableWith:String.fromCodePoint(r),notAmbiguousInLocales:o}}case 1:return{kind:2}}}}class he{constructor(e){this.options=e,this.allowedCodePoints=new Set(e.allowedCodePoints),this.ambiguousCharacters=op.getInstance(new Set(e.allowedLocales))}getCandidateCodePoints(){if(this.options.nonBasicASCII)return"allNonBasicAscii";let e=new Set;if(this.options.invisibleCharacters)for(let t of om.codePoints)ht(String.fromCodePoint(t))||e.add(t);if(this.options.ambiguousCharacters)for(let t of this.ambiguousCharacters.getConfusableCodePoints())e.add(t);for(let t of this.allowedCodePoints)e.delete(t);return e}shouldHighlightNonBasicASCII(e,t){let i=e.codePointAt(0);if(this.allowedCodePoints.has(i))return 0;if(this.options.nonBasicASCII)return 1;let n=!1,r=!1;if(t)for(let e of t){let t=e.codePointAt(0),i=os(e);n=n||i,i||this.ambiguousCharacters.isAmbiguous(t)||om.isInvisibleCharacter(t)||(r=!0)}return!n&&r?0:this.options.invisibleCharacters&&!ht(e)&&om.isInvisibleCharacter(i)?2:this.options.ambiguousCharacters&&this.ambiguousCharacters.isAmbiguous(i)?3:0}}function ht(e){return" "===e||"\n"===e||" "===e}class hi{static fromRange(e){return new hi(e.startLineNumber,e.endLineNumber)}static subtract(e,t){return t?e.startLineNumber=s.startLineNumber?o=new hi(o.startLineNumber,Math.max(o.endLineNumberExclusive,s.endLineNumberExclusive)):(i.push(o),o=s)}return null!==o&&i.push(o),i}static ofLength(e,t){return new hi(e,e+t)}static deserialize(e){return new hi(e[0],e[1])}constructor(e,t){if(e>t)throw new nt(`startLineNumber ${e} cannot be after endLineNumberExclusive ${t}`);this.startLineNumber=e,this.endLineNumberExclusive=t}contains(e){return this.startLineNumber<=e&&e${this.modifiedRange.toString()}}`}get changedLineCount(){return Math.max(this.originalRange.length,this.modifiedRange.length)}flip(){var e;return new hr(this.modifiedRange,this.originalRange,null===(e=this.innerChanges)||void 0===e?void 0:e.map(e=>e.flip()))}}class ho{constructor(e,t){this.originalRange=e,this.modifiedRange=t}toString(){return`{${this.originalRange.toString()}->${this.modifiedRange.toString()}}`}flip(){return new ho(this.modifiedRange,this.originalRange)}}class hs{constructor(e,t){this.original=e,this.modified=t}toString(){return`{${this.original.toString()}->${this.modified.toString()}}`}flip(){return new hs(this.modified,this.original)}}class ha{constructor(e,t){this.lineRangeMapping=e,this.changes=t}flip(){return new ha(this.lineRangeMapping.flip(),this.changes.map(e=>e.flip()))}}class hl{computeDiff(e,t,i){var n;let r=new hf(e,t,{maxComputationTime:i.maxComputationTimeMs,shouldIgnoreTrimWhitespace:i.ignoreTrimWhitespace,shouldComputeCharChanges:!0,shouldMakePrettyDiff:!0,shouldPostProcessCharChanges:!0}),o=r.computeDiff(),s=[],a=null;for(let e of o.changes){let t,i;t=0===e.originalEndLineNumber?new hi(e.originalStartLineNumber+1,e.originalStartLineNumber+1):new hi(e.originalStartLineNumber,e.originalEndLineNumber+1),i=0===e.modifiedEndLineNumber?new hi(e.modifiedStartLineNumber+1,e.modifiedStartLineNumber+1):new hi(e.modifiedStartLineNumber,e.modifiedEndLineNumber+1);let r=new hr(t,i,null===(n=e.charChanges)||void 0===n?void 0:n.map(e=>new ho(new rv(e.originalStartLineNumber,e.originalStartColumn,e.originalEndLineNumber,e.originalEndColumn),new rv(e.modifiedStartLineNumber,e.modifiedStartColumn,e.modifiedEndLineNumber,e.modifiedEndColumn))));a&&(a.modifiedRange.endLineNumberExclusive===r.modifiedRange.startLineNumber||a.originalRange.endLineNumberExclusive===r.originalRange.startLineNumber)&&(r=new hr(a.originalRange.join(r.originalRange),a.modifiedRange.join(r.modifiedRange),a.innerChanges&&r.innerChanges?a.innerChanges.concat(r.innerChanges):void 0),s.pop()),s.push(r),a=r}return oY(()=>o$(s,(e,t)=>t.originalRange.startLineNumber-e.originalRange.endLineNumberExclusive==t.modifiedRange.startLineNumber-e.modifiedRange.endLineNumberExclusive&&e.originalRange.endLineNumberExclusive(10===e?"\\n":String.fromCharCode(e))+`-(${this._lineNumbers[t]},${this._columns[t]})`).join(", ")+"]"}_assertIndex(e,t){if(e<0||e>=t.length)throw Error("Illegal index")}getElements(){return this._charCodes}getStartLineNumber(e){return e>0&&e===this._lineNumbers.length?this.getEndLineNumber(e-1):(this._assertIndex(e,this._lineNumbers),this._lineNumbers[e])}getEndLineNumber(e){return -1===e?this.getStartLineNumber(e+1):(this._assertIndex(e,this._lineNumbers),10===this._charCodes[e])?this._lineNumbers[e]+1:this._lineNumbers[e]}getStartColumn(e){return e>0&&e===this._columns.length?this.getEndColumn(e-1):(this._assertIndex(e,this._columns),this._columns[e])}getEndColumn(e){return -1===e?this.getStartColumn(e+1):(this._assertIndex(e,this._columns),10===this._charCodes[e])?1:this._columns[e]+1}}class hc{constructor(e,t,i,n,r,o,s,a){this.originalStartLineNumber=e,this.originalStartColumn=t,this.originalEndLineNumber=i,this.originalEndColumn=n,this.modifiedStartLineNumber=r,this.modifiedStartColumn=o,this.modifiedEndLineNumber=s,this.modifiedEndColumn=a}static createFromDiffChange(e,t,i){let n=t.getStartLineNumber(e.originalStart),r=t.getStartColumn(e.originalStart),o=t.getEndLineNumber(e.originalStart+e.originalLength-1),s=t.getEndColumn(e.originalStart+e.originalLength-1),a=i.getStartLineNumber(e.modifiedStart),l=i.getStartColumn(e.modifiedStart),h=i.getEndLineNumber(e.modifiedStart+e.modifiedLength-1),u=i.getEndColumn(e.modifiedStart+e.modifiedLength-1);return new hc(n,r,o,s,a,l,h,u)}}class hg{constructor(e,t,i,n,r){this.originalStartLineNumber=e,this.originalEndLineNumber=t,this.modifiedStartLineNumber=i,this.modifiedEndLineNumber=n,this.charChanges=r}static createFromDiffResult(e,t,i,n,r,o,s){let a,l,h,u,d;if(0===t.originalLength?(a=i.getStartLineNumber(t.originalStart)-1,l=0):(a=i.getStartLineNumber(t.originalStart),l=i.getEndLineNumber(t.originalStart+t.originalLength-1)),0===t.modifiedLength?(h=n.getStartLineNumber(t.modifiedStart)-1,u=0):(h=n.getStartLineNumber(t.modifiedStart),u=n.getEndLineNumber(t.modifiedStart+t.modifiedLength-1)),o&&t.originalLength>0&&t.originalLength<20&&t.modifiedLength>0&&t.modifiedLength<20&&r()){let o=i.createCharSequence(e,t.originalStart,t.originalStart+t.originalLength-1),a=n.createCharSequence(e,t.modifiedStart,t.modifiedStart+t.modifiedLength-1);if(o.getElements().length>0&&a.getElements().length>0){let e=hh(o,a,r,!0).changes;s&&(e=function(e){if(e.length<=1)return e;let t=[e[0]],i=t[0];for(let n=1,r=e.length;n1&&s>1;){let n=e.charCodeAt(i-2),r=t.charCodeAt(s-2);if(n!==r)break;i--,s--}(i>1||s>1)&&this._pushTrimWhitespaceCharChange(n,r+1,1,i,o+1,1,s)}{let i=hm(e,1),s=hm(t,1),a=e.length+1,l=t.length+1;for(;i!0;let t=Date.now();return()=>Date.now()-tt))return new hE(e,t)}constructor(e,t){if(this.start=e,this.endExclusive=t,e>t)throw new nt(`Invalid range: ${this.toString()}`)}get isEmpty(){return this.start===this.endExclusive}delta(e){return new hE(this.start+e,this.endExclusive+e)}get length(){return this.endExclusive-this.start}toString(){return`[${this.start}, ${this.endExclusive})`}equals(e){return this.start===e.start&&this.endExclusive===e.endExclusive}containsRange(e){return this.start<=e.start&&e.endExclusive<=this.endExclusive}contains(e){return this.start<=e&&e ${this.seq2Range}`}join(e){return new hC(this.seq1Range.join(e.seq1Range),this.seq2Range.join(e.seq2Range))}delta(e){return 0===e?this:new hC(this.seq1Range.delta(e),this.seq2Range.delta(e))}}class hb{isValid(){return!0}}hb.instance=new hb;class hS{constructor(e){if(this.timeout=e,this.startTime=Date.now(),this.valid=!0,e<=0)throw new nt("timeout must be positive")}isValid(){let e=Date.now()-this.startTime0&&l>0&&3===o.get(a-1,l-1)&&(h+=s.get(a-1,l-1)),h+=n?n(a,l):1):h=-1;let c=Math.max(u,d,h);if(c===h){let e=a>0&&l>0?s.get(a-1,l-1):0;s.set(a,l,e+1),o.set(a,l,3)}else c===u?(s.set(a,l,0),o.set(a,l,1)):c===d&&(s.set(a,l,0),o.set(a,l,2));r.set(a,l,c)}let a=[],l=e.length,h=t.length;function u(e,t){(e+1!==l||t+1!==h)&&a.push(new hC(new hE(e+1,l),new hE(t+1,h))),l=e,h=t}let d=e.length-1,c=t.length-1;for(;d>=0&&c>=0;)3===o.get(d,c)?(u(d,c),d--,c--):1===o.get(d,c)?d--:c--;return u(-1,-1),a.reverse(),new hv(a,!1)}}function hR(e,t,i){let n=i;return n=function(e,t,i){if(0===i.length)return i;let n=[];n.push(i[0]);for(let r=1;r0&&(s=s.delta(r))}r.push(s)}return n.length>0&&r.push(n[n.length-1]),r}(e,t,n),n=function(e,t,i){if(!e.getBoundaryScore||!t.getBoundaryScore)return i;for(let n=0;n0?i[n-1]:void 0,o=i[n],s=n+1=n.start&&e.seq2Range.start-o>=r.start&&i.getElement(e.seq2Range.start-o)===i.getElement(e.seq2Range.endExclusive-o)&&o<100;)o++;o--;let s=0;for(;e.seq1Range.start+sl&&(l=h,a=n)}return e.delta(a)}class hN{compute(e,t,i=hb.instance){if(0===e.length||0===t.length)return hv.trivial(e,t);function n(i,n){for(;ie.length||d>t.length)continue;let c=n(u,d);o.set(a,c);let g=u===i?s.get(a+1):s.get(a-1);if(s.set(a,c!==u?new hO(g,u,d,c-u):g),o.get(a)===e.length&&o.get(a)-a===t.length)break t}}let l=s.get(a),h=[],u=e.length,d=t.length;for(;;){let e=l?l.x+l.length:0,t=l?l.y+l.length:0;if((e!==u||t!==d)&&h.push(new hC(new hE(e,u),new hE(t,d))),!l)break;u=l.x,d=l.y,l=l.prev}return h.reverse(),new hv(h,!1)}}class hO{constructor(e,t,i,n){this.prev=e,this.x=t,this.y=i,this.length=n}}class hL{constructor(){this.positiveArr=new Int32Array(10),this.negativeArr=new Int32Array(10)}get(e){return e<0?(e=-e-1,this.negativeArr[e]):this.positiveArr[e]}set(e,t){if(e<0){if((e=-e-1)>=this.negativeArr.length){let e=this.negativeArr;this.negativeArr=new Int32Array(2*e.length),this.negativeArr.set(e)}this.negativeArr[e]=t}else{if(e>=this.positiveArr.length){let e=this.positiveArr;this.positiveArr=new Int32Array(2*e.length),this.positiveArr.set(e)}this.positiveArr[e]=t}}}class hI{constructor(){this.positiveArr=[],this.negativeArr=[]}get(e){return e<0?(e=-e-1,this.negativeArr[e]):this.positiveArr[e]}set(e,t){e<0?(e=-e-1,this.negativeArr[e]=t):this.positiveArr[e]=t}}class hw{constructor(){this.dynamicProgrammingDiffing=new hy,this.myersDiffingAlgorithm=new hN}computeDiff(e,t,i){if(1===e.length&&0===e[0].length||1===t.length&&0===t[0].length)return{changes:[new hr(new hi(1,e.length+1),new hi(1,t.length+1),[new ho(new rv(1,1,e.length,e[0].length+1),new rv(1,1,t.length,t[0].length+1))])],hitTimeout:!1,moves:[]};let n=0===i.maxComputationTimeMs?hb.instance:new hS(i.maxComputationTimeMs),r=!i.ignoreTrimWhitespace,o=new Map;function s(e){let t=o.get(e);return void 0===t&&(t=o.size,o.set(e,t)),t}let a=e.map(e=>s(e.trim())),l=t.map(e=>s(e.trim())),h=new hx(a,e),u=new hx(l,t),d=h.length+u.length<1500?this.dynamicProgrammingDiffing.compute(h,u,n,(i,n)=>e[i]===t[n]?0===t[n].length?.1:1+Math.log(1+t[n].length):.99):this.myersDiffingAlgorithm.compute(h,u),c=d.diffs,g=d.hitTimeout;c=hR(h,u,c);let f=[],p=i=>{if(r)for(let o=0;oi.seq1Range.start-m==i.seq2Range.start-_);let o=i.seq1Range.start-m;p(o),m=i.seq1Range.endExclusive,_=i.seq2Range.endExclusive;let s=this.refineDiff(e,t,i,n,r);for(let e of(s.hitTimeout&&(g=!0),s.mappings))f.push(e)}p(e.length-m);let E=hD(f,e,t),v=[];if(i.computeMoves){let i=E.filter(e=>e.modifiedRange.isEmpty&&e.originalRange.length>=3).map(t=>new hV(t.originalRange,e)),o=new Set(E.filter(e=>e.originalRange.isEmpty&&e.modifiedRange.length>=3).map(e=>new hV(e.modifiedRange,t)));for(let s of i){let i,a=-1;for(let e of o){let t=s.computeSimilarity(e);t>a&&(a=t,i=e)}if(a>.9&&i){let a=this.refineDiff(e,t,new hC(new hE(s.range.startLineNumber-1,s.range.endLineNumberExclusive-1),new hE(i.range.startLineNumber-1,i.range.endLineNumberExclusive-1)),n,r),l=hD(a.mappings,e,t,!0);o.delete(i),v.push(new ha(new hs(s.range,i.range),l))}}}return oY(()=>{function i(e,t){if(e.lineNumber<1||e.lineNumber>t.length)return!1;let i=t[e.lineNumber-1];return!(e.column<1)&&!(e.column>i.length+1)}function n(e,t){return!(e.startLineNumber<1)&&!(e.startLineNumber>t.length+1)&&!(e.endLineNumberExclusive<1)&&!(e.endLineNumberExclusive>t.length+1)}for(let r of E){if(!r.innerChanges)return!1;for(let n of r.innerChanges){let r=i(n.modifiedRange.getStartPosition(),t)&&i(n.modifiedRange.getEndPosition(),t)&&i(n.originalRange.getStartPosition(),e)&&i(n.originalRange.getEndPosition(),e);if(!r)return!1}if(!n(r.modifiedRange,t)||!n(r.originalRange,e))return!1}return!0}),new hn(E,v,g)}refineDiff(e,t,i,n,r){let o=new hk(e,i.seq1Range,r),s=new hk(t,i.seq2Range,r),a=o.length+s.length<500?this.dynamicProgrammingDiffing.compute(o,s,n):this.myersDiffingAlgorithm.compute(o,s,n),l=a.diffs;l=hR(o,s,l),l=function(e,t,i){let n=[];for(let e of i){let t=n[n.length-1];if(!t){n.push(e);continue}e.seq1Range.start-t.seq1Range.endExclusive<=2||e.seq2Range.start-t.seq2Range.endExclusive<=2?n[n.length-1]=new hC(t.seq1Range.join(e.seq1Range),t.seq2Range.join(e.seq2Range)):n.push(e)}return n}(0,0,l=function(e,t,i){let n;let r=[];function o(){if(!n)return;let e=n.s1Range.length-n.deleted;n.s2Range.length,n.added,Math.max(n.deleted,n.added)+(n.count-1)>e&&r.push(new hC(n.s1Range,n.s2Range)),n=void 0}for(let r of i){function s(e,t){var i,s,a,l;if(!n||!n.s1Range.containsRange(e)||!n.s2Range.containsRange(t)){if(n&&!(n.s1Range.endExclusive0||t.length>0;){let n;let r=e[0],o=t[0];n=r&&(!o||r.seq1Range.start0&&i[i.length-1].seq1Range.endExclusive>=n.seq1Range.start?i[i.length-1]=i[i.length-1].join(n):i.push(n)}return i}(i,r);return a}(o,s,l)),l=function(e,t,i){let n,r=i;if(0===r.length)return r;let o=0;do{n=!1;let i=[r[0]];for(let o=1;o5||r.length>500)return!1;let l=e.getText(r).trim();if(l.length>20||l.split(/\r\n|\r|\n/).length>1)return!1;let h=e.countLinesIn(i.seq1Range),u=i.seq1Range.length,d=t.countLinesIn(i.seq2Range),c=i.seq2Range.length,g=e.countLinesIn(n.seq1Range),f=n.seq1Range.length,p=t.countLinesIn(n.seq2Range),m=n.seq2Range.length;function _(e){return Math.min(e,130)}return Math.pow(Math.pow(_(40*h+u),1.5)+Math.pow(_(40*d+c),1.5),1.5)+Math.pow(Math.pow(_(40*g+f),1.5)+Math.pow(_(40*p+m),1.5),1.5)>74184.96480721243}(a,s);l?(n=!0,i[i.length-1]=i[i.length-1].join(s)):i.push(s)}r=i}while(o++<10&&n);return r}(o,s,l);let h=l.map(e=>new ho(o.translateRange(e.seq1Range),s.translateRange(e.seq2Range)));return{mappings:h,hitTimeout:a.hitTimeout}}}function hD(e,t,i,n=!1){let r=[];for(let n of function*(e,t){let i,n;for(let r of e)void 0!==n&&t(n,r)?i.push(r):(i&&(yield i),i=[r]),n=r;i&&(yield i)}(e.map(e=>(function(e,t,i){let n=0,r=0;1===e.modifiedRange.endColumn&&1===e.originalRange.endColumn&&e.originalRange.startLineNumber+n<=e.originalRange.endLineNumber&&e.modifiedRange.startLineNumber+n<=e.modifiedRange.endLineNumber&&(r=-1),e.modifiedRange.startColumn-1>=i[e.modifiedRange.startLineNumber-1].length&&e.originalRange.startColumn-1>=t[e.originalRange.startLineNumber-1].length&&e.originalRange.startLineNumber<=e.originalRange.endLineNumber+r&&e.modifiedRange.startLineNumber<=e.modifiedRange.endLineNumber+r&&(n=1);let o=new hi(e.originalRange.startLineNumber+n,e.originalRange.endLineNumber+1+r),s=new hi(e.modifiedRange.startLineNumber+n,e.modifiedRange.endLineNumber+1+r);return new hr(o,s,[e])})(e,t,i)),(e,t)=>e.originalRange.overlapOrTouch(t.originalRange)||e.modifiedRange.overlapOrTouch(t.modifiedRange))){let e=n[0],t=n[n.length-1];r.push(new hr(e.originalRange.join(t.originalRange),e.modifiedRange.join(t.modifiedRange),n.map(e=>e.innerChanges[0])))}return oY(()=>(!!n||!(r.length>0)||r[0].originalRange.startLineNumber===r[0].modifiedRange.startLineNumber)&&o$(r,(e,t)=>t.originalRange.startLineNumber-e.originalRange.endLineNumberExclusive==t.modifiedRange.startLineNumber-e.modifiedRange.endLineNumberExclusive&&e.originalRange.endLineNumberExclusive0&&t.endExclusive>=e.length&&(t=new hE(t.start-1,t.endExclusive),n=!0),this.lineRange=t;for(let t=this.lineRange.start;tString.fromCharCode(e)).join("")}getElement(e){return this.elements[e]}get length(){return this.elements.length}getBoundaryScore(e){let t=hB(e>0?this.elements[e-1]:-1),i=hB(ee?i=n:t=n+1}let n=0===t?0:this.firstCharOffsetByLineMinusOne[t-1];return new rE(this.lineRange.start+t+1,e-n+1+this.offsetByLine[t])}translateRange(e){return rv.fromPositions(this.translateOffset(e.start),this.translateOffset(e.endExclusive))}findWordContaining(e){if(e<0||e>=this.elements.length||!hP(this.elements[e]))return;let t=e;for(;t>0&&hP(this.elements[t-1]);)t--;let i=e;for(;i=97&&e<=122||e>=65&&e<=90||e>=48&&e<=57}let hF={0:0,1:0,2:0,3:10,4:2,5:3,6:10,7:10};function hB(e){if(10===e)return 7;if(13===e)return 6;if(32===e||9===e)return 5;if(e>=97&&e<=122)return 0;if(e>=65&&e<=90)return 1;if(e>=48&&e<=57)return 2;if(-1===e)return 3;else return 4}let hU=new Map;function hH(e){let t=hU.get(e);return void 0===t&&(t=hU.size,hU.set(e,t)),t}class hV{constructor(e,t){this.range=e,this.lines=t,this.histogram=[];let i=0;for(let n=e.startLineNumber-1;nnew hl,getAdvanced:()=>new hw};function hG(e,t){let i=Math.pow(10,t);return Math.round(e*i)/i}class hj{constructor(e,t,i,n=1){this._rgbaBrand=void 0,this.r=0|Math.min(255,Math.max(0,e)),this.g=0|Math.min(255,Math.max(0,t)),this.b=0|Math.min(255,Math.max(0,i)),this.a=hG(Math.max(Math.min(1,n),0),3)}static equals(e,t){return e.r===t.r&&e.g===t.g&&e.b===t.b&&e.a===t.a}}class hz{constructor(e,t,i,n){this._hslaBrand=void 0,this.h=0|Math.max(Math.min(360,e),0),this.s=hG(Math.max(Math.min(1,t),0),3),this.l=hG(Math.max(Math.min(1,i),0),3),this.a=hG(Math.max(Math.min(1,n),0),3)}static equals(e,t){return e.h===t.h&&e.s===t.s&&e.l===t.l&&e.a===t.a}static fromRGBA(e){let t=e.r/255,i=e.g/255,n=e.b/255,r=e.a,o=Math.max(t,i,n),s=Math.min(t,i,n),a=0,l=0,h=(s+o)/2,u=o-s;if(u>0){switch(l=Math.min(h<=.5?u/(2*h):u/(2-2*h),1),o){case t:a=(i-n)/u+(i1&&(i-=1),i<1/6)?e+(t-e)*6*i:i<.5?t:i<2/3?e+(t-e)*(2/3-i)*6:e}static toRGBA(e){let t,i,n;let r=e.h/360,{s:o,l:s,a}=e;if(0===o)t=i=n=s;else{let e=s<.5?s*(1+o):s+o-s*o,a=2*s-e;t=hz._hue2rgb(a,e,r+1/3),i=hz._hue2rgb(a,e,r),n=hz._hue2rgb(a,e,r-1/3)}return new hj(Math.round(255*t),Math.round(255*i),Math.round(255*n),a)}}class hK{constructor(e,t,i,n){this._hsvaBrand=void 0,this.h=0|Math.max(Math.min(360,e),0),this.s=hG(Math.max(Math.min(1,t),0),3),this.v=hG(Math.max(Math.min(1,i),0),3),this.a=hG(Math.max(Math.min(1,n),0),3)}static equals(e,t){return e.h===t.h&&e.s===t.s&&e.v===t.v&&e.a===t.a}static fromRGBA(e){let t;let i=e.r/255,n=e.g/255,r=e.b/255,o=Math.max(i,n,r),s=Math.min(i,n,r),a=o-s,l=0===o?0:a/o;return t=0===a?0:o===i?((n-r)/a%6+6)%6:o===n?(r-i)/a+2:(i-n)/a+4,new hK(Math.round(60*t),l,o,e.a)}static toRGBA(e){let{h:t,s:i,v:n,a:r}=e,o=n*i,s=o*(1-Math.abs(t/60%2-1)),a=n-o,[l,h,u]=[0,0,0];return t<60?(l=o,h=s):t<120?(l=s,h=o):t<180?(h=o,u=s):t<240?(h=s,u=o):t<300?(l=s,u=o):t<=360&&(l=o,u=s),l=Math.round((l+a)*255),h=Math.round((h+a)*255),u=Math.round((u+a)*255),new hj(l,h,u,r)}}class hY{static fromHex(e){return hY.Format.CSS.parseHex(e)||hY.red}static equals(e,t){return!e&&!t||!!e&&!!t&&e.equals(t)}get hsla(){return this._hsla?this._hsla:hz.fromRGBA(this.rgba)}get hsva(){return this._hsva?this._hsva:hK.fromRGBA(this.rgba)}constructor(e){if(e){if(e instanceof hj)this.rgba=e;else if(e instanceof hz)this._hsla=e,this.rgba=hz.toRGBA(e);else if(e instanceof hK)this._hsva=e,this.rgba=hK.toRGBA(e);else throw Error("Invalid color ctor argument")}else throw Error("Color needs a value")}equals(e){return!!e&&hj.equals(this.rgba,e.rgba)&&hz.equals(this.hsla,e.hsla)&&hK.equals(this.hsva,e.hsva)}getRelativeLuminance(){let e=hY._relativeLuminanceForComponent(this.rgba.r),t=hY._relativeLuminanceForComponent(this.rgba.g),i=hY._relativeLuminanceForComponent(this.rgba.b);return hG(.2126*e+.7152*t+.0722*i,4)}static _relativeLuminanceForComponent(e){let t=e/255;return t<=.03928?t/12.92:Math.pow((t+.055)/1.055,2.4)}isLighter(){let e=(299*this.rgba.r+587*this.rgba.g+114*this.rgba.b)/1e3;return e>=128}isLighterThan(e){let t=this.getRelativeLuminance(),i=e.getRelativeLuminance();return t>i}isDarkerThan(e){let t=this.getRelativeLuminance(),i=e.getRelativeLuminance();return tthis._lines.length)t=this._lines.length,i=this._lines[t-1].length+1,n=!0;else{let e=this._lines[t-1].length+1;i<1?(i=1,n=!0):i>e&&(i=e,n=!0)}return n?{lineNumber:t,column:i}:e}}class h2{constructor(e,t){this._host=e,this._models=Object.create(null),this._foreignModuleFactory=t,this._foreignModule=null}dispose(){this._models=Object.create(null)}_getModel(e){return this._models[e]}_getModels(){let e=[];return Object.keys(this._models).forEach(t=>e.push(this._models[t])),e}acceptNewModel(e){this._models[e.url]=new h1(rl.parse(e.url),e.lines,e.EOL,e.versionId)}acceptModelChanged(e,t){if(!this._models[e])return;let i=this._models[e];i.onEvents(t)}acceptRemovedModel(e){this._models[e]&&delete this._models[e]}computeUnicodeHighlights(e,t,i){return h0(this,void 0,void 0,function*(){let n=this._getModel(e);return n?l8.computeUnicodeHighlights(n,t,i):{ranges:[],hasMore:!1,ambiguousCharacterCount:0,invisibleCharacterCount:0,nonBasicAsciiCharacterCount:0}})}computeDiff(e,t,i,n){return h0(this,void 0,void 0,function*(){let r=this._getModel(e),o=this._getModel(t);return r&&o?h2.computeDiff(r,o,i,n):null})}static computeDiff(e,t,i,n){let r="advanced"===n?hW.getAdvanced():hW.getLegacy(),o=e.getLinesContent(),s=t.getLinesContent(),a=r.computeDiff(o,s,i),l=!(a.changes.length>0)&&this._modelsAreIdentical(e,t);function h(e){return e.map(e=>{var t;return[e.originalRange.startLineNumber,e.originalRange.endLineNumberExclusive,e.modifiedRange.startLineNumber,e.modifiedRange.endLineNumberExclusive,null===(t=e.innerChanges)||void 0===t?void 0:t.map(e=>[e.originalRange.startLineNumber,e.originalRange.startColumn,e.originalRange.endLineNumber,e.originalRange.endColumn,e.modifiedRange.startLineNumber,e.modifiedRange.startColumn,e.modifiedRange.endLineNumber,e.modifiedRange.endColumn])]})}return{identical:l,quitEarly:a.hitTimeout,changes:h(a.changes),moves:a.moves.map(e=>[e.lineRangeMapping.original.startLineNumber,e.lineRangeMapping.original.endLineNumberExclusive,e.lineRangeMapping.modified.startLineNumber,e.lineRangeMapping.modified.endLineNumberExclusive,h(e.changes)])}}static _modelsAreIdentical(e,t){let i=e.getLineCount(),n=t.getLineCount();if(i!==n)return!1;for(let n=1;n<=i;n++){let i=e.getLineContent(n),r=t.getLineContent(n);if(i!==r)return!1}return!0}computeMoreMinimalEdits(e,t,i){return h0(this,void 0,void 0,function*(){let n;let r=this._getModel(e);if(!r)return t;let o=[];for(let{range:e,text:a,eol:l}of t=t.slice(0).sort((e,t)=>{if(e.range&&t.range)return rv.compareRangesUsingStarts(e.range,t.range);let i=e.range?0:1,n=t.range?0:1;return i-n})){var s;if("number"==typeof l&&(n=l),rv.isEmpty(e)&&!a)continue;let t=r.getValueInRange(e);if(t===(a=a.replace(/\r\n|\n|\r/g,r.eol)))continue;if(Math.max(a.length,t.length)>h2._diffLimit){o.push({range:e,text:a});continue}let h=(s=a,new lH(new lP(t),new lP(s)).ComputeDiff(i).changes),u=r.offsetAt(rv.lift(e).getStartPosition());for(let e of h){let t=r.positionAt(u+e.originalStart),i=r.positionAt(u+e.originalStart+e.originalLength),n={text:a.substr(e.modifiedStart,e.modifiedLength),range:{startLineNumber:t.lineNumber,startColumn:t.column,endLineNumber:i.lineNumber,endColumn:i.column}};r.getValueInRange(n.range)!==n.text&&o.push(n)}}return"number"==typeof n&&o.push({eol:n,text:"",range:{startLineNumber:0,startColumn:0,endLineNumber:0,endColumn:0}}),o})}computeLinks(e){return h0(this,void 0,void 0,function*(){let t=this._getModel(e);return t?t&&"function"==typeof t.getLineCount&&"function"==typeof t.getLineContent?lQ.computeLinks(t):[]:null})}computeDefaultDocumentColors(e){return h0(this,void 0,void 0,function*(){let t=this._getModel(e);return t?t&&"function"==typeof t.getValue&&"function"==typeof t.positionAt?function(e){let t=[],i=hQ(e,/\b(rgb|rgba|hsl|hsla)(\([0-9\s,.\%]*\))|(#)([A-Fa-f0-9]{3})\b|(#)([A-Fa-f0-9]{4})\b|(#)([A-Fa-f0-9]{6})\b|(#)([A-Fa-f0-9]{8})\b/gm);if(i.length>0)for(let n of i){let i;let r=n.filter(e=>void 0!==e),o=r[1],s=r[2];if(s){if("rgb"===o){let t=/^\(\s*(25[0-5]|2[0-4][0-9]|1[0-9]{2}|[1-9][0-9]|[0-9])\s*,\s*(25[0-5]|2[0-4][0-9]|1[0-9]{2}|[1-9][0-9]|[0-9])\s*,\s*(25[0-5]|2[0-4][0-9]|1[0-9]{2}|[1-9][0-9]|[0-9])\s*\)$/gm;i=hZ(hX(e,n),hQ(s,t),!1)}else if("rgba"===o){let t=/^\(\s*(25[0-5]|2[0-4][0-9]|1[0-9]{2}|[1-9][0-9]|[0-9])\s*,\s*(25[0-5]|2[0-4][0-9]|1[0-9]{2}|[1-9][0-9]|[0-9])\s*,\s*(25[0-5]|2[0-4][0-9]|1[0-9]{2}|[1-9][0-9]|[0-9])\s*,\s*(0[.][0-9]+|[.][0-9]+|[01][.]|[01])\s*\)$/gm;i=hZ(hX(e,n),hQ(s,t),!0)}else if("hsl"===o){let t=/^\(\s*(36[0]|3[0-5][0-9]|[12][0-9][0-9]|[1-9]?[0-9])\s*,\s*(100|\d{1,2}[.]\d*|\d{1,2})%\s*,\s*(100|\d{1,2}[.]\d*|\d{1,2})%\s*\)$/gm;i=hJ(hX(e,n),hQ(s,t),!1)}else if("hsla"===o){let t=/^\(\s*(36[0]|3[0-5][0-9]|[12][0-9][0-9]|[1-9]?[0-9])\s*,\s*(100|\d{1,2}[.]\d*|\d{1,2})%\s*,\s*(100|\d{1,2}[.]\d*|\d{1,2})%\s*,\s*(0[.][0-9]+|[.][0-9]+|[01][.]|[01])\s*\)$/gm;i=hJ(hX(e,n),hQ(s,t),!0)}else"#"===o&&(i=function(e,t){if(!e)return;let i=hY.Format.CSS.parseHex(t);if(i)return{range:e,color:hq(i.rgba.r,i.rgba.g,i.rgba.b,i.rgba.a)}}(hX(e,n),o+s));i&&t.push(i)}}return t}(t):[]:null})}textualSuggest(e,t,i,n){return h0(this,void 0,void 0,function*(){let r=new nE,o=new RegExp(i,n),s=new Set;i:for(let i of e){let e=this._getModel(i);if(e){for(let i of e.words(o))if(i!==t&&isNaN(Number(i))&&(s.add(i),s.size>h2._suggestionsLimit))break i}}return{words:Array.from(s),duration:r.elapsed()}})}computeWordRanges(e,t,i,n){return h0(this,void 0,void 0,function*(){let r=this._getModel(e);if(!r)return Object.create(null);let o=new RegExp(i,n),s=Object.create(null);for(let e=t.startLineNumber;ethis._host.fhr(e,t));return this._foreignModuleFactory?(this._foreignModule=this._foreignModuleFactory({host:n,getMirrorModels:()=>this._getModels()},t),Promise.resolve((0,oq.$E)(this._foreignModule))):Promise.reject(Error("Unexpected usage"))}fmr(e,t){if(!this._foreignModule||"function"!=typeof this._foreignModule[e])return Promise.reject(Error("Missing requestHandler or method: "+e));try{return Promise.resolve(this._foreignModule[e].apply(this._foreignModule,t))}catch(e){return Promise.reject(e)}}}h2._diffLimit=1e5,h2._suggestionsLimit=1e4,"function"==typeof importScripts&&(globalThis.monaco=rk());let h5=oG("textResourceConfigurationService"),h4=oG("textResourcePropertiesService"),h3=oG("logService");(eS=t0||(t0={}))[eS.Off=0]="Off",eS[eS.Trace=1]="Trace",eS[eS.Debug=2]="Debug",eS[eS.Info=3]="Info",eS[eS.Warning=4]="Warning",eS[eS.Error=5]="Error";let h6=t0.Info;class h9 extends nc{constructor(){super(...arguments),this.level=h6,this._onDidChangeLogLevel=this._register(new nT),this.onDidChangeLogLevel=this._onDidChangeLogLevel.event}setLevel(e){this.level!==e&&(this.level=e,this._onDidChangeLogLevel.fire(this.level))}getLevel(){return this.level}checkLogLevel(e){return this.level!==t0.Off&&this.level<=e}}class h7 extends h9{constructor(e=h6,t=!0){super(),this.useColors=t,this.setLevel(e)}trace(e,...t){this.checkLogLevel(t0.Trace)&&(this.useColors?console.log("%cTRACE","color: #888",e,...t):console.log(e,...t))}debug(e,...t){this.checkLogLevel(t0.Debug)&&(this.useColors?console.log("%cDEBUG","background: #eee; color: #888",e,...t):console.log(e,...t))}info(e,...t){this.checkLogLevel(t0.Info)&&(this.useColors?console.log("%c INFO","color: #33f",e,...t):console.log(e,...t))}warn(e,...t){this.checkLogLevel(t0.Warning)&&(this.useColors?console.log("%c WARN","color: #993",e,...t):console.log(e,...t))}error(e,...t){this.checkLogLevel(t0.Error)&&(this.useColors?console.log("%c ERR","color: #f33",e,...t):console.error(e,...t))}dispose(){}}class h8 extends h9{constructor(e){super(),this.loggers=e,e.length&&this.setLevel(e[0].getLevel())}setLevel(e){for(let t of this.loggers)t.setLevel(e);super.setLevel(e)}trace(e,...t){for(let i of this.loggers)i.trace(e,...t)}debug(e,...t){for(let i of this.loggers)i.debug(e,...t)}info(e,...t){for(let i of this.loggers)i.info(e,...t)}warn(e,...t){for(let i of this.loggers)i.warn(e,...t)}error(e,...t){for(let i of this.loggers)i.error(e,...t)}dispose(){for(let e of this.loggers)e.dispose()}}new sA("logLevel",function(e){switch(e){case t0.Trace:return"trace";case t0.Debug:return"debug";case t0.Info:return"info";case t0.Warning:return"warn";case t0.Error:return"error";case t0.Off:return"off"}}(t0.Info));let ue=oG("ILanguageFeaturesService");var ut=function(e,t){return function(i,n){t(i,n,e)}},ui=function(e,t,i,n){return new(i||(i=Promise))(function(r,o){function s(e){try{l(n.next(e))}catch(e){o(e)}}function a(e){try{l(n.throw(e))}catch(e){o(e)}}function l(e){var t;e.done?r(e.value):((t=e.value)instanceof i?t:new i(function(e){e(t)})).then(s,a)}l((n=n.apply(e,t||[])).next())})};function un(e,t){let i=e.getModel(t);return!(!i||i.isTooLargeForSyncing())}let ur=class extends nc{constructor(e,t,i,n,r){super(),this._modelService=e,this._workerManager=this._register(new us(this._modelService,n)),this._logService=i,this._register(r.linkProvider.register({language:"*",hasAccessToAllModels:!0},{provideLinks:(e,t)=>un(this._modelService,e.uri)?this._workerManager.withWorker().then(t=>t.computeLinks(e.uri)).then(e=>e&&{links:e}):Promise.resolve({links:[]})})),this._register(r.completionProvider.register("*",new uo(this._workerManager,t,this._modelService,n)))}dispose(){super.dispose()}canComputeUnicodeHighlights(e){return un(this._modelService,e)}computedUnicodeHighlights(e,t,i){return this._workerManager.withWorker().then(n=>n.computedUnicodeHighlights(e,t,i))}computeDiff(e,t,i,n){return ui(this,void 0,void 0,function*(){let r=yield this._workerManager.withWorker().then(r=>r.computeDiff(e,t,i,n));if(!r)return null;let o={identical:r.identical,quitEarly:r.quitEarly,changes:s(r.changes),moves:r.moves.map(e=>new ha(new hs(new hi(e[0],e[1]),new hi(e[2],e[3])),s(e[4])))};return o;function s(e){return e.map(e=>{var t;return new hr(new hi(e[0],e[1]),new hi(e[2],e[3]),null===(t=e[4])||void 0===t?void 0:t.map(e=>new ho(new rv(e[0],e[1],e[2],e[3]),new rv(e[4],e[5],e[6],e[7]))))})}})}computeMoreMinimalEdits(e,t,i=!1){if(!(0,sX.Of)(t))return Promise.resolve(void 0);{if(!un(this._modelService,e))return Promise.resolve(t);let n=nE.create(),r=this._workerManager.withWorker().then(n=>n.computeMoreMinimalEdits(e,t,i));return r.finally(()=>this._logService.trace("FORMAT#computeMoreMinimalEdits",e.toString(!0),n.elapsed())),Promise.race([r,ls(1e3).then(()=>t)])}}canNavigateValueSet(e){return un(this._modelService,e)}navigateValueSet(e,t,i){return this._workerManager.withWorker().then(n=>n.navigateValueSet(e,t,i))}canComputeWordRanges(e){return un(this._modelService,e)}computeWordRanges(e,t){return this._workerManager.withWorker().then(i=>i.computeWordRanges(e,t))}};ur=function(e,t,i,n){var r,o=arguments.length,s=o<3?t:null===n?n=Object.getOwnPropertyDescriptor(t,i):n;if("object"==typeof Reflect&&"function"==typeof Reflect.decorate)s=Reflect.decorate(e,t,i,n);else for(var a=e.length-1;a>=0;a--)(r=e[a])&&(s=(o<3?r(s):o>3?r(t,i,s):r(t,i))||s);return o>3&&s&&Object.defineProperty(t,i,s),s}([ut(0,a3),ut(1,h5),ut(2,h3),ut(3,aj),ut(4,ue)],ur);class uo{constructor(e,t,i,n){this.languageConfigurationService=n,this._debugDisplayName="wordbasedCompletions",this._workerManager=e,this._configurationService=t,this._modelService=i}provideCompletionItems(e,t){return ui(this,void 0,void 0,function*(){let i=this._configurationService.getValue(e.uri,t,"editor");if(!i.wordBasedSuggestions)return;let n=[];if("currentDocument"===i.wordBasedSuggestionsMode)un(this._modelService,e.uri)&&n.push(e.uri);else for(let t of this._modelService.getModels())un(this._modelService,t.uri)&&(t===e?n.unshift(t.uri):("allDocuments"===i.wordBasedSuggestionsMode||t.getLanguageId()===e.getLanguageId())&&n.push(t.uri));if(0===n.length)return;let r=this.languageConfigurationService.getLanguageConfiguration(e.getLanguageId()).getWordDefinition(),o=e.getWordAtPosition(t),s=o?new rv(t.lineNumber,o.startColumn,t.lineNumber,o.endColumn):rv.fromPositions(t),a=s.setEndPosition(t.lineNumber,t.column),l=yield this._workerManager.withWorker(),h=yield l.textualSuggest(n,null==o?void 0:o.word,r);if(h)return{duration:h.duration,suggestions:h.words.map(e=>({kind:18,label:e,insertText:e,range:{insert:a,replace:s}}))}})}}class us extends nc{constructor(e,t){super(),this.languageConfigurationService=t,this._modelService=e,this._editorWorkerClient=null,this._lastWorkerUsedTime=new Date().getTime();let i=this._register(new lh);i.cancelAndSet(()=>this._checkStopIdleWorker(),Math.round(15e4)),this._register(this._modelService.onModelRemoved(e=>this._checkStopEmptyWorker()))}dispose(){this._editorWorkerClient&&(this._editorWorkerClient.dispose(),this._editorWorkerClient=null),super.dispose()}_checkStopEmptyWorker(){if(!this._editorWorkerClient)return;let e=this._modelService.getModels();0===e.length&&(this._editorWorkerClient.dispose(),this._editorWorkerClient=null)}_checkStopIdleWorker(){if(!this._editorWorkerClient)return;let e=new Date().getTime()-this._lastWorkerUsedTime;e>3e5&&(this._editorWorkerClient.dispose(),this._editorWorkerClient=null)}withWorker(){return this._lastWorkerUsedTime=new Date().getTime(),this._editorWorkerClient||(this._editorWorkerClient=new uu(this._modelService,!1,"editorWorkerService",this.languageConfigurationService)),Promise.resolve(this._editorWorkerClient)}}class ua extends nc{constructor(e,t,i){if(super(),this._syncedModels=Object.create(null),this._syncedModelsLastUsedTime=Object.create(null),this._proxy=e,this._modelService=t,!i){let e=new lh;e.cancelAndSet(()=>this._checkStopModelSync(),Math.round(3e4)),this._register(e)}}dispose(){for(let e in this._syncedModels)nl(this._syncedModels[e]);this._syncedModels=Object.create(null),this._syncedModelsLastUsedTime=Object.create(null),super.dispose()}ensureSyncedResources(e,t){for(let i of e){let e=i.toString();this._syncedModels[e]||this._beginModelSync(i,t),this._syncedModels[e]&&(this._syncedModelsLastUsedTime[e]=new Date().getTime())}}_checkStopModelSync(){let e=new Date().getTime(),t=[];for(let i in this._syncedModelsLastUsedTime){let n=e-this._syncedModelsLastUsedTime[i];n>6e4&&t.push(i)}for(let e of t)this._stopModelSync(e)}_beginModelSync(e,t){let i=this._modelService.getModel(e);if(!i||!t&&i.isTooLargeForSyncing())return;let n=e.toString();this._proxy.acceptNewModel({url:i.uri.toString(),lines:i.getLinesContent(),EOL:i.getEOL(),versionId:i.getVersionId()});let r=new nd;r.add(i.onDidChangeContent(e=>{this._proxy.acceptModelChanged(n.toString(),e)})),r.add(i.onWillDispose(()=>{this._stopModelSync(n)})),r.add(nu(()=>{this._proxy.acceptRemovedModel(n)})),this._syncedModels[n]=r}_stopModelSync(e){let t=this._syncedModels[e];delete this._syncedModels[e],delete this._syncedModelsLastUsedTime[e],nl(t)}}class ul{constructor(e){this._instance=e,this._proxyObj=Promise.resolve(this._instance)}dispose(){this._instance.dispose()}getProxyObject(){return this._proxyObj}}class uh{constructor(e){this._workerClient=e}fhr(e,t){return this._workerClient.fhr(e,t)}}class uu extends nc{constructor(e,t,i,n){super(),this.languageConfigurationService=n,this._disposed=!1,this._modelService=e,this._keepIdleModels=t,this._workerFactory=new lO(i),this._worker=null,this._modelManager=null}fhr(e,t){throw Error("Not implemented!")}_getOrCreateWorker(){if(!this._worker)try{this._worker=this._register(new lS(this._workerFactory,"vs/editor/common/services/editorSimpleWorker",new uh(this)))}catch(e){lp(e),this._worker=new ul(new h2(new uh(this),null))}return this._worker}_getProxy(){return this._getOrCreateWorker().getProxyObject().then(void 0,e=>(lp(e),this._worker=new ul(new h2(new uh(this),null)),this._getOrCreateWorker().getProxyObject()))}_getOrCreateModelManager(e){return this._modelManager||(this._modelManager=this._register(new ua(e,this._modelService,this._keepIdleModels))),this._modelManager}_withSyncedResources(e,t=!1){return ui(this,void 0,void 0,function*(){return this._disposed?Promise.reject(function(){let e=Error(i4);return e.name=e.message,e}()):this._getProxy().then(i=>(this._getOrCreateModelManager(i).ensureSyncedResources(e,t),i))})}computedUnicodeHighlights(e,t,i){return this._withSyncedResources([e]).then(n=>n.computeUnicodeHighlights(e.toString(),t,i))}computeDiff(e,t,i,n){return this._withSyncedResources([e,t],!0).then(r=>r.computeDiff(e.toString(),t.toString(),i,n))}computeMoreMinimalEdits(e,t,i){return this._withSyncedResources([e]).then(n=>n.computeMoreMinimalEdits(e.toString(),t,i))}computeLinks(e){return this._withSyncedResources([e]).then(t=>t.computeLinks(e.toString()))}computeDefaultDocumentColors(e){return this._withSyncedResources([e]).then(t=>t.computeDefaultDocumentColors(e.toString()))}textualSuggest(e,t,i){return ui(this,void 0,void 0,function*(){let n=yield this._withSyncedResources(e),r=i.source,o=rj(i);return n.textualSuggest(e.map(e=>e.toString()),t,r,o)})}computeWordRanges(e,t){return this._withSyncedResources([e]).then(i=>{let n=this._modelService.getModel(e);if(!n)return Promise.resolve(null);let r=this.languageConfigurationService.getLanguageConfiguration(n.getLanguageId()).getWordDefinition(),o=r.source,s=rj(r);return i.computeWordRanges(e.toString(),t,o,s)})}navigateValueSet(e,t,i){return this._withSyncedResources([e]).then(n=>{let r=this._modelService.getModel(e);if(!r)return null;let o=this.languageConfigurationService.getLanguageConfiguration(r.getLanguageId()).getWordDefinition(),s=o.source,a=rj(o);return n.navigateValueSet(e.toString(),t,i,s,a)})}dispose(){super.dispose(),this._disposed=!0}}class ud extends uu{constructor(e,t,i){super(e,i.keepIdleModels||!1,i.label,t),this._foreignModuleId=i.moduleId,this._foreignModuleCreateData=i.createData||null,this._foreignModuleHost=i.host||null,this._foreignProxy=null}fhr(e,t){if(!this._foreignModuleHost||"function"!=typeof this._foreignModuleHost[e])return Promise.reject(Error("Missing method "+e+" or missing main thread foreign host."));try{return Promise.resolve(this._foreignModuleHost[e].apply(this._foreignModuleHost,t))}catch(e){return Promise.reject(e)}}_getForeignProxy(){return this._foreignProxy||(this._foreignProxy=this._getProxy().then(e=>{let t=this._foreignModuleHost?(0,oq.$E)(this._foreignModuleHost):[];return e.loadForeignModule(this._foreignModuleId,this._foreignModuleCreateData,t).then(t=>{this._foreignModuleCreateData=null;let i=(t,i)=>e.fmr(t,i),n=(e,t)=>function(){let i=Array.prototype.slice.call(arguments,0);return t(e,i)},r={};for(let e of t)r[e]=n(e,i);return r})})),this._foreignProxy}getProxy(){return this._getForeignProxy()}withSyncedResources(e){return this._withSyncedResources(e).then(e=>this.getProxy())}}class uc{static getLanguageId(e){return(255&e)>>>0}static getTokenType(e){return(768&e)>>>8}static containsBalancedBrackets(e){return(1024&e)!=0}static getFontStyle(e){return(30720&e)>>>11}static getForeground(e){return(16744448&e)>>>15}static getBackground(e){return(4278190080&e)>>>24}static getClassNameFromMetadata(e){let t=this.getForeground(e),i="mtk"+t,n=this.getFontStyle(e);return 1&n&&(i+=" mtki"),2&n&&(i+=" mtkb"),4&n&&(i+=" mtku"),8&n&&(i+=" mtks"),i}static getInlineStyleFromMetadata(e,t){let i=this.getForeground(e),n=this.getFontStyle(e),r=`color: ${t[i]};`;1&n&&(r+="font-style: italic;"),2&n&&(r+="font-weight: bold;");let o="";return 4&n&&(o+=" underline"),8&n&&(o+=" line-through"),o&&(r+=`text-decoration:${o};`),r}static getPresentationFromMetadata(e){let t=this.getForeground(e),i=this.getFontStyle(e);return{foreground:t,italic:!!(1&i),bold:!!(2&i),underline:!!(4&i),strikethrough:!!(8&i)}}}class ug{static createEmpty(e,t){let i=ug.defaultTokenMetadata,n=new Uint32Array(2);return n[0]=e.length,n[1]=i,new ug(n,e,t)}constructor(e,t,i){this._lineTokensBrand=void 0,this._tokens=e,this._tokensCount=this._tokens.length>>>1,this._text=t,this._languageIdCodec=i}equals(e){return e instanceof ug&&this.slicedEquals(e,0,this._tokensCount)}slicedEquals(e,t,i){if(this._text!==e._text||this._tokensCount!==e._tokensCount)return!1;let n=t<<1,r=n+(i<<1);for(let t=n;t0?this._tokens[e-1<<1]:0}getMetadata(e){let t=this._tokens[(e<<1)+1];return t}getLanguageId(e){let t=this._tokens[(e<<1)+1],i=uc.getLanguageId(t);return this._languageIdCodec.decodeLanguageId(i)}getStandardTokenType(e){let t=this._tokens[(e<<1)+1];return uc.getTokenType(t)}getForeground(e){let t=this._tokens[(e<<1)+1];return uc.getForeground(t)}getClassName(e){let t=this._tokens[(e<<1)+1];return uc.getClassNameFromMetadata(t)}getInlineStyle(e,t){let i=this._tokens[(e<<1)+1];return uc.getInlineStyleFromMetadata(i,t)}getPresentation(e){let t=this._tokens[(e<<1)+1];return uc.getPresentationFromMetadata(t)}getEndOffset(e){return this._tokens[e<<1]}findTokenIndexAtOffset(e){return ug.findIndexInTokensArray(this._tokens,e)}inflate(){return this}sliceAndInflate(e,t,i){return new uf(this,e,t,i)}static convertToEndOffset(e,t){let i=e.length>>>1,n=i-1;for(let t=0;t>>1)-1;for(;it&&(n=r)}return i}withInserted(e){if(0===e.length)return this;let t=0,i=0,n="",r=[],o=0;for(;;){let s=to){n+=this._text.substring(o,a.offset);let e=this._tokens[(t<<1)+1];r.push(n.length,e),o=a.offset}n+=a.text,r.push(n.length,a.tokenMetadata),i++}else break}return new ug(new Uint32Array(r),n,this._languageIdCodec)}}ug.defaultTokenMetadata=33587200;class uf{constructor(e,t,i,n){this._source=e,this._startOffset=t,this._endOffset=i,this._deltaOffset=n,this._firstTokenIndex=e.findTokenIndexAtOffset(t),this._tokensCount=0;for(let t=this._firstTokenIndex,n=e.getCount();t=i)break;this._tokensCount++}}getMetadata(e){return this._source.getMetadata(this._firstTokenIndex+e)}getLanguageId(e){return this._source.getLanguageId(this._firstTokenIndex+e)}getLineContent(){return this._source.getLineContent().substring(this._startOffset,this._endOffset)}equals(e){return e instanceof uf&&this._startOffset===e._startOffset&&this._endOffset===e._endOffset&&this._deltaOffset===e._deltaOffset&&this._source.slicedEquals(e._source,this._firstTokenIndex,this._tokensCount)}getCount(){return this._tokensCount}getForeground(e){return this._source.getForeground(this._firstTokenIndex+e)}getEndOffset(e){let t=this._source.getEndOffset(this._firstTokenIndex+e);return Math.min(this._endOffset,t)-this._startOffset+this._deltaOffset}getClassName(e){return this._source.getClassName(this._firstTokenIndex+e)}getInlineStyle(e,t){return this._source.getInlineStyle(this._firstTokenIndex+e,t)}getPresentation(e){return this._source.getPresentation(this._firstTokenIndex+e)}findTokenIndexAtOffset(e){return this._source.findTokenIndexAtOffset(e+this._startOffset-this._deltaOffset)-this._firstTokenIndex}}class up{constructor(e,t,i,n){this.startColumn=e,this.endColumn=t,this.className=i,this.type=n,this._lineDecorationBrand=void 0}static _equals(e,t){return e.startColumn===t.startColumn&&e.endColumn===t.endColumn&&e.className===t.className&&e.type===t.type}static equalsArr(e,t){let i=e.length,n=t.length;if(i!==n)return!1;for(let n=0;n=r||(s[a++]=new up(Math.max(1,t.startColumn-n+1),Math.min(o+1,t.endColumn-n+1),t.className,t.type));return s}static filter(e,t,i,n){if(0===e.length)return[];let r=[],o=0;for(let s=0,a=e.length;st||l.isEmpty()&&(0===a.type||3===a.type))continue;let h=l.startLineNumber===t?l.startColumn:i,u=l.endLineNumber===t?l.endColumn:n;r[o++]=new up(h,u,a.inlineClassName,a.type)}return r}static _typeCompare(e,t){let i=[2,0,1,3];return i[e]-i[t]}static compare(e,t){if(e.startColumn!==t.startColumn)return e.startColumn-t.startColumn;if(e.endColumn!==t.endColumn)return e.endColumn-t.endColumn;let i=up._typeCompare(e.type,t.type);return 0!==i?i:e.className!==t.className?e.className0&&this.stopOffsets[0]0&&t=e){this.stopOffsets.splice(n,0,e),this.classNames.splice(n,0,t),this.metadata.splice(n,0,i);break}this.count++}}class uE{static normalize(e,t){if(0===t.length)return[];let i=[],n=new u_,r=0;for(let o=0,s=t.length;o1){let t=e.charCodeAt(a-2);r6(t)&&a--}if(l>1){let t=e.charCodeAt(l-2);r6(t)&&l--}let d=a-1,c=l-2;r=n.consumeLowerThan(d,r,i),0===n.count&&(r=d),n.insert(c,h,u)}return n.consumeLowerThan(1073741824,r,i),i}}class uv{constructor(e,t,i,n){this.endIndex=e,this.type=t,this.metadata=i,this.containsRTL=n,this._linePartBrand=void 0}isWhitespace(){return!!(1&this.metadata)}isPseudoAfter(){return!!(4&this.metadata)}}class uC{constructor(e,t){this.startOffset=e,this.endOffset=t}equals(e){return this.startOffset===e.startOffset&&this.endOffset===e.endOffset}}class ub{constructor(e,t,i,n,r,o,s,a,l,h,u,d,c,g,f,p,m,_,E){this.useMonospaceOptimizations=e,this.canUseHalfwidthRightwardsArrow=t,this.lineContent=i,this.continuesWithWrappedLine=n,this.isBasicASCII=r,this.containsRTL=o,this.fauxIndentLength=s,this.lineTokens=a,this.lineDecorations=l.sort(up.compare),this.tabSize=h,this.startVisibleColumn=u,this.spaceWidth=d,this.stopRenderingLineAfter=f,this.renderWhitespace="all"===p?4:"boundary"===p?1:"selection"===p?2:"trailing"===p?3:0,this.renderControlCharacters=m,this.fontLigatures=_,this.selectionsOnLine=E&&E.sort((e,t)=>e.startOffset>>16}static getCharIndex(e){return(65535&e)>>>0}constructor(e,t){this.length=e,this._data=new Uint32Array(this.length),this._horizontalOffset=new Uint32Array(this.length)}setColumnInfo(e,t,i,n){this._data[e-1]=(t<<16|i<<0)>>>0,this._horizontalOffset[e-1]=n}getHorizontalOffset(e){return 0===this._horizontalOffset.length?0:this._horizontalOffset[e-1]}charOffsetToPartData(e){return 0===this.length?0:e<0?this._data[0]:e>=this.length?this._data[this.length-1]:this._data[e]}getDomPosition(e){let t=this.charOffsetToPartData(e-1),i=uT.getPartIndex(t),n=uT.getCharIndex(t);return new uS(i,n)}getColumn(e,t){let i=this.partDataToCharOffset(e.partIndex,t,e.charIndex);return i+1}partDataToCharOffset(e,t,i){if(0===this.length)return 0;let n=(e<<16|i<<0)>>>0,r=0,o=this.length-1;for(;r+1>>1,t=this._data[e];if(t===n)return e;t>n?o=e:r=e}if(r===o)return r;let s=this._data[r],a=this._data[o];if(s===n)return r;if(a===n)return o;let l=uT.getPartIndex(s),h=uT.getCharIndex(s),u=uT.getPartIndex(a);return i-h<=(l!==u?t:uT.getCharIndex(a))-i?r:o}}class uy{constructor(e,t,i){this._renderLineOutputBrand=void 0,this.characterMapping=e,this.containsRTL=t,this.containsForeignElements=i}}function uR(e,t){if(0===e.lineContent.length){if(e.lineDecorations.length>0){t.appendString("");let i=0,n=0,r=0;for(let o of e.lineDecorations)(1===o.type||2===o.type)&&(t.appendString(''),1===o.type&&(r|=1,i++),2===o.type&&(r|=2,n++));t.appendString("");let o=new uT(1,i+n);return o.setColumnInfo(1,i,0,0),new uy(o,!1,r)}return t.appendString(""),new uy(new uT(0,0),!1,0)}return function(e,t){let i=e.fontIsMonospace,n=e.canUseHalfwidthRightwardsArrow,r=e.containsForeignElements,o=e.lineContent,s=e.len,a=e.isOverflowing,l=e.overflowingCharCount,h=e.parts,u=e.fauxIndentLength,d=e.tabSize,c=e.startVisibleColumn,g=e.containsRTL,f=e.spaceWidth,p=e.renderSpaceCharCode,m=e.renderWhitespace,_=e.renderControlCharacters,E=new uT(s+1,h.length),v=!1,C=0,b=c,S=0,T=0,y=0;g?t.appendString(''):t.appendString("");for(let e=0,a=h.length;e=u&&(t+=r)}}for(A&&(t.appendString(' style="width:'),t.appendString(String(f*i)),t.appendString('px"')),t.appendASCIICharCode(62);C1?t.appendCharCode(8594):t.appendCharCode(65515);for(let e=2;e<=r;e++)t.appendCharCode(160)}else i=2,r=1,t.appendCharCode(p),t.appendCharCode(8204);S+=i,T+=r,C>=u&&(b+=r)}}else for(t.appendASCIICharCode(62);C=u&&(b+=r)}N?y++:y=0,C>=s&&!v&&a.isPseudoAfter()&&(v=!0,E.setColumnInfo(C+1,e,S,T)),t.appendString("")}return v||E.setColumnInfo(s+1,h.length-1,S,T),a&&(t.appendString(''),t.appendString(rN.NC("showMore","Show more ({0})",l<1024?rN.NC("overflow.chars","{0} chars",l):l<1048576?`${(l/1024).toFixed(1)} KB`:`${(l/1024/1024).toFixed(1)} MB`)),t.appendString("")),t.appendString(""),new uy(E,g,r)}(function(e){let t,i,n;let r=e.lineContent;-1!==e.stopRenderingLineAfter&&e.stopRenderingLineAfter0&&(o[s++]=new uv(n,"",0,!1));let a=n;for(let l=0,h=i.getCount();l=r){let i=!!t&&or(e.substring(a,r));o[s++]=new uv(r,u,0,i);break}let d=!!t&&or(e.substring(a,h));o[s++]=new uv(h,u,0,d),a=h}return o}(r,e.containsRTL,e.lineTokens,e.fauxIndentLength,n);e.renderControlCharacters&&!e.isBasicASCII&&(o=function(e,t){let i=[],n=new uv(0,"",0,!1),r=0;for(let o of t){let t=o.endIndex;for(;rn.endIndex&&(n=new uv(r,o.type,o.metadata,o.containsRTL),i.push(n)),n=new uv(r+1,"mtkcontrol",o.metadata,!1),i.push(n))}r>n.endIndex&&(n=new uv(t,o.type,o.metadata,o.containsRTL),i.push(n))}return i}(r,o)),(4===e.renderWhitespace||1===e.renderWhitespace||2===e.renderWhitespace&&e.selectionsOnLine||3===e.renderWhitespace&&!e.continuesWithWrappedLine)&&(o=function(e,t,i,n){let r;let o=e.continuesWithWrappedLine,s=e.fauxIndentLength,a=e.tabSize,l=e.startVisibleColumn,h=e.useMonospaceOptimizations,u=e.selectionsOnLine,d=1===e.renderWhitespace,c=3===e.renderWhitespace,g=e.renderSpaceWidth!==e.spaceWidth,f=[],p=0,m=0,_=n[0].type,E=n[m].containsRTL,v=n[m].endIndex,C=n.length,b=!1,S=rK(t);-1===S?(b=!0,S=i,r=i):r=r$(t);let T=!1,y=0,R=u&&u[y],A=l%a;for(let e=s;e=R.endOffset&&(y++,R=u&&u[y]),er)o=!0;else if(9===l)o=!0;else if(32===l){if(d){if(T)o=!0;else{let n=e+1e),o&&c&&(o=b||e>r),o&&E&&e>=S&&e<=r&&(o=!1),T){if(!o||!h&&A>=a){if(g){let t=p>0?f[p-1].endIndex:s;for(let i=t+1;i<=e;i++)f[p++]=new uv(i,"mtkw",1,!1)}else f[p++]=new uv(e,"mtkw",1,!1);A%=a}}else(e===v||o&&e>s)&&(f[p++]=new uv(e,_,0,E),A%=a);for(9===l?A=a:ol(l)?A+=2:A++,T=o;e===v;)if(++m0?t.charCodeAt(i-1):0,n=i>1?t.charCodeAt(i-2):0;32===e&&32!==n&&9!==n||(N=!0)}else N=!0}if(N){if(g){let e=p>0?f[p-1].endIndex:s;for(let t=e+1;t<=i;t++)f[p++]=new uv(t,"mtkw",1,!1)}else f[p++]=new uv(i,"mtkw",1,!1)}else f[p++]=new uv(i,_,0,E);return f}(e,r,n,o));let s=0;if(e.lineDecorations.length>0){for(let t=0,i=e.lineDecorations.length;th&&(h=e.startOffset,a[l++]=new uv(h,u,d,c)),e.endOffset+1<=n)h=e.endOffset+1,a[l++]=new uv(h,u+" "+e.className,d|e.metadata,c),s++;else{h=n,a[l++]=new uv(h,u+" "+e.className,d|e.metadata,c);break}}n>h&&(h=n,a[l++]=new uv(h,u,d,c))}let u=i[i.length-1].endIndex;if(s=50&&(r[o++]=new uv(h+1,t,i,l),u=h+1,h=-1);u!==a&&(r[o++]=new uv(a,t,i,l))}else r[o++]=s;n=a}else for(let e=0,i=t.length;e50){let e=i.type,t=i.metadata,l=i.containsRTL,h=Math.ceil(a/50);for(let i=1;i=8234&&e<=8238||e>=8294&&e<=8297||e>=8206&&e<=8207||1564===e}class uI{constructor(e,t,i,n){this._viewportBrand=void 0,this.top=0|e,this.left=0|t,this.width=0|i,this.height=0|n}}class uw{constructor(e,t){this.tabSize=e,this.data=t}}class uD{constructor(e,t,i,n,r,o,s){this._viewLineDataBrand=void 0,this.content=e,this.continuesWithWrappedLine=t,this.minColumn=i,this.maxColumn=n,this.startVisibleColumn=r,this.tokens=o,this.inlineDecorations=s}}class ux{constructor(e,t,i,n,r,o,s,a,l,h){this.minColumn=e,this.maxColumn=t,this.content=i,this.continuesWithWrappedLine=n,this.isBasicASCII=ux.isBasicASCII(i,o),this.containsRTL=ux.containsRTL(i,this.isBasicASCII,r),this.tokens=s,this.inlineDecorations=a,this.tabSize=l,this.startVisibleColumn=h}static isBasicASCII(e,t){return!t||os(e)}static containsRTL(e,t,i){return!t&&!!i&&or(e)}}class uM{constructor(e,t,i){this.range=e,this.inlineClassName=t,this.type=i}}class uk{constructor(e,t,i,n){this.startOffset=e,this.endOffset=t,this.inlineClassName=i,this.inlineClassNameAffectsLetterSpacing=n}toInlineDecoration(e){return new uM(new rv(e,this.startOffset+1,e,this.endOffset+1),this.inlineClassName,this.inlineClassNameAffectsLetterSpacing?3:0)}}class uP{constructor(e,t){this._viewModelDecorationBrand=void 0,this.range=e,this.options=t}}class uF{constructor(e,t,i){this.color=e,this.zIndex=t,this.data=i}static cmp(e,t){return e.zIndex===t.zIndex?e.colort.color?1:0:e.zIndex-t.zIndex}}function uB(e){return"string"==typeof e}function uU(e,t){return e.ignoreCase&&t?t.toLowerCase():t}function uH(e){return e.replace(/[&<>'"_]/g,"-")}function uV(e,t){return Error(`${e.languageId}: ${t}`)}function uW(e,t,i,n,r){let o=null;return t.replace(/\$((\$)|(#)|(\d\d?)|[sS](\d\d?)|@(\w+))/g,function(t,s,a,l,h,u,d,c,g){return a?"$":l?uU(e,i):h&&h0;){let t=e.tokenizer[i];if(t)return t;let n=i.lastIndexOf(".");i=n<0?null:i.substr(0,n)}return null}class uj{static create(e,t){return this._INSTANCE.create(e,t)}constructor(e){this._maxCacheDepth=e,this._entries=Object.create(null)}create(e,t){if(null!==e&&e.depth>=this._maxCacheDepth)return new uz(e,t);let i=uz.getStackElementId(e);i.length>0&&(i+="|"),i+=t;let n=this._entries[i];return n||(n=new uz(e,t),this._entries[i]=n),n}}uj._INSTANCE=new uj(5);class uz{constructor(e,t){this.parent=e,this.state=t,this.depth=(this.parent?this.parent.depth:0)+1}static getStackElementId(e){let t="";for(;null!==e;)t.length>0&&(t+="|"),t+=e.state,e=e.parent;return t}static _equals(e,t){for(;null!==e&&null!==t;){if(e===t)return!0;if(e.state!==t.state)return!1;e=e.parent,t=t.parent}return null===e&&null===t}equals(e){return uz._equals(this,e)}push(e){return uj.create(this,e)}pop(){return this.parent}popall(){let e=this;for(;e.parent;)e=e.parent;return e}switchTo(e){return uj.create(this.parent,e)}}class uK{constructor(e,t){this.languageId=e,this.state=t}equals(e){return this.languageId===e.languageId&&this.state.equals(e.state)}clone(){let e=this.state.clone();return e===this.state?this:new uK(this.languageId,this.state)}}class uY{static create(e,t){return this._INSTANCE.create(e,t)}constructor(e){this._maxCacheDepth=e,this._entries=Object.create(null)}create(e,t){if(null!==t||null!==e&&e.depth>=this._maxCacheDepth)return new u$(e,t);let i=uz.getStackElementId(e),n=this._entries[i];return n||(n=new u$(e,null),this._entries[i]=n),n}}uY._INSTANCE=new uY(5);class u${constructor(e,t){this.stack=e,this.embeddedLanguageData=t}clone(){let e=this.embeddedLanguageData?this.embeddedLanguageData.clone():null;return e===this.embeddedLanguageData?this:uY.create(this.stack,this.embeddedLanguageData)}equals(e){return!!(e instanceof u$&&this.stack.equals(e.stack))&&(null===this.embeddedLanguageData&&null===e.embeddedLanguageData||null!==this.embeddedLanguageData&&null!==e.embeddedLanguageData&&this.embeddedLanguageData.equals(e.embeddedLanguageData))}}class uq{constructor(){this._tokens=[],this._languageId=null,this._lastTokenType=null,this._lastTokenLanguage=null}enterLanguage(e){this._languageId=e}emit(e,t){(this._lastTokenType!==t||this._lastTokenLanguage!==this._languageId)&&(this._lastTokenType=t,this._lastTokenLanguage=this._languageId,this._tokens.push(new rO(e,t,this._languageId)))}nestedLanguageTokenize(e,t,i,n){let r=i.languageId,o=i.state,s=rx.get(r);if(!s)return this.enterLanguage(r),this.emit(n,""),o;let a=s.tokenize(e,t,o);if(0!==n)for(let e of a.tokens)this._tokens.push(new rO(e.offset+n,e.type,e.language));else this._tokens=this._tokens.concat(a.tokens);return this._lastTokenType=null,this._lastTokenLanguage=null,this._languageId=null,a.endState}finalize(e){return new rL(this._tokens,e)}}class uX{constructor(e,t){this._languageService=e,this._theme=t,this._prependTokens=null,this._tokens=[],this._currentLanguageId=0,this._lastTokenMetadata=0}enterLanguage(e){this._currentLanguageId=this._languageService.languageIdCodec.encodeLanguageId(e)}emit(e,t){let i=1024|this._theme.match(this._currentLanguageId,t);this._lastTokenMetadata!==i&&(this._lastTokenMetadata=i,this._tokens.push(e),this._tokens.push(i))}static _merge(e,t,i){let n=null!==e?e.length:0,r=t.length,o=null!==i?i.length:0;if(0===n&&0===r&&0===o)return new Uint32Array(0);if(0===n&&0===r)return i;if(0===r&&0===o)return e;let s=new Uint32Array(n+r+o);null!==e&&s.set(e);for(let e=0;e{if(o)return;let t=!1;for(let i=0,n=e.changedLanguages.length;i{e.affectsConfiguration("editor.maxTokenizationLineLength")&&(this._maxTokenizationLineLength=this._configurationService.getValue("editor.maxTokenizationLineLength",{overrideIdentifier:this._languageId}))})}dispose(){this._tokenizationRegistryListener.dispose()}getLoadStatus(){let t=[];for(let i in this._embeddedLanguages){let n=rx.get(i);if(n){if(n instanceof e){let e=n.getLoadStatus();!1===e.loaded&&t.push(e.promise)}continue}rx.isResolved(i)||t.push(rx.getOrCreate(i))}return 0===t.length?{loaded:!0}:{loaded:!1,promise:Promise.all(t).then(e=>void 0)}}getInitialState(){let e=uj.create(null,this._lexer.start);return uY.create(e,null)}tokenize(e,t,i){if(e.length>=this._maxTokenizationLineLength)return a5(this._languageId,i);let n=new uq,r=this._tokenize(e,t,i,n);return n.finalize(r)}tokenizeEncoded(e,t,i){if(e.length>=this._maxTokenizationLineLength)return a4(this._languageService.languageIdCodec.encodeLanguageId(this._languageId),i);let n=new uX(this._languageService,this._standaloneThemeService.getColorTheme().tokenTheme),r=this._tokenize(e,t,i,n);return n.finalize(r)}_tokenize(e,t,i,n){return i.embeddedLanguageData?this._nestedTokenize(e,t,i,0,n):this._myTokenize(e,t,i,0,n)}_findLeavingNestedLanguageOffset(e,t){let i=this._lexer.tokenizer[t.stack.state];if(!i&&!(i=uG(this._lexer,t.stack.state)))throw uV(this._lexer,"tokenizer state is not defined: "+t.stack.state);let n=-1,r=!1;for(let t of i){if(uB(t.action)||"@pop"!==t.action.nextEmbedded)continue;r=!0;let i=t.regex,o=t.regex.source;if("^(?:"===o.substr(0,4)&&")"===o.substr(o.length-1,1)){let e=(i.ignoreCase?"i":"")+(i.unicode?"u":"");i=new RegExp(o.substr(4,o.length-5),e)}let s=e.search(i);-1!==s&&(0===s||!t.matchOnlyAtLineStart)&&(-1===n||s0&&r.nestedLanguageTokenize(s,!1,i.embeddedLanguageData,n);let a=e.substring(o);return this._myTokenize(a,t,i,n+o,r)}_safeRuleName(e){return e?e.name:"(unknown)"}_myTokenize(e,t,i,n,r){r.enterLanguage(this._languageId);let o=e.length,s=t&&this._lexer.includeLF?e+"\n":e,a=s.length,l=i.embeddedLanguageData,h=i.stack,u=0,d=null,c=!0;for(;c||u=a)break;c=!1;let e=this._lexer.tokenizer[p];if(!e&&!(e=uG(this._lexer,p)))throw uV(this._lexer,"tokenizer state is not defined: "+p);let t=s.substr(u);for(let i of e)if((0===u||!i.matchOnlyAtLineStart)&&(m=t.match(i.regex))){_=m[0],E=i.action;break}}if(m||(m=[""],_=""),E||(u=this._lexer.maxStack)throw uV(this._lexer,"maximum tokenizer stack size reached: ["+h.state+","+h.parent.state+",...]");h=h.push(p)}else if("@pop"===E.next){if(h.depth<=1)throw uV(this._lexer,"trying to pop an empty stack in rule: "+this._safeRuleName(v));h=h.pop()}else if("@popall"===E.next)h=h.popall();else{let e=uW(this._lexer,E.next,_,m,p);if("@"===e[0]&&(e=e.substr(1)),uG(this._lexer,e))h=h.push(e);else throw uV(this._lexer,"trying to set a next state '"+e+"' that is undefined in rule: "+this._safeRuleName(v))}}E.log&&"string"==typeof E.log&&console.log(`${this._lexer.languageId}: ${this._lexer.languageId+": "+uW(this._lexer,E.log,_,m,p)}`)}if(null===b)throw uV(this._lexer,"lexer rule has no well-defined action in rule: "+this._safeRuleName(v));let S=i=>{let o=this._languageService.getLanguageIdByLanguageName(i)||this._languageService.getLanguageIdByMimeType(i)||i,s=this._getNestedEmbeddedLanguageData(o);if(!(u0)throw uV(this._lexer,"groups cannot be nested: "+this._safeRuleName(v));if(m.length!==b.length+1)throw uV(this._lexer,"matched number of groups does not match the number of actions in rule: "+this._safeRuleName(v));let e=0;for(let t=1;t=0;a--)(r=e[a])&&(s=(o<3?r(s):o>3?r(t,i,s):r(t,i))||s);return o>3&&s&&Object.defineProperty(t,i,s),s}([function(e,t){al(e,t,4)}],uZ);let uJ=lR("standaloneColorizer",{createHTML:e=>e});class uQ{static colorizeElement(e,t,i,n){n=n||{};let r=n.theme||"vs",o=n.mimeType||i.getAttribute("lang")||i.getAttribute("data-lang");if(!o)return console.error("Mode not detected"),Promise.resolve();let s=t.getLanguageIdByMimeType(o)||o;e.setTheme(r);let a=i.firstChild?i.firstChild.nodeValue:"";return i.className+=" "+r,this.colorize(t,a||"",s,n).then(e=>{var t;let n=null!==(t=null==uJ?void 0:uJ.createHTML(e))&&void 0!==t?t:e;i.innerHTML=n},e=>console.error(e))}static colorize(e,t,i,n){var r,o,s,a;return r=this,o=void 0,s=void 0,a=function*(){var r;let o=e.languageIdCodec,s=4;n&&"number"==typeof n.tabSize&&(s=n.tabSize),od(t)&&(t=t.substr(1));let a=rz(t);if(!e.isRegisteredLanguageId(i))return u0(a,s,o);let l=yield rx.getOrCreate(i);return l?(r=s,new Promise((e,t)=>{let i=()=>{let n=function(e,t,i,n){let r=[],o=i.getInitialState();for(let s=0,a=e.length;s"),o=l.endState}return r.join("")}(a,r,l,o);if(l instanceof uZ){let e=l.getLoadStatus();if(!1===e.loaded){e.promise.then(i,t);return}}e(n)};i()})):u0(a,s,o)},new(s||(s=Promise))(function(e,t){function i(e){try{l(a.next(e))}catch(e){t(e)}}function n(e){try{l(a.throw(e))}catch(e){t(e)}}function l(t){var r;t.done?e(t.value):((r=t.value)instanceof s?r:new s(function(e){e(r)})).then(i,n)}l((a=a.apply(r,o||[])).next())})}static colorizeLine(e,t,i,n,r=4){let o=ux.isBasicASCII(e,t),s=ux.containsRTL(e,o,i),a=uN(new ub(!1,!0,e,!1,o,s,0,n,[],r,0,0,0,0,-1,"none",!1,!1,null));return a.html}static colorizeModelLine(e,t,i=4){let n=e.getLineContent(t);e.tokenization.forceTokenization(t);let r=e.tokenization.getLineTokens(t),o=r.inflate();return this.colorizeLine(n,e.mightContainNonBasicASCII(),e.mightContainRTL(),o,i)}}function u0(e,t,i){let n=[],r=new Uint32Array(2);r[0]=0,r[1]=33587200;for(let o=0,s=e.length;o")}return n.join("")}let u1={clipboard:{writeText:nz.tY||document.queryCommandSupported&&document.queryCommandSupported("copy")||!!(navigator&&navigator.clipboard&&navigator.clipboard.writeText),readText:nz.tY||!!(navigator&&navigator.clipboard&&navigator.clipboard.readText)},keyboard:nz.tY||oL?0:navigator.keyboard||oA?1:2,touch:"ontouchstart"in window||navigator.maxTouchPoints>0,pointerEvents:window.PointerEvent&&("ontouchstart"in window||window.navigator.maxTouchPoints>0||navigator.maxTouchPoints>0)};function u2(e,t){if("number"==typeof e){if(0===e)return null;let i=(65535&e)>>>0,n=(4294901760&e)>>>16;return new u3(0!==n?[u5(i,t),u5(n,t)]:[u5(i,t)])}{let i=[];for(let n=0;n1?i-1:0),r=1;r/gm),dj=dc(/^data-[\-\w.\u00B7-\uFFFF]/),dz=dc(/^aria-[\-\w]+$/),dK=dc(/^(?:(?:(?:f|ht)tps?|mailto|tel|callto|cid|xmpp):|[^a-z]|[a-z+.\-]+(?:[^a-z+.\-:]|$))/i),dY=dc(/^(?:\w+script|data):/i),d$=dc(/[\u0000-\u0020\u00A0\u1680\u180E\u2000-\u2029\u205F\u3000]/g),dq="function"==typeof Symbol&&"symbol"==typeof Symbol.iterator?function(e){return typeof e}:function(e){return e&&"function"==typeof Symbol&&e.constructor===Symbol&&e!==Symbol.prototype?"symbol":typeof e};function dX(e){if(!Array.isArray(e))return Array.from(e);for(var t=0,i=Array(e.length);t0&&void 0!==arguments[0]?arguments[0]:"undefined"==typeof window?null:window,i=function(t){return e(t)};if(i.version="2.3.1",i.removed=[],!t||!t.document||9!==t.document.nodeType)return i.isSupported=!1,i;var n=t.document,r=t.document,o=t.DocumentFragment,s=t.HTMLTemplateElement,a=t.Node,l=t.Element,h=t.NodeFilter,u=t.NamedNodeMap,d=void 0===u?t.NamedNodeMap||t.MozNamedAttrMap:u,c=t.Text,g=t.Comment,f=t.DOMParser,p=t.trustedTypes,m=l.prototype,_=dI(m,"cloneNode"),E=dI(m,"nextSibling"),v=dI(m,"childNodes"),C=dI(m,"parentNode");if("function"==typeof s){var b=r.createElement("template");b.content&&b.content.ownerDocument&&(r=b.content.ownerDocument)}var S=dZ(p,n),T=S&&q?S.createHTML(""):"",y=r,R=y.implementation,A=y.createNodeIterator,N=y.createDocumentFragment,O=y.getElementsByTagName,L=n.importNode,I={};try{I=dL(r).documentMode?r.documentMode:{}}catch(e){}var w={};i.isSupported="function"==typeof C&&R&&void 0!==R.createHTMLDocument&&9!==I;var D=dK,x=null,M=dO({},[].concat(dX(dw),dX(dD),dX(dx),dX(dk),dX(dF))),k=null,P=dO({},[].concat(dX(dB),dX(dU),dX(dH),dX(dV))),F=null,B=null,U=!0,H=!0,V=!1,W=!1,G=!1,j=!1,z=!1,K=!1,Y=!1,$=!0,q=!1,X=!0,Z=!0,J=!1,Q={},ee=null,et=dO({},["annotation-xml","audio","colgroup","desc","foreignobject","head","iframe","math","mi","mn","mo","ms","mtext","noembed","noframes","noscript","plaintext","script","style","svg","template","thead","title","video","xmp"]),ei=null,en=dO({},["audio","video","img","source","image","track"]),er=null,eo=dO({},["alt","class","for","id","label","name","pattern","placeholder","role","summary","title","value","style","xmlns"]),es="http://www.w3.org/1998/Math/MathML",ea="http://www.w3.org/2000/svg",el="http://www.w3.org/1999/xhtml",eh=el,eu=!1,ed=null,ec=r.createElement("form"),eg=function(e){ed&&ed===e||(e&&(void 0===e?"undefined":dq(e))==="object"||(e={}),x="ALLOWED_TAGS"in(e=dL(e))?dO({},e.ALLOWED_TAGS):M,k="ALLOWED_ATTR"in e?dO({},e.ALLOWED_ATTR):P,er="ADD_URI_SAFE_ATTR"in e?dO(dL(eo),e.ADD_URI_SAFE_ATTR):eo,ei="ADD_DATA_URI_TAGS"in e?dO(dL(en),e.ADD_DATA_URI_TAGS):en,ee="FORBID_CONTENTS"in e?dO({},e.FORBID_CONTENTS):et,F="FORBID_TAGS"in e?dO({},e.FORBID_TAGS):{},B="FORBID_ATTR"in e?dO({},e.FORBID_ATTR):{},Q="USE_PROFILES"in e&&e.USE_PROFILES,U=!1!==e.ALLOW_ARIA_ATTR,H=!1!==e.ALLOW_DATA_ATTR,V=e.ALLOW_UNKNOWN_PROTOCOLS||!1,W=e.SAFE_FOR_TEMPLATES||!1,G=e.WHOLE_DOCUMENT||!1,K=e.RETURN_DOM||!1,Y=e.RETURN_DOM_FRAGMENT||!1,$=!1!==e.RETURN_DOM_IMPORT,q=e.RETURN_TRUSTED_TYPE||!1,z=e.FORCE_BODY||!1,X=!1!==e.SANITIZE_DOM,Z=!1!==e.KEEP_CONTENT,J=e.IN_PLACE||!1,D=e.ALLOWED_URI_REGEXP||D,eh=e.NAMESPACE||el,W&&(H=!1),Y&&(K=!0),Q&&(x=dO({},[].concat(dX(dF))),k=[],!0===Q.html&&(dO(x,dw),dO(k,dB)),!0===Q.svg&&(dO(x,dD),dO(k,dU),dO(k,dV)),!0===Q.svgFilters&&(dO(x,dx),dO(k,dU),dO(k,dV)),!0===Q.mathMl&&(dO(x,dk),dO(k,dH),dO(k,dV))),e.ADD_TAGS&&(x===M&&(x=dL(x)),dO(x,e.ADD_TAGS)),e.ADD_ATTR&&(k===P&&(k=dL(k)),dO(k,e.ADD_ATTR)),e.ADD_URI_SAFE_ATTR&&dO(er,e.ADD_URI_SAFE_ATTR),e.FORBID_CONTENTS&&(ee===et&&(ee=dL(ee)),dO(ee,e.FORBID_CONTENTS)),Z&&(x["#text"]=!0),G&&dO(x,["html","head","body"]),x.table&&(dO(x,["tbody"]),delete F.tbody),dd&&dd(e),ed=e)},ef=dO({},["mi","mo","mn","ms","mtext"]),ep=dO({},["foreignobject","desc","title","annotation-xml"]),em=dO({},dD);dO(em,dx),dO(em,dM);var e_=dO({},dk);dO(e_,dP);var eE=function(e){var t=C(e);t&&t.tagName||(t={namespaceURI:el,tagName:"template"});var i=dC(e.tagName),n=dC(t.tagName);if(e.namespaceURI===ea)return t.namespaceURI===el?"svg"===i:t.namespaceURI===es?"svg"===i&&("annotation-xml"===n||ef[n]):!!em[i];if(e.namespaceURI===es)return t.namespaceURI===el?"math"===i:t.namespaceURI===ea?"math"===i&&ep[n]:!!e_[i];if(e.namespaceURI===el){if(t.namespaceURI===ea&&!ep[n]||t.namespaceURI===es&&!ef[n])return!1;var r=dO({},["title","style","font","a","script"]);return!e_[i]&&(r[i]||!em[i])}return!1},ev=function(e){dv(i.removed,{element:e});try{e.parentNode.removeChild(e)}catch(t){try{e.outerHTML=T}catch(t){e.remove()}}},eC=function(e,t){try{dv(i.removed,{attribute:t.getAttributeNode(e),from:t})}catch(e){dv(i.removed,{attribute:null,from:t})}if(t.removeAttribute(e),"is"===e&&!k[e]){if(K||Y)try{ev(t)}catch(e){}else try{t.setAttribute(e,"")}catch(e){}}},eb=function(e){var t=void 0,i=void 0;if(z)e=""+e;else{var n=db(e,/^[\r\n\t ]+/);i=n&&n[0]}var o=S?S.createHTML(e):e;if(eh===el)try{t=new f().parseFromString(o,"text/html")}catch(e){}if(!t||!t.documentElement){t=R.createDocument(eh,"template",null);try{t.documentElement.innerHTML=eu?"":o}catch(e){}}var s=t.body||t.documentElement;return(e&&i&&s.insertBefore(r.createTextNode(i),s.childNodes[0]||null),eh===el)?O.call(t,G?"html":"body")[0]:G?t.documentElement:s},eS=function(e){return A.call(e.ownerDocument||e,e,h.SHOW_ELEMENT|h.SHOW_COMMENT|h.SHOW_TEXT,null,!1)},eT=function(e){return(void 0===a?"undefined":dq(a))==="object"?e instanceof a:e&&(void 0===e?"undefined":dq(e))==="object"&&"number"==typeof e.nodeType&&"string"==typeof e.nodeName},ey=function(e,t,n){w[e]&&d_(w[e],function(e){e.call(i,t,n,ed)})},eR=function(e){var t=void 0;if(ey("beforeSanitizeElements",e,null),!(e instanceof c)&&!(e instanceof g)&&("string"!=typeof e.nodeName||"string"!=typeof e.textContent||"function"!=typeof e.removeChild||!(e.attributes instanceof d)||"function"!=typeof e.removeAttribute||"function"!=typeof e.setAttribute||"string"!=typeof e.namespaceURI||"function"!=typeof e.insertBefore)||db(e.nodeName,/[\u0080-\uFFFF]/))return ev(e),!0;var n=dC(e.nodeName);if(ey("uponSanitizeElement",e,{tagName:n,allowedTags:x}),!eT(e.firstElementChild)&&(!eT(e.content)||!eT(e.content.firstElementChild))&&dR(/<[/\w]/g,e.innerHTML)&&dR(/<[/\w]/g,e.textContent)||"select"===n&&dR(/