From 15636fd0798fab5d14ea7d98b0ef4c83294b5e7a Mon Sep 17 00:00:00 2001 From: Saifeddine ALOUI Date: Sat, 26 Aug 2023 03:07:31 +0200 Subject: [PATCH] Cleared code --- .devcontainer/devcontainer.json | 49 + .devcontainer/docker-compose.yml | 26 + api/config.py | 2 +- app.py | 5 +- convert.py | 1152 ----------------- docs/dev/new_ui_dev.md | 2 +- docs/dev/server_endpoints.md | 30 +- docs/tutorials/noobs_tutorial.md | 4 +- docs/tutorials/personalities_tutorial.md | 18 +- docs/usage/Build_extensions.md | 8 +- docs/usage/Linux_Osx_Install.md | 2 +- docs/usage/Linux_Osx_Usage.md | 2 +- docs/youtube/script_install.md | 6 +- docs/youtube/script_lollms.md | 4 +- docs/youtube/script_personalities.md | 6 +- installations/add_backend.bat | 3 - installations/add_backend.sh | 4 - installations/add_personality.bat | 55 - installations/add_personality.sh | 53 - installations/backendlist.yaml | 1 - installations/download_all_personalities.bat | 27 - installations/download_all_personalities.py | 57 - installations/download_all_personalities.sh | 27 - installations/install_backend.py | 60 - installations/install_backend_gpu.bat | 7 - installations/install_backend_gpu.sh | 7 - presets/make_programming_project.yaml | 27 + presets/original.json | 2 +- presets/simple_book_writing.yaml | 4 +- ...nswer.yaml => simple_question_answer.yaml} | 0 presets/translate_text.yaml | 8 + requirements_dev.txt | 18 +- scripts/convert model_ggml.bat | 2 +- scripts/convert_model_ggml.sh | 2 +- templates/help.html | 2 +- templates/index.html | 2 +- templates/settings.html | 2 +- tests/end_point_tests/endpoints.http | 2 +- .../{index-8f2cef47.js => index-170c73a7.js} | 48 +- web/dist/index.html | 2 +- web/src/components/InteractiveMenu.vue | 32 +- web/src/components/PersonalityEntry.vue | 12 +- 42 files changed, 239 insertions(+), 1543 deletions(-) create mode 100644 .devcontainer/devcontainer.json create mode 100644 .devcontainer/docker-compose.yml delete mode 100644 convert.py delete mode 100644 installations/add_backend.bat delete mode 100644 installations/add_backend.sh delete mode 100644 installations/add_personality.bat delete mode 100755 installations/add_personality.sh delete mode 100644 installations/backendlist.yaml delete mode 100644 installations/download_all_personalities.bat delete mode 100644 installations/download_all_personalities.py delete mode 100644 installations/download_all_personalities.sh delete mode 100644 installations/install_backend.py delete mode 100644 installations/install_backend_gpu.bat delete mode 100644 installations/install_backend_gpu.sh create mode 100644 presets/make_programming_project.yaml rename presets/{simple_question_nswer.yaml => simple_question_answer.yaml} (100%) create mode 100644 presets/translate_text.yaml rename web/dist/assets/{index-8f2cef47.js => index-170c73a7.js} (91%) diff --git a/.devcontainer/devcontainer.json b/.devcontainer/devcontainer.json new file mode 100644 index 00000000..c2ad6c4e --- /dev/null +++ b/.devcontainer/devcontainer.json @@ -0,0 +1,49 @@ +// For format details, see https://aka.ms/devcontainer.json. For config options, see the +// README at: https://github.com/devcontainers/templates/tree/main/src/docker-existing-docker-compose +{ + "name": "Existing Docker Compose (Extend)", + + // Update the 'dockerComposeFile' list if you have more compose files or use different names. + // The .devcontainer/docker-compose.yml file contains any overrides you need/want to make. + "dockerComposeFile": [ + "../docker-compose.yml", + "docker-compose.yml" + ], + + // The 'service' property is the name of the service for the container that VS Code should + // use. Update this value and .devcontainer/docker-compose.yml to the real service name. + "service": "webui", + + // The optional 'workspaceFolder' property is the path VS Code should open by default when + // connected. This is typically a file mount in .devcontainer/docker-compose.yml + "workspaceFolder": "/workspaces/${localWorkspaceFolderBasename}", + "features": { + "ghcr.io/devcontainers/features/python:1": { + "installTools": true, + "optimize": true, + "version": "3.10" + }, + "ghcr.io/akhildevelops/devcontainer-features/pip:0": {} + } + + // Features to add to the dev container. More info: https://containers.dev/features. + // "features": {}, + + // Use 'forwardPorts' to make a list of ports inside the container available locally. + // "forwardPorts": [], + + // Uncomment the next line if you want start specific services in your Docker Compose config. + // "runServices": [], + + // Uncomment the next line if you want to keep your containers running after VS Code shuts down. + // "shutdownAction": "none", + + // Uncomment the next line to run commands after the container is created. + // "postCreateCommand": "cat /etc/os-release", + + // Configure tool-specific properties. + // "customizations": {}, + + // Uncomment to connect as an existing user other than the container default. More info: https://aka.ms/dev-containers-non-root. + // "remoteUser": "devcontainer" +} diff --git a/.devcontainer/docker-compose.yml b/.devcontainer/docker-compose.yml new file mode 100644 index 00000000..727a82a0 --- /dev/null +++ b/.devcontainer/docker-compose.yml @@ -0,0 +1,26 @@ +version: '3.8' +services: + # Update this to the name of the service you want to work with in your docker-compose.yml file + webui: + # Uncomment if you want to override the service's Dockerfile to one in the .devcontainer + # folder. Note that the path of the Dockerfile and context is relative to the *primary* + # docker-compose.yml file (the first in the devcontainer.json "dockerComposeFile" + # array). The sample below assumes your primary file is in the root of your project. + # + # build: + # context: . + # dockerfile: .devcontainer/Dockerfile + + volumes: + # Update this to wherever you want VS Code to mount the folder of your project + - ..:/workspaces:cached + + # Uncomment the next four lines if you will use a ptrace-based debugger like C++, Go, and Rust. + # cap_add: + # - SYS_PTRACE + # security_opt: + # - seccomp:unconfined + + # Overrides default command so things don't shut down after the process ends. + command: /bin/sh -c "while sleep 1000; do :; done" + diff --git a/api/config.py b/api/config.py index 41876fe7..ff59005c 100644 --- a/api/config.py +++ b/api/config.py @@ -6,7 +6,7 @@ # license : Apache 2.0 # Description : # A front end Flask application for llamacpp models. -# The official GPT4All Web ui +# The official LOLLMS Web ui # Made by the community for the community ###### import yaml diff --git a/app.py b/app.py index 97bf802b..b2035e76 100644 --- a/app.py +++ b/app.py @@ -5,7 +5,7 @@ # license : Apache 2.0 # Description : # A front end Flask application for llamacpp models. -# The official GPT4All Web ui +# The official LOLLMS Web ui # Made by the community for the community ###### @@ -436,6 +436,9 @@ class LoLLMsWebUI(LoLLMsAPPI): data = request.get_json() code = data["code"] + ASCIIColors.info("Executing python code:") + ASCIIColors.yellow(code) + def spawn_process(code): """Executes Python code and returns the output as JSON.""" diff --git a/convert.py b/convert.py deleted file mode 100644 index e59dad41..00000000 --- a/convert.py +++ /dev/null @@ -1,1152 +0,0 @@ -# Adapted from llamacpp conversion script -# Check https://github.com/ggerganov for more informations - -import argparse -import concurrent.futures -import copy -import enum -import faulthandler -import functools -import io -import itertools -import json -import math -import mmap -import pickle -import re -import signal -import struct -import sys -import zipfile -from abc import ABCMeta, abstractmethod -from dataclasses import dataclass -from pathlib import Path -from typing import (IO, TYPE_CHECKING, Any, Callable, Dict, Iterable, List, - Literal, Optional, Sequence, Tuple, TypeVar, Union) - -import numpy as np -from sentencepiece import SentencePieceProcessor # type: ignore - -if TYPE_CHECKING: - from typing_extensions import TypeAlias - -if hasattr(faulthandler, 'register') and hasattr(signal, 'SIGUSR1'): - faulthandler.register(signal.SIGUSR1) - -NDArray: 'TypeAlias' = 'np.ndarray[Any, Any]' - - -@dataclass(frozen=True) -class UnquantizedDataType: - name: str - - -DT_F16 = UnquantizedDataType('F16') -DT_F32 = UnquantizedDataType('F32') -DT_I32 = UnquantizedDataType('I32') -DT_BF16 = UnquantizedDataType('BF16') - - -@dataclass(frozen=True) -class QuantizedDataType: - groupsize: int - have_addends: bool - have_g_idx: bool - - -DT_Q4_0 = QuantizedDataType(groupsize=32, have_addends=False, have_g_idx=False) -DT_Q4_1 = QuantizedDataType(groupsize=32, have_addends=True, have_g_idx=False) - -DataType = Union[UnquantizedDataType, QuantizedDataType] - -DATA_TYPE_TO_FTYPE: Dict[DataType, int] = { - DT_F32: 0, - DT_F16: 1, - DT_Q4_0: 2, - DT_Q4_1: 3, -} - -FTYPE_TO_DATA_TYPE: Dict[int, DataType] = \ - {ftype: dtype for (dtype, ftype) in DATA_TYPE_TO_FTYPE.items()} - -DATA_TYPE_TO_NUMPY: Dict[DataType, 'np.dtype[Any]'] = { - DT_F16: np.dtype(np.float16), - DT_F32: np.dtype(np.float32), - DT_I32: np.dtype(np.int32), -} - -NUMPY_TYPE_TO_DATA_TYPE: Dict['np.dtype[Any]', DataType] = \ - {dtype: data_type for (data_type, dtype) in DATA_TYPE_TO_NUMPY.items()} - - -class GGMLFileType(enum.Enum): - AllF32 = 0 - MostlyF16 = 1 # except 1d tensors - MostlyQ4_0 = 2 # except 1d tensors - MostlyQ4_1 = 3 # except 1d tensors - PerLayerIsQ4_1 = 4 # but tok_embeddings.weight and output.weight are F16 - - def type_for_tensor(self, name: str, tensor: 'LazyTensor') -> DataType: - if len(tensor.shape) == 1: - # 1D tensors are always F32. - return DT_F32 - elif self == GGMLFileType.AllF32: - return DT_F32 - elif self == GGMLFileType.MostlyF16: - return DT_F16 - elif self == GGMLFileType.MostlyQ4_0: - return DT_Q4_0 - elif self == GGMLFileType.MostlyQ4_1: - return DT_Q4_1 - elif self == GGMLFileType.PerLayerIsQ4_1: - if name in ('output.weight', 'tok_embeddings.weight'): - return DT_F16 - else: - return DT_Q4_1 - else: - raise ValueError(self) - - -def make_tensors_list() -> List[str]: - ret = [ - 'tok_embeddings.weight', - 'norm.weight', - 'output.weight', - ] - for i in range(80): # maximum number of layer - ret += [ - f'layers.{i}.attention.wq.weight', - f'layers.{i}.attention.wk.weight', - f'layers.{i}.attention.wv.weight', - f'layers.{i}.attention.wo.weight', - f'layers.{i}.attention_norm.weight', - f'layers.{i}.feed_forward.w1.weight', - f'layers.{i}.feed_forward.w2.weight', - f'layers.{i}.feed_forward.w3.weight', - f'layers.{i}.atttention_norm.weight', - f'layers.{i}.ffn_norm.weight', - ] - return ret - - -TENSORS_LIST = make_tensors_list() -TENSORS_SET = set(TENSORS_LIST) - - -@dataclass -class Params: - n_vocab: int - n_embd: int - n_mult: int - n_head: int - n_layer: int - file_type: GGMLFileType - - @staticmethod - def guessed(model: 'LazyModel', file_type: GGMLFileType) -> 'Params': - n_vocab, n_embd = model["tok_embeddings.weight"].shape - - return Params( - n_vocab=n_vocab, - n_embd=n_embd, - n_mult=256, - n_head=n_embd // 128, - n_layer=next(i for i in itertools.count() if f"layers.{i}.attention.wq.weight" not in model), - file_type=file_type, - ) - - -class SentencePieceVocab: - def __init__(self, fname_tokenizer: Path, fname_added_tokens: Optional[Path]) -> None: - self.sentencepiece_tokenizer = SentencePieceProcessor(str(fname_tokenizer)) - added_tokens: Dict[str, int] - if fname_added_tokens is not None: - added_tokens = json.load(open(fname_added_tokens)) - else: - added_tokens = {} - vocab_size: int = self.sentencepiece_tokenizer.vocab_size() - expected_ids = list(range(vocab_size, vocab_size + len(added_tokens))) - actual_ids = sorted(added_tokens.values()) - if expected_ids != actual_ids: - raise Exception(f"Expected added token IDs to be sequential and start at {len(added_tokens)}; got {actual_ids}") - items = sorted(added_tokens.items(), key=lambda text_idx: text_idx[1]) - self.added_tokens_list = [text for (text, idx) in items] - self.vocab_size_base: int = vocab_size - self.vocab_size: int = self.vocab_size_base + len(self.added_tokens_list) - self.fname_tokenizer = fname_tokenizer - self.fname_added_tokens = fname_added_tokens - - def sentencepiece_tokens(self) -> Iterable[Tuple[bytes, float]]: - tokenizer = self.sentencepiece_tokenizer - for i in range(tokenizer.vocab_size()): - text: bytes - if tokenizer.is_unknown(i): - text = " \u2047 ".encode("utf-8") - elif tokenizer.is_control(i): - text = b"" - elif tokenizer.is_byte(i): - piece = tokenizer.id_to_piece(i) - if len(piece) != 6: - raise Exception(f"Invalid token: {piece}") - byte_value = int(piece[3:-1], 16) - text = struct.pack("B", byte_value) - else: - text = tokenizer.id_to_piece(i).replace("\u2581", " ").encode("utf-8") - score: float = tokenizer.get_score(i) - yield text, score - - def added_tokens(self) -> Iterable[Tuple[bytes, float]]: - for text in self.added_tokens_list: - score = -1000.0 - yield text.encode("utf-8"), score - - def all_tokens(self) -> Iterable[Tuple[bytes, float]]: - yield from self.sentencepiece_tokens() - yield from self.added_tokens() - - def __repr__(self) -> str: - return f"" - - -class GGMLVocab: - def __init__(self, tokens: List[Tuple[bytes, float]]): - self.tokens = tokens - self.vocab_size = len(tokens) - - def all_tokens(self) -> Iterable[Tuple[bytes, float]]: - return self.tokens - - def __repr__(self) -> str: - return f"" - - -Vocab = Union[SentencePieceVocab, GGMLVocab] - - -def permute(weights: NDArray, n_head: int) -> NDArray: - return (weights.reshape(n_head, 2, weights.shape[0] // n_head // 2, *weights.shape[1:]) - .swapaxes(1, 2) - .reshape(weights.shape)) - - -def dequantize_q4(qvalues_pack32: NDArray, scales: NDArray, addends: Optional[NDArray], g_idx: Optional[NDArray]) -> NDArray: - # First reinterpret each row from a list of int32s containing 8 values each - # to a list of uint8s containing 2 values each. - qvalues_pack8 = qvalues_pack32.view(np.uint8) - - # Then split out the two values per int8 (which requires an actual - # conversion because numpy doesn't natively support int4s). - qvalues = np.zeros([qvalues_pack8.shape[0], qvalues_pack8.shape[1] * 2], dtype=np.uint8) - qvalues[:, 0::2] = qvalues_pack8 & 0xf - qvalues[:, 1::2] = qvalues_pack8 >> 4 - - assert addends is None or addends.shape == scales.shape - assert qvalues.shape[0] == scales.shape[0] - assert qvalues.shape[1] % scales.shape[1] == 0 - if g_idx is None: - repeat_count = qvalues.shape[1] // scales.shape[1] - scales = scales[:, :, np.newaxis] - if addends is not None: - addends = addends[:, :, np.newaxis] - # Reshape so that the below computation broadcasts over scales and addends: - qvalues.shape = (qvalues.shape[0], scales.shape[1], int(repeat_count)) - else: - # In this case the scale and addend is selected for each column by g_idx: - assert addends is not None - scales = scales[:, g_idx] - addends = addends[:, g_idx] - if addends is None: - # Q4_0 - qvalues = qvalues.view(np.int8) - qvalues -= 8 - # And do the actual 'value = scale * qvalue + addend' computation. - values = scales * qvalues - if addends is not None: - values += addends - if g_idx is None: - values.shape = (values.shape[0], values.shape[1] * values.shape[2]) - return values - - -class Tensor(metaclass=ABCMeta): - data_type: DataType - - @abstractmethod - def astype(self, data_type: DataType) -> 'Tensor': ... - @abstractmethod - def permute(self, n_head: int) -> 'Tensor': ... - @abstractmethod - def to_ggml(self) -> 'GGMLCompatibleTensor': ... - - -class UnquantizedTensor(Tensor): - def __init__(self, ndarray: NDArray) -> None: - assert isinstance(ndarray, np.ndarray) - self.ndarray = ndarray - self.data_type = NUMPY_TYPE_TO_DATA_TYPE[ndarray.dtype] - - def astype(self, data_type: DataType) -> Tensor: - dtype = DATA_TYPE_TO_NUMPY[data_type] - return UnquantizedTensor(self.ndarray.astype(dtype)) - - def to_ggml(self) -> 'UnquantizedTensor': - return self - - def permute(self, n_head: int) -> 'UnquantizedTensor': - return UnquantizedTensor(permute(self.ndarray, n_head)) - - -def load_unquantized(lazy_tensor: 'LazyTensor', expected_dtype: Any = None, convert: bool = False) -> NDArray: - tensor = lazy_tensor.load() - assert isinstance(tensor, UnquantizedTensor) - - # double-check: - actual_shape = list(tensor.ndarray.shape) - assert actual_shape == lazy_tensor.shape, (actual_shape, lazy_tensor.shape) - if expected_dtype is not None and expected_dtype != tensor.ndarray.dtype: - if convert: - tensor.ndarray = tensor.ndarray.astype(expected_dtype) - else: - raise ValueError(f'expected this tensor to have dtype {expected_dtype}, got {tensor.ndarray.dtype}') - - return tensor.ndarray - - -class GGMLQuantizedTensor(Tensor): - data_type: QuantizedDataType - - def __init__(self, ndarray: NDArray, shape: List[int], data_type: DataType) -> None: - rows, columns = shape - assert data_type in (DT_Q4_1, DT_Q4_0) # for now - assert isinstance(data_type, QuantizedDataType) # redundant, but mypy complains without this - assert columns % data_type.groupsize == 0 - words_in_block = 6 if data_type == DT_Q4_1 else 5 - self.ndarray = ndarray.view(dtype=np.uint32).reshape((rows, columns // data_type.groupsize, words_in_block)) - self.shape = shape[:] - self.data_type = data_type - - def astype(self, data_type: DataType) -> Tensor: - if data_type == self.data_type: - return self - scales = self.ndarray[:, :, 0].view(np.float32) - if self.data_type.have_addends: - addends = self.ndarray[:, :, 1].view(np.float32) - else: - addends = None - qweights = self.ndarray[:, :, -4:].reshape([self.shape[0], self.shape[1] // 8]) - - dq = dequantize_q4(qweights, scales, addends, g_idx=None) - return UnquantizedTensor(dq).astype(data_type) - - def to_ggml(self) -> 'GGMLQuantizedTensor': - return self - - def permute(self, n_head: int) -> 'GGMLQuantizedTensor': - return GGMLQuantizedTensor(permute(self.ndarray, n_head), self.shape, self.data_type) - - -GGMLCompatibleTensor = Union[UnquantizedTensor, GGMLQuantizedTensor] - - -class DeferredPermutedTensor(Tensor): - def __init__(self, base: Tensor, n_head: int) -> None: - self.base = base - self.n_head = n_head - self.data_type = self.base.data_type - - def astype(self, data_type: DataType) -> Tensor: - return self.base.astype(data_type).permute(self.n_head) - - def to_ggml(self) -> GGMLCompatibleTensor: - return self.base.to_ggml().permute(self.n_head) - - def permute(self, n_head: int) -> Tensor: - raise Exception("shouldn't permute twice") - - -class GPTQForLLaMaQuantizedTensor(Tensor): - def __init__(self, model: 'LazyModel', namebase: str) -> None: - qweight = load_unquantized(model[f"{namebase}.qweight"], np.int32) - scales = load_unquantized(model[f"{namebase}.scales"], np.float32, convert=True) - - bias = model.get(f"{namebase}.bias") - if bias is not None: - # Q4_1 does not support bias; good thing the bias is always all zeros. - assert not np.any(load_unquantized(bias)) - - if f"{namebase}.zeros" in model: - zeros = load_unquantized(model[f"{namebase}.zeros"], np.float32) - else: - qzeros = load_unquantized(model[f"{namebase}.qzeros"], np.int32) - assert qzeros.dtype == np.int32 - zeros = dequantize_q4(qzeros, scales, scales, g_idx=None) - assert zeros.dtype == np.float32 - - assert zeros.shape == scales.shape - - # Output is transposed compared to the input, and addends have their sign flipped. - # Scales and zeros similarly must be transposed but only for newer - # versions of GPTQ-for-LLaMa; the older versions can be identified by - # having shape (n_embd, 1). - qweight = qweight.T - if scales.shape[1] != 1: - scales = scales.T - zeros = zeros.T - - # Output also has signs flipped for the addends. - self.qweight = qweight - self.scales = scales - self.addends = -zeros - - self.g_idx: Optional[NDArray] - if f"{namebase}.g_idx" in model: - self.g_idx = load_unquantized(model[f"{namebase}.g_idx"], np.int32) - assert self.g_idx.shape == (qweight.shape[1] * 8,) - else: - self.g_idx = None - - self.shape = [self.qweight.shape[0], self.qweight.shape[1] * 8] - self.data_type = QuantizedDataType(groupsize=self.groupsize(), have_addends=True, - have_g_idx=(self.g_idx is not None)) - - def inspect(self, row: int, col: int) -> None: - '''For debugging.''' - qweight = (self.qweight[row, col // 8] >> (4 * (col & 7))) & 0xf - if self.g_idx is not None: - group = self.g_idx[col] - else: - group = int(col // self.groupsize()) - scale = self.scales[row, group] - addend = self.addends[row, group] - with np.printoptions(precision=None, suppress=True): - print(f'scale:{scale} addend:{addend} qweight:{qweight}') - print('possible values:', np.arange(16) * scale + addend) - print('actual value:', qweight * scale + addend) - - def astype(self, data_type: DataType) -> Tensor: - if isinstance(data_type, QuantizedDataType): - assert self.g_idx is None and data_type.have_addends is True and data_type.have_g_idx is False - return self.regroup(data_type.groupsize) - - dequantized = dequantize_q4(np.ascontiguousarray(self.qweight), self.scales, self.addends, self.g_idx) - return UnquantizedTensor(dequantized).astype(data_type) - - def groupsize(self) -> int: - assert self.addends.shape == self.scales.shape - assert self.shape[1] % self.scales.shape[1] == 0 - return self.shape[1] // self.scales.shape[1] - - def regroup(self, new_groupsize: int = 32) -> 'GPTQForLLaMaQuantizedTensor': - # Old versions of GPTQ-for-LLaMa shared scales and addends between all the - # columns in a row. Newer versions share them between every set of N - # columns in a row, where N is the `groupsize` parameter, usually 128. The - # output format shares them between every set of 32 columns. To handle - # this, duplicate scales and addends for every smaller group. - # (In the above, 'row' and 'column' are in the sense of the output.) - assert self.g_idx is None - old_groupsize = self.groupsize() - assert old_groupsize >= new_groupsize and old_groupsize % new_groupsize == 0, old_groupsize - ret = copy.copy(self) - ret.addends = self.addends.repeat(old_groupsize // new_groupsize, axis=1) - ret.scales = self.scales.repeat(old_groupsize // new_groupsize, axis=1) - ret.data_type = QuantizedDataType(groupsize=new_groupsize, have_addends=True, have_g_idx=False) - return ret - - def permute(self, n_head: int) -> Tensor: - return DeferredPermutedTensor(self, n_head) - - def to_ggml(self) -> GGMLQuantizedTensor: - # The output format looks like this: - # For each row: - # For each group of 32 columns: - # - addend (float32, 4 bytes) - # - scale (float32, 4 bytes) - # - weights (int4 * 32, 16 bytes) - - if self.groupsize() != 32: - raise Exception("should have been regrouped before converting to ggml") - - # Since the output format is mixed between integers and floats, we have - # to hackily view the floats as int32s just so numpy will let us - # concatenate them. - addends_view = self.addends.view(dtype=np.int32)[:, :, np.newaxis] - scales_view = self.scales.view(dtype=np.int32)[:, :, np.newaxis] - - # Split into groups of 4 columns (i.e. 32 columns of quantized data): - grouped = self.qweight.reshape([self.qweight.shape[0], self.qweight.shape[1] // 4, 4]) - - # And concatenate: - grouped = np.concatenate([scales_view, addends_view, grouped], axis=2, casting='no') - - return GGMLQuantizedTensor(grouped, self.shape, DT_Q4_1) - - -@dataclass -class LazyTensor: - _load: Callable[[], Tensor] - shape: List[int] - data_type: DataType - description: str - - def load(self) -> Tensor: - ret = self._load() - assert ret.data_type == self.data_type, (self.data_type, ret.data_type, self.description) - return ret - - def astype(self, data_type: DataType) -> 'LazyTensor': - self.validate_conversion_to(data_type) - - def load() -> Tensor: - return self.load().astype(data_type) - return LazyTensor(load, self.shape, data_type, f'convert({data_type}) {self.description}') - - def validate_conversion_to(self, data_type: DataType) -> None: - if data_type == self.data_type: - return - if isinstance(data_type, QuantizedDataType): - if not isinstance(self.data_type, QuantizedDataType): - raise Exception(f"Can't turn an unquantized tensor into a quantized type ({data_type})") - if self.data_type.have_g_idx: - sys.stderr.write("Error: Input uses the newer GPTQ-for-LLaMa format (using g_idx), which is not yet natively supported by GGML. For now you can still convert this model by passing `--outtype f16` to dequantize, but that will result in a much larger output file for no quality benefit.\n") - sys.exit(1) - assert not data_type.have_g_idx and self.data_type.have_addends and data_type.have_addends - - -LazyModel = Dict[str, LazyTensor] - - -@dataclass -class ModelPlus: - model: LazyModel - paths: List[Path] # Where this was read from. - format: Literal['ggml', 'torch', 'safetensors'] - vocab: Optional[Vocab] # For GGML models (which have vocab built in), the vocab. - - -def merge_sharded(models: List[LazyModel]) -> LazyModel: - # Original LLaMA models have each file contain one part of each tensor. - # Use a dict instead of a set to preserve order. - names = {name: None for model in models for name in model} - - def convert(name: str) -> LazyTensor: - lazy_tensors: List[LazyTensor] = [model[name] for model in models] - if len(lazy_tensors) == 1: - # only one file; don't go through this procedure since there might - # be quantized tensors - return lazy_tensors[0] - if len(lazy_tensors[0].shape) == 1: - # the tensor is just duplicated in every file - return lazy_tensors[0] - if name.startswith('tok_embeddings.') or \ - name.endswith('.attention.wo.weight') or \ - name.endswith('.feed_forward.w2.weight'): - # split by columns - axis = 1 - else: - # split by rows - axis = 0 - concatenated_shape = list(lazy_tensors[0].shape) - concatenated_shape[axis] = sum(tensor.shape[axis] for tensor in lazy_tensors) - - def load() -> UnquantizedTensor: - ndarrays = [load_unquantized(tensor) for tensor in lazy_tensors] - concatenated: NDArray = np.concatenate(ndarrays, axis=axis) - return UnquantizedTensor(concatenated) - description = 'concatenated[[' + '] | ['.join(lt.description for lt in lazy_tensors) + ']]' - return LazyTensor(load, concatenated_shape, lazy_tensors[0].data_type, description) - return {name: convert(name) for name in names} - - -def merge_multifile_models(models_plus: List[ModelPlus]) -> ModelPlus: - formats = set(mp.format for mp in models_plus) - assert len(formats) == 1, "different formats?" - format = formats.pop() - paths = [path for mp in models_plus for path in mp.paths] - # Use the first non-None vocab, if any. - try: - vocab = next(mp.vocab for mp in models_plus if mp.vocab is not None) - except StopIteration: - vocab = None - - if any("model.embed_tokens.weight" in mp.model for mp in models_plus): - # Transformers models put different tensors in different files, but - # don't split indivdual tensors between files. - model: LazyModel = {} - for mp in models_plus: - model.update(mp.model) - else: - model = merge_sharded([mp.model for mp in models_plus]) - - return ModelPlus(model, paths, format, vocab) - - -def permute_lazy(lazy_tensor: LazyTensor, n_head: int) -> LazyTensor: - def load() -> Tensor: - return lazy_tensor.load().permute(n_head) - return LazyTensor(load, lazy_tensor.shape, lazy_tensor.data_type, f'permute({n_head}) ' + lazy_tensor.description) - - -def convert_transformers_to_orig(model: LazyModel) -> LazyModel: - out: LazyModel = {} - out["tok_embeddings.weight"] = model["model.embed_tokens.weight"] - out["norm.weight"] = model["model.norm.weight"] - out["output.weight"] = model["lm_head.weight"] - - n_head = model["model.layers.0.self_attn.q_proj.weight"].shape[1] // 128 - for i in itertools.count(): - if f"model.layers.{i}.self_attn.q_proj.weight" not in model: - break - out[f"layers.{i}.attention.wq.weight"] = permute_lazy(model[f"model.layers.{i}.self_attn.q_proj.weight"], n_head) - out[f"layers.{i}.attention.wk.weight"] = permute_lazy(model[f"model.layers.{i}.self_attn.k_proj.weight"], n_head) - out[f"layers.{i}.attention.wv.weight"] = model[f"model.layers.{i}.self_attn.v_proj.weight"] - out[f"layers.{i}.attention.wo.weight"] = model[f"model.layers.{i}.self_attn.o_proj.weight"] - - out[f"layers.{i}.feed_forward.w1.weight"] = model[f"model.layers.{i}.mlp.gate_proj.weight"] - out[f"layers.{i}.feed_forward.w2.weight"] = model[f"model.layers.{i}.mlp.down_proj.weight"] - out[f"layers.{i}.feed_forward.w3.weight"] = model[f"model.layers.{i}.mlp.up_proj.weight"] - - out[f"layers.{i}.attention_norm.weight"] = model[f"model.layers.{i}.input_layernorm.weight"] - out[f"layers.{i}.ffn_norm.weight"] = model[f"model.layers.{i}.post_attention_layernorm.weight"] - return out - - -def handle_quantization(model: LazyModel) -> LazyModel: - '''Convert a model with entries for 'foo.qweight', 'foo.scales', etc. - (which resolve to UnquantizedTensors with the raw data) to one with entries - for 'foo.weight' (which resolve to QuantizedTensors). - ''' - def convert(name: str) -> Tuple[str, LazyTensor]: - if name.endswith(".qweight"): - namebase = name.rsplit('.', 1)[0] - orig_name = namebase + ".weight" - - lazy_tensor = model[name] - assert len(lazy_tensor.shape) == 2 - real_shape = [lazy_tensor.shape[1], lazy_tensor.shape[0] * 8] - - # Calculate type. This replicates the logic in - # GPTQForLLaMaQuantizedTensor (which is executed when the modelis - # actually loaded). - lazy_scales = model[f"{namebase}.scales"] - scales_width = 1 if lazy_scales.shape[1] == 1 else lazy_scales.shape[0] - assert real_shape[1] % scales_width == 0 - groupsize = real_shape[1] // scales_width - have_g_idx = f"{namebase}.g_idx" in model - data_type = QuantizedDataType(groupsize=groupsize, have_addends=True, have_g_idx=have_g_idx) - - def load() -> Tensor: - return GPTQForLLaMaQuantizedTensor(model, namebase) - - return (orig_name, LazyTensor(load, real_shape, data_type, '[quantized]')) - else: - return (name, model[name]) - return dict(convert(name) for name in model) - -# Functionality that simulates `torch.load` but where individual tensors are -# only loaded into memory on demand, not all at once. -# PyTorch can't do this natively as of time of writing: -# - https://github.com/pytorch/pytorch/issues/64327 -# This allows us to de-shard without multiplying RAM usage, and also -# conveniently drops the PyTorch dependency (though we still need numpy). - - -@dataclass -class LazyStorageKind: - data_type: DataType - - -@dataclass -class LazyStorage: - load: Callable[[int, int], NDArray] - kind: LazyStorageKind - description: str - - -class LazyUnpickler(pickle.Unpickler): - def __init__(self, fp: IO[bytes], data_base_path: str, zip_file: zipfile.ZipFile): - super().__init__(fp) - self.data_base_path = data_base_path - self.zip_file = zip_file - - def persistent_load(self, pid: Any) -> Any: - assert pid[0] == 'storage' - assert isinstance(pid[1], LazyStorageKind) - data_type = pid[1].data_type - filename_stem = pid[2] - filename = self.data_base_path + '/' + filename_stem - info = self.zip_file.getinfo(filename) - - def load(offset: int, elm_count: int) -> NDArray: - dtype = DATA_TYPE_TO_NUMPY.get(data_type) - if dtype is None: - raise Exception("tensor stored in unsupported format") - fp = self.zip_file.open(info) - fp.seek(offset * dtype.itemsize) - size = elm_count * dtype.itemsize - data = fp.read(size) - assert len(data) == size - return np.frombuffer(data, dtype) - description = f'storage data_type={data_type} path-in-zip={filename} path={self.zip_file.filename}' - return LazyStorage(load=load, kind=pid[1], description=description) - - def lazy_rebuild_tensor_v2(storage: Any, storage_offset: Any, size: Any, stride: Any, # pyright: ignore[reportSelfClsParameterName] - requires_grad: Any, backward_hooks: Any, metadata: Any = None) -> LazyTensor: - assert isinstance(storage, LazyStorage) - - def load() -> UnquantizedTensor: - elm_count = stride[0] * size[0] - return UnquantizedTensor(storage.load(storage_offset, elm_count).reshape(size)) - description = f'pickled storage_offset={storage_offset} in {storage.description}' - return LazyTensor(load, list(size), storage.kind.data_type, description) - - CLASSES: Dict[Any, Any] = { - ('torch._utils', '_rebuild_tensor_v2'): lazy_rebuild_tensor_v2, - ('torch', 'BFloat16Storage'): LazyStorageKind(DT_BF16), - ('torch', 'HalfStorage'): LazyStorageKind(DT_F16), - ('torch', 'FloatStorage'): LazyStorageKind(DT_F32), - ('torch', 'IntStorage'): LazyStorageKind(DT_I32), - } - - def find_class(self, module: str, name: str) -> Any: - if not module.startswith('torch'): - return super().find_class(module, name) - return self.CLASSES[(module, name)] - - -def lazy_load_torch_file(outer_fp: IO[bytes], path: Path) -> ModelPlus: - zf = zipfile.ZipFile(outer_fp) - pickle_paths = [name for name in zf.namelist() if name.endswith('.pkl')] - assert len(pickle_paths) == 1, pickle_paths - pickle_fp = zf.open(pickle_paths[0], 'r') - unpickler = LazyUnpickler(pickle_fp, - data_base_path=pickle_paths[0][:-4], - zip_file=zf) - model = unpickler.load() - as_dict = dict(model.items()) - return ModelPlus(model=as_dict, paths=[path], format='torch', vocab=None) - - -SAFETENSORS_DATA_TYPES: Dict[str, DataType] = { - 'F16': DT_F16, - 'F32': DT_F32, - 'I32': DT_I32, -} - - -def lazy_load_safetensors_file(fp: IO[bytes], path: Path) -> ModelPlus: - header_size, = struct.unpack(' LazyTensor: - data_type = SAFETENSORS_DATA_TYPES[info['dtype']] - numpy_dtype = DATA_TYPE_TO_NUMPY[data_type] - shape: List[int] = info['shape'] - begin, end = info['data_offsets'] - assert 0 <= begin <= end <= len(byte_buf) - assert end - begin == math.prod(shape) * numpy_dtype.itemsize - buf = byte_buf[begin:end] - - def load() -> UnquantizedTensor: - return UnquantizedTensor(np.frombuffer(buf, dtype=numpy_dtype).reshape(shape)) - description = f'safetensors begin={begin} end={end} type={data_type} path={path}' - return LazyTensor(load, shape, data_type, description) - model = {name: convert(info) for (name, info) in header.items()} - return ModelPlus(model=model, paths=[path], format='safetensors', vocab=None) - - -def must_read(fp: IO[bytes], length: int) -> bytes: - ret = fp.read(length) - if len(ret) < length: - raise Exception("unexpectedly reached end of file") - return ret - - -def lazy_load_ggml_file(fp: io.BufferedReader, path: Path) -> ModelPlus: - magic = must_read(fp, 4)[::-1] - if magic in (b'ggmf', b'ggjt'): - version, = struct.unpack("i", must_read(fp, 4)) - assert version == 1 - else: - assert magic == b'ggml' - version = None - n_vocab, n_embd, n_mult, n_head, n_layer, rot, file_type = struct.unpack('<7i', must_read(fp, 28)) - - tokens: List[Tuple[bytes, float]] = [] - for i in range(n_vocab): - if i == 32000: - # HACK: GPT4All messed with the format without changing the magic - # number. Specifically, they changed the vocab section to contain - # `n_vocab - 1` tokens instead of `n_vocab` (i.e. omitting the - # extra pad token). Try to detect if we're reading a file like - # this. - orig_pos = fp.tell() - fp.seek(20, io.SEEK_CUR) - is_gpt4all = fp.read(21) == b'tok_embeddings.weight' - fp.seek(orig_pos) - if is_gpt4all: - break - - length, = struct.unpack("i", must_read(fp, 4)) - text = must_read(fp, length) - if magic != b'ggml': - score, = struct.unpack("f", must_read(fp, 4)) - tokens.append((text, score)) - vocab = GGMLVocab(tokens) if magic != b'ggml' else None - - model: LazyModel = {} - # Use mmap for the actual data to avoid race conditions with the file offset. - off = fp.raw.tell() - mapped = memoryview(mmap.mmap(fp.fileno(), 0, access=mmap.ACCESS_READ)) - fp.raw.seek(off) # needed on Windows - - def read_tensor() -> None: # this is a function so that variables captured in `load` don't change - shape_len, name_len, ftype = struct.unpack("iii", must_read(fp, 12)) - assert 0 <= shape_len <= 3 - shape: List[int] = list(struct.unpack(f"{shape_len}i", must_read(fp, 4 * shape_len))) - shape = shape[::-1] - name = must_read(fp, name_len).decode('utf-8') - data_type = FTYPE_TO_DATA_TYPE[ftype] - - if magic == b'ggjt': - fp.seek((fp.tell() + 31) & -32) - - if data_type == DT_Q4_1: - # See GPTQForLLaMaQuantizedTensor.ggml_ndarray() - size = 24 * (shape[1] // 32) * shape[0] - elif data_type == DT_Q4_0: - size = 20 * (shape[1] // 32) * shape[0] - else: - numpy_dtype = DATA_TYPE_TO_NUMPY[data_type] - elm_count = math.prod(shape) - size = elm_count * numpy_dtype.itemsize - offset = fp.tell() - buf = mapped[offset:offset+size] - fp.seek(size, io.SEEK_CUR) - - def load() -> Tensor: - if isinstance(data_type, QuantizedDataType): - ndarray = np.frombuffer(buf, dtype=np.uint32) - return GGMLQuantizedTensor(ndarray, shape, data_type) - else: - return UnquantizedTensor(np.frombuffer(buf, dtype=numpy_dtype).reshape(shape)) - description = f'ggml offset={offset} type={data_type} path={path}' - model[name] = LazyTensor(load, shape, data_type, description) - - while fp.read(1) != b'': - fp.seek(-1, io.SEEK_CUR) - read_tensor() - - return ModelPlus(model=model, paths=[path], format='ggml', vocab=vocab) - - -@functools.lru_cache(maxsize=None) -def lazy_load_file(path: Path) -> ModelPlus: - fp = open(path, 'rb') - first8 = fp.read(8) - fp.seek(0) - if first8[:2] == b'PK': - # A zip file, i.e. PyTorch format - return lazy_load_torch_file(fp, path) - elif first8[2:4] == b'gg': - # GGML format - return lazy_load_ggml_file(fp, path) - elif struct.unpack(' Iterable[Out]: - '''Parallel map, but with backpressure. If the caller doesn't call `next` - fast enough, this will stop calling `func` at some point rather than - letting results pile up in memory. Specifically, there is a max of one - output value buffered per thread.''' - with concurrent.futures.ThreadPoolExecutor() as executor: - futures: List[concurrent.futures.Future[Out]] = [] - items_rev = list(iterable)[::-1] - for i in range(min(concurrency, len(items_rev))): - futures.append(executor.submit(func, items_rev.pop())) - while futures: - result = futures.pop(0).result() - if items_rev: - futures.append(executor.submit(func, items_rev.pop())) - yield result - - -def check_vocab_size(params: Params, vocab: Vocab) -> None: - if params.n_vocab != vocab.vocab_size: - # GGMLVocab comes from the same file as the model so shouldn't mismatch: - assert isinstance(vocab, SentencePieceVocab) - if params.n_vocab == vocab.vocab_size_base: - print("Ignoring added_tokens.json since model matches vocab size without it.") - vocab.added_tokens_list = [] - vocab.vocab_size = vocab.vocab_size_base - return - msg = f"Vocab size mismatch (model has {params.n_vocab}, but {vocab.fname_tokenizer}" - if vocab.fname_added_tokens is not None: - msg += f" combined with {vocab.fname_added_tokens}" - msg += f" has {vocab.vocab_size})." - if vocab.vocab_size < params.n_vocab < vocab.vocab_size + 20 and vocab.fname_added_tokens is None: - msg += f" Most likely you are missing added_tokens.json (should be in {vocab.fname_tokenizer.parent})." - raise Exception(msg) - - -class OutputFile: - def __init__(self, fname_out: Path) -> None: - self.fout = open(fname_out, "wb") - - def write_file_header(self, params: Params) -> None: - self.fout.write(b"ggjt"[::-1]) # magic - values = [ - 1, # file version - params.n_vocab, - params.n_embd, - params.n_mult, - params.n_head, - params.n_layer, - params.n_embd // params.n_head, # rot (obsolete) - params.file_type.value, - ] - self.fout.write(struct.pack("i" * len(values), *values)) - - def write_tensor_header(self, name: str, shape: Sequence[int], data_type: DataType) -> None: - sname = name.encode('utf-8') - self.fout.write(struct.pack("iii", len(shape), len(sname), DATA_TYPE_TO_FTYPE[data_type])) - self.fout.write(struct.pack("i" * len(shape), *shape[::-1])) - self.fout.write(sname) - self.fout.seek((self.fout.tell() + 31) & -32) - - def write_vocab(self, vocab: Vocab) -> None: - for text, score in vocab.all_tokens(): - self.fout.write(struct.pack("i", len(text))) - self.fout.write(text) - self.fout.write(struct.pack("f", score)) - - @staticmethod - def write_vocab_only(fname_out: Path, vocab: Vocab) -> None: - of = OutputFile(fname_out) - params = Params(n_vocab=vocab.vocab_size, n_embd=0, n_mult=0, - n_head=1, n_layer=0, file_type=GGMLFileType.AllF32) - of = OutputFile(fname_out) - of.write_file_header(params) - of.write_vocab(vocab) - of.fout.close() - - @staticmethod - def write_all(fname_out: Path, params: Params, model: LazyModel, vocab: Vocab) -> None: - check_vocab_size(params, vocab) - of = OutputFile(fname_out) - of.write_file_header(params) - print("Writing vocab...") - of.write_vocab(vocab) - - def do_item(item: Tuple[str, LazyTensor]) -> NDArray: - name, lazy_tensor = item - return lazy_tensor.load().to_ggml().ndarray - - ndarrays = bounded_parallel_map(do_item, model.items(), concurrency=8) - for i, ((name, lazy_tensor), ndarray) in enumerate(zip(model.items(), ndarrays)): - size = ' x '.join(f"{dim:6d}" for dim in lazy_tensor.shape) - padi = len(str(len(model))) - print(f"[{i+1:{padi}d}/{len(model)}] Writing tensor {name:38s} | size {size:16} | type {lazy_tensor.data_type}") - of.write_tensor_header(name, lazy_tensor.shape, lazy_tensor.data_type) - ndarray.tofile(of.fout) - of.fout.close() - - -def pick_output_type(model: LazyModel, output_type_str: Optional[str]) -> GGMLFileType: - wq_type = model["layers.0.attention.wq.weight"].data_type - if output_type_str == "f32" or (output_type_str is None and wq_type == DT_F32): - return GGMLFileType.AllF32 - if output_type_str == "f16" or (output_type_str is None and wq_type == DT_F16): - return GGMLFileType.MostlyF16 - if output_type_str == "q4_1" or (output_type_str is None and isinstance(wq_type, QuantizedDataType) and - wq_type.have_addends): - if isinstance(model["output.weight"].data_type, QuantizedDataType): - return GGMLFileType.MostlyQ4_1 - else: - return GGMLFileType.PerLayerIsQ4_1 - if output_type_str == "q4_0" or (output_type_str is None and isinstance(wq_type, QuantizedDataType)): - return GGMLFileType.MostlyQ4_0 - name_to_type = {name: lazy_tensor.data_type for (name, lazy_tensor) in model.items()} - raise Exception(f"Unexpected combination of types: {name_to_type}") - - -def do_necessary_conversions(model: LazyModel) -> LazyModel: - model = handle_quantization(model) - - if "lm_head.weight" in model: - model = convert_transformers_to_orig(model) - model = filter_and_sort_tensors(model) - - return model - - -def convert_to_output_type(model: LazyModel, output_type: GGMLFileType) -> LazyModel: - return {name: tensor.astype(output_type.type_for_tensor(name, tensor)) - for (name, tensor) in model.items()} - - -def nth_multifile_path(path: Path, n: int) -> Optional[Path]: - '''Given any path belonging to a multi-file model (e.g. foo.bin.1), return - the nth path in the model. - ''' - # Support the following patterns: - patterns: List[Tuple[str, str]] = [ - # - x.00.pth, x.01.pth, etc. - (r'\.[0-9]{2}\.pth$', f'.{n:02}.pth'), - # - x-00001-of-00002.bin, x-00002-of-00002.bin, etc. - (r'-[0-9]{5}-of-(.*)$', fr'-{n:05}-of-\1'), - # x.bin, x.bin.1, etc. - (r'(\.[0-9]+)?$', r'\1' if n == 0 else fr'\1.{n}') - ] - for regex, replacement in patterns: - if re.search(regex, path.name): - new_path = path.with_name(re.sub(regex, replacement, path.name)) - if new_path.exists(): - return new_path - return None - - -def find_multifile_paths(path: Path) -> List[Path]: - '''Given any path belonging to a multi-file model (e.g. foo.bin.1), return - the whole list of paths in the model. - ''' - ret: List[Path] = [] - for i in itertools.count(): - nth_path = nth_multifile_path(path, i) - if nth_path is None: - break - ret.append(nth_path) - if not ret: - # No matches. This should only happen if the file was named, e.g., - # foo.0, and there was no file named foo. Oh well, try to process it - # as a single file. - return [path] - return ret - - -def load_some_model(path: Path) -> ModelPlus: - '''Load a model of any supported format.''' - # Be extra-friendly and accept either a file or a directory: - if path.is_dir(): - globs = ["consolidated.00.pth", "pytorch_model-00001-of-*.bin", "*.pt"] - files = [file for glob in globs for file in path.glob(glob)] - if not files: - # Try GGML too, but with lower priority, since if both a non-GGML - # model and a GGML model exist in the same directory, we assume the - # latter was converted from the former. - files = list(path.glob("ggml-model*.bin*")) - if not files: - raise Exception(f"Can't find model in directory {path}") - if len(files) > 1: - raise Exception(f"Found multiple models in {path}, not sure which to pick: {files}") - path = files[0] - - paths = find_multifile_paths(path) - models_plus: List[ModelPlus] = [] - for path in paths: - print(f"Loading model file {path}") - models_plus.append(lazy_load_file(path)) - - model_plus = merge_multifile_models(models_plus) - return model_plus - - -def filter_and_sort_tensors(model: LazyModel) -> LazyModel: - return {name: model[name] for name in TENSORS_LIST if name in model} - - -def load_vocab(path: Path) -> SentencePieceVocab: - # Be extra-friendly and accept either a file or a directory. Also, if it's - # a directory, it might be the model directory, and tokenizer.model might - # be in the parent of that. - if path.is_dir(): - path2 = path / "tokenizer.model" - # Use `.parent` instead of /.. to handle the symlink case better. - path3 = path.parent / "tokenizer.model" - if path2.exists(): - path = path2 - elif path3.exists(): - path = path3 - else: - raise FileNotFoundError(f"Could not find tokenizer.model in {path} or its parent; if it's in another directory, pass the directory as --vocab-dir") - added_tokens_path = path.parent / "added_tokens.json" - print(f"Loading vocab file {path}") - return SentencePieceVocab(path, added_tokens_path if added_tokens_path.exists() else None) - - -def default_outfile(model_paths: List[Path], params: Params) -> Path: - namestr = { - GGMLFileType.AllF32: "f32", - GGMLFileType.MostlyF16: "f16", - GGMLFileType.MostlyQ4_0: "q4_0", - GGMLFileType.MostlyQ4_1: "q4_1", - GGMLFileType.PerLayerIsQ4_1: "q4_1", - }[params.file_type] - ret = model_paths[0].parent / f"ggml-model-{namestr}.bin" - if ret in model_paths: - sys.stderr.write(f"Error: Default output path ({ret}) would overwrite the input. Please explicitly specify a path using --outfile.\n") - sys.exit(1) - return ret - - -def do_dump_model(model_plus: ModelPlus) -> None: - print(f"model_plus.paths = {model_plus.paths!r}") - print(f"model_plus.format = {model_plus.format!r}") - print(f"model_plus.vocab = {model_plus.vocab!r}") - for name, lazy_tensor in model_plus.model.items(): - print(f"{name}: shape={lazy_tensor.shape} type={lazy_tensor.data_type}; {lazy_tensor.description}") - - -def main(args_in: Optional[List[str]] = None) -> None: - parser = argparse.ArgumentParser(description="Convert a LLaMa model to a GGML compatible file") - parser.add_argument("--dump", action="store_true", help="don't convert, just show what's in the model") - parser.add_argument("--dump-single", action="store_true", help="don't convert, just show what's in a single model file") - parser.add_argument("--vocab-only", action="store_true", help="extract only the vocab") - parser.add_argument("--outtype", choices=["f32", "f16", "q4_1", "q4_0"], help="output format (default: based on input)") - parser.add_argument("--vocab-dir", type=Path, help="directory containing tokenizer.model, if separate from model file") - parser.add_argument("--outfile", type=Path, help="path to write to; default: based on input") - parser.add_argument("model", type=Path, help="directory containing model file, or model file itself (*.pth, *.pt, *.bin)") - args = parser.parse_args(args_in) - - vocab: Vocab - if args.dump_single: - model_plus = lazy_load_file(args.model) - do_dump_model(model_plus) - elif args.vocab_only: - vocab = load_vocab(args.vocab_dir or args.model) - assert args.outfile, "need --outfile if using --vocab-only" - outfile = args.outfile - OutputFile.write_vocab_only(outfile, vocab) - print(f"Wrote {outfile}") - else: - model_plus = load_some_model(args.model) - if args.dump: - do_dump_model(model_plus) - return - if model_plus.vocab is not None and args.vocab_dir is None: - vocab = model_plus.vocab - else: - vocab_dir = args.vocab_dir if args.vocab_dir else model_plus.paths[0].parent - vocab = load_vocab(vocab_dir) - model = model_plus.model - model = do_necessary_conversions(model) - output_type = pick_output_type(model, args.outtype) - model = convert_to_output_type(model, output_type) - params = Params.guessed(model, output_type) - outfile = args.outfile or default_outfile(model_plus.paths, params) - OutputFile.write_all(outfile, params, model, vocab) - print(f"Wrote {outfile}") - - -if __name__ == '__main__': - main() diff --git a/docs/dev/new_ui_dev.md b/docs/dev/new_ui_dev.md index 25b80d51..44105e00 100644 --- a/docs/dev/new_ui_dev.md +++ b/docs/dev/new_ui_dev.md @@ -17,7 +17,7 @@ npm run dev ``` > Note -> To run the developmen environment you need to create copy of the `.env` file and name it either `.env.development` or if that dont work then `.env.dev`. Set `VITE_GPT4ALL_API_BASEURL = /api/ ` in the `.env.development`. +> To run the developmen environment you need to create copy of the `.env` file and name it either `.env.development` or if that dont work then `.env.dev`. Set `VITE_LoLLMs_API_BASEURL = /api/ ` in the `.env.development`. > Run your gpt binding by launching `webui.bat` or bash `webui.sh`. ## Building frontend - UI diff --git a/docs/dev/server_endpoints.md b/docs/dev/server_endpoints.md index 2e225abe..47604869 100644 --- a/docs/dev/server_endpoints.md +++ b/docs/dev/server_endpoints.md @@ -21,9 +21,9 @@ This Flask server provides various endpoints to manage and interact with the cha "ggml-vicuna-13b-4bit-rev1.bin", "ggml-vicuna-7b-4bit-rev1.bin", "ggml-vicuna-7b-4bit.bin", - "gpt4all-lora-quantized-ggml.bin", - "gpt4all-lora-quantized.bin", - "gpt4all-lora-unfiltered-quantized.bin" + "lollms-lora-quantized-ggml.bin", + "lollms-lora-quantized.bin", + "lollms-lora-unfiltered-quantized.bin" ] ``` - "/list_personalities_languages": GET request endpoint to list all the available personality languages. @@ -120,7 +120,7 @@ This Flask server provides various endpoints to manage and interact with the cha ``` [ { - "content": "##Instructions:\\nGPT4All is a smart and helpful Assistant built by Nomic-AI. It can discuss with humans and assist them.\n", + "content": "##Instructions:\\nLoLLMs is a smart and helpful Assistant built by Nomic-AI. It can discuss with humans and assist them.\n", "id": 23, "parent": 0, "rank": 0, @@ -128,11 +128,11 @@ This Flask server provides various endpoints to manage and interact with the cha "type": 1 }, { - "content": "Welcome! I am GPT4All A free and open assistant. What can I do for you today?", + "content": "Welcome! I am LoLLMs A free and open assistant. What can I do for you today?", "id": 24, "parent": 23, "rank": 0, - "sender": "gpt4all", + "sender": "lollms", "type": 0 }, { @@ -148,7 +148,7 @@ This Flask server provides various endpoints to manage and interact with the cha "id": 26, "parent": 25, "rank": 0, - "sender": "gpt4all", + "sender": "lollms", "type": 0 } ] @@ -173,7 +173,7 @@ This Flask server provides various endpoints to manage and interact with the cha "debug": false, "host": "localhost", "language": "en-US", - "model": "gpt4all-lora-quantized-ggml.bin", + "model": "lollms-lora-quantized-ggml.bin", "n_predict": 1024, "n_threads": 8, "nb_messages_to_remember": 5, @@ -199,15 +199,15 @@ This Flask server provides various endpoints to manage and interact with the cha ``` { "personality": { - "ai_message_prefix": "###gpt4all:\n", + "ai_message_prefix": "###lollms:\n", "anti_prompts": [ "###user", "### user", - "###gpt4all", - "### gpt4all" + "###lollms", + "### lollms" ], "assets_list": [ - "personalities\\english\\generic\\gpt4all\\assets\\logo.png" + "personalities\\english\\generic\\lollms\\assets\\logo.png" ], "author": "ParisNeo", "category": "General", @@ -221,13 +221,13 @@ This Flask server provides various endpoints to manage and interact with the cha "model_temperature": 0.6, "model_top_k": 50, "model_top_p": 0.9, - "name": "gpt4all", - "personality_conditioning": "## Information:\nAssistant's name is gpt4all\nToday's date is {{date}}\n## Instructions:\nYour mission is to assist user to perform various tasks and answer his questions\n", + "name": "lollms", + "personality_conditioning": "## Information:\nAssistant's name is lollms\nToday's date is {{date}}\n## Instructions:\nYour mission is to assist user to perform various tasks and answer his questions\n", "personality_description": "This personality is a helpful and Kind AI ready to help you solve your problems \n", "user_message_prefix": "###user:\n", "user_name": "user", "version": "1.0.0", - "welcome_message": "Welcome! My name is gpt4all.\nHow can I help you today?\n" + "welcome_message": "Welcome! My name is lollms.\nHow can I help you today?\n" } } ``` diff --git a/docs/tutorials/noobs_tutorial.md b/docs/tutorials/noobs_tutorial.md index 8575c7b7..c3f23df8 100644 --- a/docs/tutorials/noobs_tutorial.md +++ b/docs/tutorials/noobs_tutorial.md @@ -11,7 +11,7 @@ Welcome to the LOLLMS WebUI tutorial! In this tutorial, we will walk you through 1. Visit the GitHub repository page at [github.com/ParisNeo/lollms-webui](https://github.com/ParisNeo/lollms-webui). 2. Click on the "Latest Release" button. 3. Depending on your platform, download either `webui.bat` for Windows or `webui.sh` for Linux. -4. Choose a folder on your system to install the application launcher. For example, you can create a folder named `gpt4all-webui` in your `ai` directory. +4. Choose a folder on your system to install the application launcher. For example, you can create a folder named `lollms-webui` in your `ai` directory. 5. Run the downloaded script (application launcher). Note: Some antivirus programs or Windows Defender might display a warning due to the tool's reputation. This warning is a false positive caused by the tool being relatively new. You can ignore the warning and proceed with the installation. 6. The installer will no longer prompt you to install the default model. This step will be performed in the UI, making it easier for you. @@ -31,7 +31,7 @@ Welcome to the LOLLMS WebUI tutorial! In this tutorial, we will walk you through ## Starting a Discussion 1. Return to the discussions view. 2. Click the "+" button to create a new discussion. -3. You will see a predefined welcome message based on the selected personality configuration. By default, the GPT4All personality is used, which aims to be helpful. +3. You will see a predefined welcome message based on the selected personality configuration. By default, the LoLLMs personality is used, which aims to be helpful. 4. Enter your query or prompt. For example, you can ask, "Who is Abraham Lincoln?" 5. You can stop the generation at any time by clicking the "Stop Generating" button. diff --git a/docs/tutorials/personalities_tutorial.md b/docs/tutorials/personalities_tutorial.md index 39ee8bd5..002fc5f1 100644 --- a/docs/tutorials/personalities_tutorial.md +++ b/docs/tutorials/personalities_tutorial.md @@ -1,10 +1,10 @@ # Personalities and What You Can Do with Them -In this tutorial, we will explore the concept of personalities and their capabilities within the GPT4All webui. +In this tutorial, we will explore the concept of personalities and their capabilities within the LoLLMs webui. ## Introduction -The GPT4All webui utilizes the PyAIPersonality library, which provides a standardized way to define AI simulations and integrate AI personalities with other tools, applications, and data. Before diving into the details, let's familiarize ourselves with some key concepts that will help us understand the inner workings of these tools. +The LoLLMs webui utilizes the PyAIPersonality library, which provides a standardized way to define AI simulations and integrate AI personalities with other tools, applications, and data. Before diving into the details, let's familiarize ourselves with some key concepts that will help us understand the inner workings of these tools. ## Large Language Models (LLMs) @@ -53,13 +53,13 @@ Personality settings are defined in a YAML file, which contains parameters and c Let's take a closer look at the GPT for Art personality, which specializes in generating descriptions of artwork and even transforming descriptions into actual images using the stable diffusion generator. -To use the GPT for Art personality, you need to follow the custom installation steps outlined in the documentation. Once installed, you can leverage its capabilities through the GPT4All webui. +To use the GPT for Art personality, you need to follow the custom installation steps outlined in the documentation. Once installed, you can leverage its capabilities through the LoLLMs webui. -## Using the GPT4All Webui with the GPT for Art Personality +## Using the LoLLMs Webui with the GPT for Art Personality -To select and apply a personality in the GPT4All webui, follow these steps: +To select and apply a personality in the LoLLMs webui, follow these steps: -1. Open the GPT4All webui and navigate to the "Personality" section. +1. Open the LoLLMs webui and navigate to the "Personality" section. 2. Select the GPT for Art personality from the available options. 3. Start a conversation with the AI agent. @@ -77,9 +77,9 @@ By interacting with the AI agent, users can request specific changes or addition ## Conclusion -In this tutorial, we explored the concept of personalities and their integration within the GPT4All webui. We discussed the hardware and software layers, text processing and tokenization, sampling techniques, iterative text generation, and the customization of personality settings. +In this tutorial, we explored the concept of personalities and their integration within the LoLLMs webui. We discussed the hardware and software layers, text processing and tokenization, sampling techniques, iterative text generation, and the customization of personality settings. -We also delved into the GPT for Art personality, its installation steps, and how to apply it in the GPT4All webui. Through an example discussion with the artbot, we witnessed the collaborative creative process between users and AI. +We also delved into the GPT for Art personality, its installation steps, and how to apply it in the LoLLMs webui. Through an example discussion with the artbot, we witnessed the collaborative creative process between users and AI. -The GPT4All webui, coupled with AI personalities, opens up a world of possibilities for generating personalized and contextually relevant text. With further enhancements and customization, these tools have the potential to revolutionize various industries and creative endeavors. +The LoLLMs webui, coupled with AI personalities, opens up a world of possibilities for generating personalized and contextually relevant text. With further enhancements and customization, these tools have the potential to revolutionize various industries and creative endeavors. diff --git a/docs/usage/Build_extensions.md b/docs/usage/Build_extensions.md index 4a4acfa8..608d1bbf 100644 --- a/docs/usage/Build_extensions.md +++ b/docs/usage/Build_extensions.md @@ -6,19 +6,19 @@ Extensions are little projects built by the community that can be plugged to the There are many types of extensions: 1 - pipeline extensions These extensions have no UI, they only intercept the communication between the user and the AI, perform some modifications or operations, then submit them to the discussion to enritch it. For example: -- Net enabled GPT4All (under construction at https://github.com/ParisNeo/Net_enabled-GPT4All-Extension) : An extension that offers a special personality that indicates to the chatbot that whenever the user is asking a question it has no answer to, it should invoke a search function. The extension intercepts this keyword, do the research on the net then mirror it back to the AI. The AI can then use those inputs to formulate an answer. -- Image enabled GPT4All : An extension that uses Blip to convert an image into text that can be interpreted by the AI and used in the discussion. +- Net enabled LoLLMs (under construction at https://github.com/ParisNeo/Net_enabled-LoLLMs-Extension) : An extension that offers a special personality that indicates to the chatbot that whenever the user is asking a question it has no answer to, it should invoke a search function. The extension intercepts this keyword, do the research on the net then mirror it back to the AI. The AI can then use those inputs to formulate an answer. +- Image enabled LoLLMs : An extension that uses Blip to convert an image into text that can be interpreted by the AI and used in the discussion. The extension should offer a yaml file that describes it to allow the system to integrate it. ```yaml -# This is a gpt4all extension project +# This is a lollms extension project # Project name : Models tester # Author : ParisNeo # Description : # This extension allows applying the model on a bunch of questions at once and recover answers in a text file -name: GPT4All-Models-Tester-Extension +name: LoLLMs-Models-Tester-Extension author: ParisNeo description: | This extension allows applying the model on a bunch of questions at once and recover answers in a text file diff --git a/docs/usage/Linux_Osx_Install.md b/docs/usage/Linux_Osx_Install.md index 52f32b62..ec2fdf2a 100644 --- a/docs/usage/Linux_Osx_Install.md +++ b/docs/usage/Linux_Osx_Install.md @@ -1,4 +1,4 @@ -# Installing GPT4All-Webui on Linux or macOS: +# Installing lollms-webui on Linux or macOS: \- Make sure you have all the dependencies for requirements `python3.11 -m pip install cmake` diff --git a/docs/usage/Linux_Osx_Usage.md b/docs/usage/Linux_Osx_Usage.md index b40e641e..3d5e2a93 100644 --- a/docs/usage/Linux_Osx_Usage.md +++ b/docs/usage/Linux_Osx_Usage.md @@ -1,4 +1,4 @@ -# Using GPT4All-Webui on Linux or macOS: +# Using lollms-webui on Linux or macOS: To run the Flask server, execute the following command: diff --git a/docs/youtube/script_install.md b/docs/youtube/script_install.md index a1ba0e59..20c31683 100644 --- a/docs/youtube/script_install.md +++ b/docs/youtube/script_install.md @@ -10,7 +10,7 @@ Before starting, let me tell you what this project is made for. This project is This project is under Apache 2.0 licence which is an open source licence that can be used commercially, so people can built things from this and use it in their business. -Also, please don't confuse the GPT4All application built by Nomic AI which is an interesting more professional application that you can find on their website gpt4all.io. It has a great community and I encourage you to check it up. +Also, please don't confuse the LoLLMs application built by Nomic AI which is an interesting more professional application that you can find on their website lollms.io. It has a great community and I encourage you to check it up. I have built this ui to explore new things and build on top of it. I am not building a company out of this, this is a side project. I just want to give back to the open source community and help make this technology available for all (hence the name). @@ -23,7 +23,7 @@ Before installing this tool you need to install python 3.10 or higher as well as Now let's cut to the chace. Let's start by installing the tool. First, go to the github repository page at github.com/ParisNeo/lollms-webui then press the latest release button. Depending on your platform download webui.bat for windows or webui.sh for linux. -We call this file, the application launcher. Make sure you install the launcher in a folder you choose. For example I'll put it in my ai folder at gpt4all-webui. +We call this file, the application launcher. Make sure you install the launcher in a folder you choose. For example I'll put it in my ai folder at lollms-webui. Now let's run the script. You may encounter a warning from some antivirus or windows defender warining you about the script. It is a false positive caused by the reputation condition in some antiviruses. This means if a program is not used by enough users, some antiviruses consider it dangerous. This is true for this tool as it is new and not enough people as using it as of now so I have to wait for it to become more accepted. @@ -47,7 +47,7 @@ Notice that applying modifications does not save the configuration, so You need Now your model is selected and you are ready to start your first discussion. -Let's go back to discussions view. To create a new discussion, press the + button. You should see the personality welcome message. This is a predefined welcome message that you can find in the personality configuration file. by default, we use the GPT4All personality which is conditioned to be a helpful personality. Let's ask it something. For example, who is Abraham Lincoln? +Let's go back to discussions view. To create a new discussion, press the + button. You should see the personality welcome message. This is a predefined welcome message that you can find in the personality configuration file. by default, we use the LoLLMs personality which is conditioned to be a helpful personality. Let's ask it something. For example, who is Abraham Lincoln? You can stop the generation at any time by pressing the Stop Generating button. diff --git a/docs/youtube/script_lollms.md b/docs/youtube/script_lollms.md index 710237a8..769f4ce2 100644 --- a/docs/youtube/script_lollms.md +++ b/docs/youtube/script_lollms.md @@ -1,5 +1,5 @@ Hi Every one. -This is a new video about Lord of Large language models, formally known as GPT4All webui. +This is a new video about Lord of Large language models, formally known as LoLLMs webui. In this video, we start by presenting the tool, its phylosophy and it's main goals. Then, we discuss how to install and use it, we dive deep into its different use cases and how you can harness the power of Large language models in one tool. We will also do some interesting tests and comparisons of models and bindings, and we'll finish by some thoughts about AI, its benefits and dangers. @@ -33,7 +33,7 @@ You will be asked to select a personal folder. This folder will contain: - the discussion database Make sure to put this folder to a partition that has enough space as models may be heavy sometimes. Here I just press enter to choose the default location which is my documents folder. -The first time you run this application, you are prompted to select the binding. bindings are bridge modules that allows lollms to talk to different libraries that can run language models. If you are using a mac, I would recommend using gpt4all binding. If you have a powerful GPU and want to use as many models as possible then you go with ctransformers. The fastest for llama models is the official llama cpp binding. The Pyllamacpp is a tiny stable binding that runs with only llama models but can run on any pc seamlessly. As of today, GPTQ binding can run but it is still in experimental stage. Maybe use it in few weeks. I have a GPU, and want to test many models, so I'll go with CTransformers. +The first time you run this application, you are prompted to select the binding. bindings are bridge modules that allows lollms to talk to different libraries that can run language models. If you are using a mac, I would recommend using lollms binding. If you have a powerful GPU and want to use as many models as possible then you go with ctransformers. The fastest for llama models is the official llama cpp binding. The Pyllamacpp is a tiny stable binding that runs with only llama models but can run on any pc seamlessly. As of today, GPTQ binding can run but it is still in experimental stage. Maybe use it in few weeks. I have a GPU, and want to test many models, so I'll go with CTransformers. This may take few minutes to complete as it should install many modules. Let's fastforward. Once the binding is installed, you need to select a first model. You have the choice between installing a model from the internet or link to a local model file. This allows you tu mutualize models with other tools like Gpt4all or oobbabooga's text generation webui. diff --git a/docs/youtube/script_personalities.md b/docs/youtube/script_personalities.md index 86ec3852..53e3147d 100644 --- a/docs/youtube/script_personalities.md +++ b/docs/youtube/script_personalities.md @@ -1,6 +1,6 @@ Hi there. In this video, we are going to talk about the personalities and what you can do with them. -The GPT4All webui uses my PyAIPersonality library under the hood. I have buit this library to create a standard way to define AI simulations and integrate the AI personality with other tools, applications and data. Before starting, I want to explain some concepts to make it easy for you to understand the inner workings of these tools. Let's dive right in. +The LoLLMs webui uses my PyAIPersonality library under the hood. I have buit this library to create a standard way to define AI simulations and integrate the AI personality with other tools, applications and data. Before starting, I want to explain some concepts to make it easy for you to understand the inner workings of these tools. Let's dive right in. Large Language Models (LLMs) are powerful text processing models based on machine learning techniques. As their name suggests, these models are characterized by their substantial size and versatility in handling various text-based tasks. In the context of this work, we focus specifically on text generation models. @@ -124,7 +124,7 @@ As we can see, the model did the requested changes. Keep in mind that this tool is still in its early stages of development, and there's plenty of room for improvement. One way to enhance its performance is by adjusting the default sampler to an Euler sampler, which can potentially yield even better results. Additionally, you have the flexibility to explore a wide range of models available on Hugging Face repositories. With thousands of models at your disposal, you can experiment and choose the one that aligns best with your specific needs and preferences. By making these adjustments, you can take this tool to new heights and unlock its full potential. -Please note that all the generated images bear a watermark with the GPT4All signature, serving as a clear indication that they were created by AI using the stable diffusion WatermarkEncoder. This step is crucial to promote responsible AI usage and ensure that each generated work is properly identified as an AI creation. +Please note that all the generated images bear a watermark with the LoLLMs signature, serving as a clear indication that they were created by AI using the stable diffusion WatermarkEncoder. This step is crucial to promote responsible AI usage and ensure that each generated work is properly identified as an AI creation. It's important to emphasize that this tool is intended for appreciating art, fostering creative exploration, and sparking new ideas. It is not meant for malicious purposes or spreading misinformation. We firmly stand against such misuse. @@ -161,7 +161,7 @@ Let's put GPT 4 Internet to the test with a current affairs question: Who is the As you can observe, the personality performed its intended function flawlessly. It intelligently crafted a well-tailored query, conducted the search seamlessly behind the scenes, and swiftly presented the desired information along with proper source attribution. This showcases the power of leveraging the internet to enhance the AI's capabilities and provide you with accurate and reliable answers. -Finally, to install the personalities, go to the root of your gpt4all webui application and open a terminal. Then type installation/add_personality.bat or add_personality.sh depending on your operating system. you'll be prompted to choose a language, then a category, and finally the personality you want to install. Once installed, your personality will apear in the zoo. +Finally, to install the personalities, go to the root of your lollms webui application and open a terminal. Then type installation/add_personality.bat or add_personality.sh depending on your operating system. you'll be prompted to choose a language, then a category, and finally the personality you want to install. Once installed, your personality will apear in the zoo. Alright, let's wrap up here to keep the video concise. With over 250 personalities to explore, we've only scratched the surface of what GPT 4 All has to offer. While not all personalities have been fully adapted to the new format, a majority of them are already functional and ready for testing. diff --git a/installations/add_backend.bat b/installations/add_backend.bat deleted file mode 100644 index 5bdb3c08..00000000 --- a/installations/add_backend.bat +++ /dev/null @@ -1,3 +0,0 @@ -call ../env/Scripts/activate.bat -python install_binding.py %* -pause \ No newline at end of file diff --git a/installations/add_backend.sh b/installations/add_backend.sh deleted file mode 100644 index 7e6757f1..00000000 --- a/installations/add_backend.sh +++ /dev/null @@ -1,4 +0,0 @@ -#!/bin/bash -source ../env/bin/activate -python install_binding.py "$@" -read -p "Press any key to continue..." diff --git a/installations/add_personality.bat b/installations/add_personality.bat deleted file mode 100644 index 096bd676..00000000 --- a/installations/add_personality.bat +++ /dev/null @@ -1,55 +0,0 @@ -@echo off -setlocal enabledelayedexpansion - -REM Clone the repository to a tmp folder -set "REPO_URL=https://github.com/ParisNeo/PyAIPersonality.git" -set "TMP_FOLDER=%temp%\PyAIPersonality" -git clone %REPO_URL% %TMP_FOLDER% - -REM List the available languages and prompt user to select one -set "LANGUAGES_FOLDER=%TMP_FOLDER%\personalities_zoo" -set "LANGUAGE_INDEX=0" -for /d %%d in ("%LANGUAGES_FOLDER%\*") do ( - set /a "LANGUAGE_INDEX+=1" - set "LANGUAGES[!LANGUAGE_INDEX!]=%%~nxd" - echo !LANGUAGE_INDEX!. %%~nxd -) -set /p "SELECTED_LANGUAGE=Enter the number of the desired language: " -set "LANGUAGE_FOLDER=%LANGUAGES_FOLDER%\!LANGUAGES[%SELECTED_LANGUAGE%]!" - -REM List the available categories and prompt user to select one -set "CATEGORIES_FOLDER=%LANGUAGE_FOLDER%" -set "CATEGORY_INDEX=0" -for /d %%d in ("%CATEGORIES_FOLDER%\*") do ( - set /a "CATEGORY_INDEX+=1" - set "CATEGORIES[!CATEGORY_INDEX!]=%%~nxd" - echo !CATEGORY_INDEX!. %%~nxd -) -set /p "SELECTED_CATEGORY=Enter the number of the desired category: " -set "CATEGORY_FOLDER=%CATEGORIES_FOLDER%\!CATEGORIES[%SELECTED_CATEGORY%]!" - -REM List the available personalities and prompt user to select one -set "PERSONALITIES_FOLDER=%CATEGORY_FOLDER%" -set "PERSONALITY_INDEX=0" -for /d %%d in ("%PERSONALITIES_FOLDER%\*") do ( - set /a "PERSONALITY_INDEX+=1" - set "PERSONALITIES[!PERSONALITY_INDEX!]=%%~nxd" - echo !PERSONALITY_INDEX!. %%~nxd -) -set /p "SELECTED_PERSONALITY=Enter the number of the desired personality: " -set "PERSONALITY_FOLDER=%PERSONALITIES_FOLDER%\!PERSONALITIES[%SELECTED_PERSONALITY%]!" - -REM Copy the selected personality folder to personalities/language/category folder -set "OUTPUT_FOLDER=%CD%\personalities\!LANGUAGES[%SELECTED_LANGUAGE%]!\!CATEGORIES[%SELECTED_CATEGORY%]!\!PERSONALITIES[%SELECTED_PERSONALITY%]!" -if not exist "%OUTPUT_FOLDER%" mkdir "%OUTPUT_FOLDER%" -xcopy /e /y "%PERSONALITY_FOLDER%" "%OUTPUT_FOLDER%" - -REM cleaning -if exist "./tmp" ( -echo Cleaning tmp folder -rd /s /q "./tmp" -) -REM Remove the tmp folder -rd /s /q "%TMP_FOLDER%" -echo Done -pause \ No newline at end of file diff --git a/installations/add_personality.sh b/installations/add_personality.sh deleted file mode 100755 index 756ae803..00000000 --- a/installations/add_personality.sh +++ /dev/null @@ -1,53 +0,0 @@ -#!/usr/bin/env bash - -# Clone the repository to a tmp folder -REPO_URL="https://github.com/ParisNeo/PyAIPersonality.git" -TMP_FOLDER=$(mktemp -d) -git clone "$REPO_URL" "$TMP_FOLDER" - -# List the available languages and prompt user to select one -LANGUAGES_FOLDER="$TMP_FOLDER/personalities_zoo" -LANGUAGE_INDEX=0 -for d in "$LANGUAGES_FOLDER"/*; do - LANGUAGE_INDEX=$((LANGUAGE_INDEX+1)) - LANGUAGES[$LANGUAGE_INDEX]=$(basename "$d") - echo "$LANGUAGE_INDEX. ${LANGUAGES[$LANGUAGE_INDEX]}" -done -read -p "Enter the number of the desired language: " SELECTED_LANGUAGE -LANGUAGE_FOLDER="$LANGUAGES_FOLDER/${LANGUAGES[$SELECTED_LANGUAGE]}" - -# List the available categories and prompt user to select one -CATEGORIES_FOLDER="$LANGUAGE_FOLDER" -CATEGORY_INDEX=0 -for d in "$CATEGORIES_FOLDER"/*; do - CATEGORY_INDEX=$((CATEGORY_INDEX+1)) - CATEGORIES[$CATEGORY_INDEX]=$(basename "$d") - echo "$CATEGORY_INDEX. ${CATEGORIES[$CATEGORY_INDEX]}" -done -read -p "Enter the number of the desired category: " SELECTED_CATEGORY -CATEGORY_FOLDER="$CATEGORIES_FOLDER/${CATEGORIES[$SELECTED_CATEGORY]}" - -# List the available personalities and prompt user to select one -PERSONALITIES_FOLDER="$CATEGORY_FOLDER" -PERSONALITY_INDEX=0 -for d in "$PERSONALITIES_FOLDER"/*; do - PERSONALITY_INDEX=$((PERSONALITY_INDEX+1)) - PERSONALITIES[$PERSONALITY_INDEX]=$(basename "$d") - echo "$PERSONALITY_INDEX. ${PERSONALITIES[$PERSONALITY_INDEX]}" -done -read -p "Enter the number of the desired personality: " SELECTED_PERSONALITY -PERSONALITY_FOLDER="$PERSONALITIES_FOLDER/${PERSONALITIES[$SELECTED_PERSONALITY]}" - -# Copy the selected personality folder to personalities/language/category folder -OUTPUT_FOLDER="$(pwd)/personalities/${LANGUAGES[$SELECTED_LANGUAGE]}/${CATEGORIES[$SELECTED_CATEGORY]}/${PERSONALITIES[$SELECTED_PERSONALITY]}" -mkdir -p "$OUTPUT_FOLDER" -cp -r "$PERSONALITY_FOLDER/." "$OUTPUT_FOLDER" - -# Cleaning -if [[ -d "./tmp" ]]; then - echo "Cleaning tmp folder" - rm -rf "./tmp" -fi - -# Remove the tmp folder -rm -rf "$TMP_FOLDER" diff --git a/installations/backendlist.yaml b/installations/backendlist.yaml deleted file mode 100644 index 4ccff39e..00000000 --- a/installations/backendlist.yaml +++ /dev/null @@ -1 +0,0 @@ -GPT4All_GPTJ_binding : https://github.com/ParisNeo/GPT4All_GPTJ_binding \ No newline at end of file diff --git a/installations/download_all_personalities.bat b/installations/download_all_personalities.bat deleted file mode 100644 index 255a209a..00000000 --- a/installations/download_all_personalities.bat +++ /dev/null @@ -1,27 +0,0 @@ -@echo off - -rem Set the environment name -set environment_name=env - -rem Activate the virtual environment -call %environment_name%\Scripts\activate.bat - -rem Change to the installations subfolder - -rem Run the Python script -python installations/download_all_personalities.py - -rem Deactivate the virtual environment -echo deactivating -call %environment_name%\Scripts\deactivate.bat - -rem Remove tmp folder -set "folder=tmp" - -if exist "%folder%" ( - echo Folder exists. Deleting... - rd /s /q "%folder%" - echo Folder deleted. -) else ( - echo Folder does not exist. -) \ No newline at end of file diff --git a/installations/download_all_personalities.py b/installations/download_all_personalities.py deleted file mode 100644 index 45415190..00000000 --- a/installations/download_all_personalities.py +++ /dev/null @@ -1,57 +0,0 @@ -import os -import shutil -from pathlib import Path - -def copy_files(source_path, destination_path): - for item in os.listdir(source_path): - source_item = source_path / item - destination_item = destination_path / item - - if source_item.is_file(): - # Remove destination file if it already exists - try: - if destination_item.exists(): - destination_item.unlink() - # Copy file from source to destination - shutil.copy2(str(source_item), str(destination_item)) - except: - print(f"Couldn't install personality {item}") - - elif source_item.is_dir(): - # Create destination directory if it does not exist - destination_item.mkdir(parents=True, exist_ok=True) - - # Recursively copy files in subdirectories - copy_files(source_item, destination_item) - -import subprocess - -def clone_and_copy_repository(repo_url): - tmp_folder = Path("tmp/git_clone") - personalities_folder = Path("personalities") - subfolder_name = "personalities_zoo" - - # Clone the repository to a temporary folder - subprocess.run(["git", "clone", repo_url, str(tmp_folder)]) - - # Check if the repository was cloned successfully - if not tmp_folder.exists(): - print("Failed to clone the repository.") - return - - # Construct the source and destination paths for copying the subfolder - subfolder_path = tmp_folder / subfolder_name - destination_path = Path.cwd() / personalities_folder - - # Copy files and folders recursively - print(f"copying") - copy_files(subfolder_path, destination_path) - - # Remove the temporary folder - shutil.rmtree(str(tmp_folder)) - - print("Repository clone and copy completed successfully.") - -# Example usage -repo_url = "https://github.com/ParisNeo/PyAIPersonality.git" -clone_and_copy_repository(repo_url) diff --git a/installations/download_all_personalities.sh b/installations/download_all_personalities.sh deleted file mode 100644 index ba8a9be3..00000000 --- a/installations/download_all_personalities.sh +++ /dev/null @@ -1,27 +0,0 @@ -#!/bin/bash - -# Set the environment name -environment_name="env" - -# Activate the virtual environment -source "$environment_name/bin/activate" - -# Change to the installations subfolder - -# Run the Python script -python installations/download_all_personalities.py - -# Deactivate the virtual environment -echo "deactivating" -deactivate - -# Remove tmp folder -folder="tmp" - -if [ -d "$folder" ]; then - echo "Folder exists. Deleting..." - rm -r "$folder" - echo "Folder deleted." -else - echo "Folder does not exist." -fi \ No newline at end of file diff --git a/installations/install_backend.py b/installations/install_backend.py deleted file mode 100644 index 57a61da4..00000000 --- a/installations/install_backend.py +++ /dev/null @@ -1,60 +0,0 @@ -import argparse -import subprocess -import shutil -import yaml -from pathlib import Path - - -def install_binding(binding_name): - # Load the list of available bindings from bindinglist.yaml - with open('bindinglist.yaml', 'r') as f: - binding_list = yaml.safe_load(f) - - # Get the Github repository URL for the selected binding - try: - binding_url = binding_list[binding_name] - except KeyError: - print(f"Binding '{binding_name}' not found in bindinglist.yaml") - return - - # Clone the Github repository to a tmp folder - tmp_folder = Path('tmp') - if tmp_folder.exists(): - shutil.rmtree(tmp_folder) - subprocess.run(['git', 'clone', binding_url, tmp_folder]) - - # Install the requirements.txt from the cloned project - requirements_file = tmp_folder / 'requirements.txt' - subprocess.run(['pip', 'install', '-r', str(requirements_file)]) - - # Copy the folder found inside the binding to ../bindings - folders = [f for f in tmp_folder.iterdir() if f.is_dir() and not f.stem.startswith(".")] - src_folder = folders[0] - dst_folder = Path('../bindings') / src_folder.stem - print(f"coipying from {src_folder} to {dst_folder}") - # Delete the destination directory if it already exists - if dst_folder.exists(): - shutil.rmtree(dst_folder) - - shutil.copytree(src_folder, dst_folder) - - # Create an empty folder in ../models with the same name - models_folder = Path('../models') - models_folder.mkdir(exist_ok=True) - (models_folder / binding_name).mkdir(exist_ok=True, parents=True) - if tmp_folder.exists(): - shutil.rmtree(tmp_folder) - - -if __name__ == '__main__': - # Load the list of available bindings from bindinglist.yaml - with open('bindinglist.yaml', 'r') as f: - binding_list = yaml.safe_load(f) - - # Print the list of available bindings and prompt the user to select one - print("Available bindings:") - for binding_id, binding_name in enumerate(binding_list): - print(f" {binding_id} - {binding_name}") - binding_id = int(input("Select a binding to install: ")) - - install_binding(list(binding_list.keys())[binding_id]) diff --git a/installations/install_backend_gpu.bat b/installations/install_backend_gpu.bat deleted file mode 100644 index 4e3b66f6..00000000 --- a/installations/install_backend_gpu.bat +++ /dev/null @@ -1,7 +0,0 @@ -echo this will recompile llapacpp to use your hardware with gpu enabled. -pip uninstall llama-cpp-python -y -rem First we need to purge any old installation -pip cache purge -set CMAKE_ARGS=-DLLAMA_CUBLAS=on -set FORCE_CMAKE=1 -pip install llama-cpp-python --upgrade \ No newline at end of file diff --git a/installations/install_backend_gpu.sh b/installations/install_backend_gpu.sh deleted file mode 100644 index cd4f35e4..00000000 --- a/installations/install_backend_gpu.sh +++ /dev/null @@ -1,7 +0,0 @@ -echo "this will recompile llapacpp to use your hardware with gpu enabled." -pip uninstall llama-cpp-python -y -# First we need to purge any old installation -pip cache purge -export CMAKE_ARGS="-DLLAMA_CUBLAS=on" -export FORCE_CMAKE=1 -pip install llama-cpp-python --upgrade diff --git a/presets/make_programming_project.yaml b/presets/make_programming_project.yaml new file mode 100644 index 00000000..8e3d6ba4 --- /dev/null +++ b/presets/make_programming_project.yaml @@ -0,0 +1,27 @@ +name: Make programming project +content: | + ```@@ + # project: @@ + # author: @@ + # description: @@@@ + ``` + --------- + Extra information: + Licence: apache 2.0 + Program type: Stand alone. + Documentation: + Make README.md with the following table of contents: + ## Description + ## Installation + ## Usage + ## Licence + ## Contribute + ## Ethical guidelines + Instructions: + Write a user side README.md + Stick to the provided code content and do not invent extra information. + Make sure all sections of the table of contents are present in the file. + ---- + README.md: + ```markdown@@ + ```", diff --git a/presets/original.json b/presets/original.json index e36f4534..15751077 100644 --- a/presets/original.json +++ b/presets/original.json @@ -1,6 +1,6 @@ { "Build a Latex Book": "@@\n```latex\n\\documentclass[12pt]{book}\n\\usepackage{url}\n\\begin{document}\n\\title{@@}\n\\author{@<Author name>@} % Author\n\\date{\\today} % Date\n\\maketitle\n\\tableofcontents\n\\chapter{Introduction}\n@<generation_placeholder>@\n\\end{document}\n```", - "Simple Book writing":"Once apon a time", + "Simple Book writing":"#@<Title of the book:The advantures of Gandalf and Darth Vador>@\n@<Start the story:Once apon a time in middle earth>@", "Simple Question Answer":"User:@<What is your question>@\nAssistant:@<generation_placeholder>@", "Question Answer with conditionning":"Assistant is a highly developed AI capable of answering any question about any subject.\nUser:@<What's your question?>\nAssistant:@<generation_placeholder>@", "Instruct mode": "Instructions:\n@<Give instructions to the AI>@\nAnswer:@<generation_placeholder>@", diff --git a/presets/simple_book_writing.yaml b/presets/simple_book_writing.yaml index c8fa5da5..ed108c5a 100644 --- a/presets/simple_book_writing.yaml +++ b/presets/simple_book_writing.yaml @@ -1,2 +1,4 @@ name: Simple Book writing -content: Once apon a time \ No newline at end of file +content: | + # @<Title of the book:The advantures of Gandalf and Darth Vador>@ + @<Start the story:Once apon a time in middle earth>@@<generation_placeholder>@ \ No newline at end of file diff --git a/presets/simple_question_nswer.yaml b/presets/simple_question_answer.yaml similarity index 100% rename from presets/simple_question_nswer.yaml rename to presets/simple_question_answer.yaml diff --git a/presets/translate_text.yaml b/presets/translate_text.yaml new file mode 100644 index 00000000..170f4749 --- /dev/null +++ b/presets/translate_text.yaml @@ -0,0 +1,8 @@ +name: Translate text +content: | + ```@<Source language:all_language_options>@ + @<Text to translate>@ + ``` + ```@<Destination language:all_language_options>@ + @<generation_placeholder>@ + ``` \ No newline at end of file diff --git a/requirements_dev.txt b/requirements_dev.txt index 90443df1..d5a6b87b 100644 --- a/requirements_dev.txt +++ b/requirements_dev.txt @@ -1,13 +1,17 @@ tqdm +psutil flask flask_socketio -nomic pytest pyyaml markdown -pyllamacpp==2.0.0 -gpt4all-j -gpt4all -transformers -pyaipersonality>=0.0.11 -git \ No newline at end of file +gevent +gevent-websocket +lollms +langchain +requests +eventlet +websocket-client +GitPython +setuptools +numpy \ No newline at end of file diff --git a/scripts/convert model_ggml.bat b/scripts/convert model_ggml.bat index 68fd3eb8..cde93c86 100644 --- a/scripts/convert model_ggml.bat +++ b/scripts/convert model_ggml.bat @@ -9,4 +9,4 @@ cd tmp\llama.cpp git checkout 6c248707f51c8a50f7792e7f7787ec481881db88 cd ../.. echo Converting ... -python tmp\llama.cpp\convert-gpt4all-to-ggml.py "%filename%" "%tokenizer%" \ No newline at end of file +python tmp\llama.cpp\convert-lollms-to-ggml.py "%filename%" "%tokenizer%" \ No newline at end of file diff --git a/scripts/convert_model_ggml.sh b/scripts/convert_model_ggml.sh index b1453276..b1627a99 100644 --- a/scripts/convert_model_ggml.sh +++ b/scripts/convert_model_ggml.sh @@ -10,4 +10,4 @@ cd tmp\llama.cpp $(git checkout 6c248707f51c8a50f7792e7f7787ec481881db88) cd ../.. echo Converting ... -python -c tmp\llama.cpp\convert-gpt4all-to-ggml.py \"$FILENAME\" \"$TOKENIZER\" \ No newline at end of file +python -c tmp\llama.cpp\convert-lollms-to-ggml.py \"$FILENAME\" \"$TOKENIZER\" \ No newline at end of file diff --git a/templates/help.html b/templates/help.html index 1e63e36c..ff8e0d5f 100644 --- a/templates/help.html +++ b/templates/help.html @@ -43,7 +43,7 @@ <p class="mb-4">Here are the developers who worked on this website:</p> <ul class="list-disc list-inside mb-4"> <li>@ParisNeo : Creator of the project and Lead developer</li> - <li>@AndriyMulyar : CEO of Nomic-ai who offered to link the project as their official ui for GPT4All</li> + <li>@AndriyMulyar : CEO of Nomic-ai who offered to link the project as their official ui for LoLLMs</li> <li><a href="https://github.com/ParisNeo/lollms-webui/graphs/contributors" target="_blank" class="text-blue-900 dark:text-blue-600">A number of very talented open-source developers without whom this project wouldn't be as awesome as it is.</a></li> <li> We also appreciate the support of the users of this tool who have helped us in various ways.</li> </ul> diff --git a/templates/index.html b/templates/index.html index 0265484a..7f2a13df 100644 --- a/templates/index.html +++ b/templates/index.html @@ -2,7 +2,7 @@ <html> <head> <meta charset="utf-8"> - <title>GPT4All - WEBUI + LoLLMs - WEBUI diff --git a/templates/settings.html b/templates/settings.html index 9741e696..c94ddade 100644 --- a/templates/settings.html +++ b/templates/settings.html @@ -22,7 +22,7 @@
-
diff --git a/tests/end_point_tests/endpoints.http b/tests/end_point_tests/endpoints.http index 9a4f470f..82147c7f 100644 --- a/tests/end_point_tests/endpoints.http +++ b/tests/end_point_tests/endpoints.http @@ -83,7 +83,7 @@ Content-Type: application/json { "language": "english", "category": "generic", - "folder": "gpt4all" + "folder": "lollms" } ############################################ ### Unmount personality diff --git a/web/dist/assets/index-8f2cef47.js b/web/dist/assets/index-170c73a7.js similarity index 91% rename from web/dist/assets/index-8f2cef47.js rename to web/dist/assets/index-170c73a7.js index 29948d9e..1afde139 100644 --- a/web/dist/assets/index-8f2cef47.js +++ b/web/dist/assets/index-170c73a7.js @@ -1,4 +1,4 @@ -(function(){const e=document.createElement("link").relList;if(e&&e.supports&&e.supports("modulepreload"))return;for(const o of document.querySelectorAll('link[rel="modulepreload"]'))s(o);new MutationObserver(o=>{for(const r of o)if(r.type==="childList")for(const i of r.addedNodes)i.tagName==="LINK"&&i.rel==="modulepreload"&&s(i)}).observe(document,{childList:!0,subtree:!0});function n(o){const r={};return o.integrity&&(r.integrity=o.integrity),o.referrerPolicy&&(r.referrerPolicy=o.referrerPolicy),o.crossOrigin==="use-credentials"?r.credentials="include":o.crossOrigin==="anonymous"?r.credentials="omit":r.credentials="same-origin",r}function s(o){if(o.ep)return;o.ep=!0;const r=n(o);fetch(o.href,r)}})();function xl(t,e){const n=Object.create(null),s=t.split(",");for(let o=0;o!!n[o.toLowerCase()]:o=>!!n[o]}function bt(t){if(Ae(t)){const e={};for(let n=0;n{if(n){const s=n.split(km);s.length>1&&(e[s[0].trim()]=s[1].trim())}}),e}function Me(t){let e="";if(Qe(t))e=t;else if(Ae(t))for(let n=0;nNo(n,e))}const H=t=>Qe(t)?t:t==null?"":Ae(t)||Ze(t)&&(t.toString===Vh||!Re(t.toString))?JSON.stringify(t,qh,2):String(t),qh=(t,e)=>e&&e.__v_isRef?qh(t,e.value):bs(e)?{[`Map(${e.size})`]:[...e.entries()].reduce((n,[s,o])=>(n[`${s} =>`]=o,n),{})}:$s(e)?{[`Set(${e.size})`]:[...e.values()]}:Ze(e)&&!Ae(e)&&!Gh(e)?String(e):e,Je={},_s=[],Pt=()=>{},Mm=()=>!1,Om=/^on[^a-z]/,Ur=t=>Om.test(t),El=t=>t.startsWith("onUpdate:"),rt=Object.assign,Cl=(t,e)=>{const n=t.indexOf(e);n>-1&&t.splice(n,1)},Rm=Object.prototype.hasOwnProperty,$e=(t,e)=>Rm.call(t,e),Ae=Array.isArray,bs=t=>js(t)==="[object Map]",$s=t=>js(t)==="[object Set]",Nc=t=>js(t)==="[object Date]",Nm=t=>js(t)==="[object RegExp]",Re=t=>typeof t=="function",Qe=t=>typeof t=="string",go=t=>typeof t=="symbol",Ze=t=>t!==null&&typeof t=="object",Hh=t=>Ze(t)&&Re(t.then)&&Re(t.catch),Vh=Object.prototype.toString,js=t=>Vh.call(t),Dm=t=>js(t).slice(8,-1),Gh=t=>js(t)==="[object Object]",Al=t=>Qe(t)&&t!=="NaN"&&t[0]!=="-"&&""+parseInt(t,10)===t,rr=xl(",key,ref,ref_for,ref_key,onVnodeBeforeMount,onVnodeMounted,onVnodeBeforeUpdate,onVnodeUpdated,onVnodeBeforeUnmount,onVnodeUnmounted"),qr=t=>{const e=Object.create(null);return n=>e[n]||(e[n]=t(n))},Lm=/-(\w)/g,Zt=qr(t=>t.replace(Lm,(e,n)=>n?n.toUpperCase():"")),Im=/\B([A-Z])/g,ts=qr(t=>t.replace(Im,"-$1").toLowerCase()),Hr=qr(t=>t.charAt(0).toUpperCase()+t.slice(1)),ki=qr(t=>t?`on${Hr(t)}`:""),mo=(t,e)=>!Object.is(t,e),ys=(t,e)=>{for(let n=0;n{Object.defineProperty(t,e,{configurable:!0,enumerable:!1,value:n})},yr=t=>{const e=parseFloat(t);return isNaN(e)?t:e},Pm=t=>{const e=Qe(t)?Number(t):NaN;return isNaN(e)?t:e};let Dc;const Fm=()=>Dc||(Dc=typeof globalThis<"u"?globalThis:typeof self<"u"?self:typeof window<"u"?window:typeof global<"u"?global:{});let Nt;class Bm{constructor(e=!1){this.detached=e,this._active=!0,this.effects=[],this.cleanups=[],this.parent=Nt,!e&&Nt&&(this.index=(Nt.scopes||(Nt.scopes=[])).push(this)-1)}get active(){return this._active}run(e){if(this._active){const n=Nt;try{return Nt=this,e()}finally{Nt=n}}}on(){Nt=this}off(){Nt=this.parent}stop(e){if(this._active){let n,s;for(n=0,s=this.effects.length;n{const e=new Set(t);return e.w=0,e.n=0,e},Kh=t=>(t.w&On)>0,Wh=t=>(t.n&On)>0,zm=({deps:t})=>{if(t.length)for(let e=0;e{const{deps:e}=t;if(e.length){let n=0;for(let s=0;s{(u==="length"||u>=l)&&a.push(c)})}else switch(n!==void 0&&a.push(i.get(n)),e){case"add":Ae(t)?Al(n)&&a.push(i.get("length")):(a.push(i.get(Kn)),bs(t)&&a.push(i.get(ja)));break;case"delete":Ae(t)||(a.push(i.get(Kn)),bs(t)&&a.push(i.get(ja)));break;case"set":bs(t)&&a.push(i.get(Kn));break}if(a.length===1)a[0]&&za(a[0]);else{const l=[];for(const c of a)c&&l.push(...c);za(Sl(l))}}function za(t,e){const n=Ae(t)?t:[...t];for(const s of n)s.computed&&Ic(s);for(const s of n)s.computed||Ic(s)}function Ic(t,e){(t!==Lt||t.allowRecurse)&&(t.scheduler?t.scheduler():t.run())}const qm=xl("__proto__,__v_isRef,__isVue"),Jh=new Set(Object.getOwnPropertyNames(Symbol).filter(t=>t!=="arguments"&&t!=="caller").map(t=>Symbol[t]).filter(go)),Hm=Ml(),Vm=Ml(!1,!0),Gm=Ml(!0),Pc=Km();function Km(){const t={};return["includes","indexOf","lastIndexOf"].forEach(e=>{t[e]=function(...n){const s=ze(this);for(let r=0,i=this.length;r{t[e]=function(...n){zs();const s=ze(this)[e].apply(this,n);return Us(),s}}),t}function Wm(t){const e=ze(this);return mt(e,"has",t),e.hasOwnProperty(t)}function Ml(t=!1,e=!1){return function(s,o,r){if(o==="__v_isReactive")return!t;if(o==="__v_isReadonly")return t;if(o==="__v_isShallow")return e;if(o==="__v_raw"&&r===(t?e?d_:nf:e?tf:ef).get(s))return s;const i=Ae(s);if(!t){if(i&&$e(Pc,o))return Reflect.get(Pc,o,r);if(o==="hasOwnProperty")return Wm}const a=Reflect.get(s,o,r);return(go(o)?Jh.has(o):qm(o))||(t||mt(s,"get",o),e)?a:dt(a)?i&&Al(o)?a:a.value:Ze(a)?t?sf(a):qs(a):a}}const Zm=Qh(),Ym=Qh(!0);function Qh(t=!1){return function(n,s,o,r){let i=n[s];if(Es(i)&&dt(i)&&!dt(o))return!1;if(!t&&(!vr(o)&&!Es(o)&&(i=ze(i),o=ze(o)),!Ae(n)&&dt(i)&&!dt(o)))return i.value=o,!0;const a=Ae(n)&&Al(s)?Number(s)t,Vr=t=>Reflect.getPrototypeOf(t);function zo(t,e,n=!1,s=!1){t=t.__v_raw;const o=ze(t),r=ze(e);n||(e!==r&&mt(o,"get",e),mt(o,"get",r));const{has:i}=Vr(o),a=s?Ol:n?Dl:_o;if(i.call(o,e))return a(t.get(e));if(i.call(o,r))return a(t.get(r));t!==o&&t.get(e)}function Uo(t,e=!1){const n=this.__v_raw,s=ze(n),o=ze(t);return e||(t!==o&&mt(s,"has",t),mt(s,"has",o)),t===o?n.has(t):n.has(t)||n.has(o)}function qo(t,e=!1){return t=t.__v_raw,!e&&mt(ze(t),"iterate",Kn),Reflect.get(t,"size",t)}function Fc(t){t=ze(t);const e=ze(this);return Vr(e).has.call(e,t)||(e.add(t),an(e,"add",t,t)),this}function Bc(t,e){e=ze(e);const n=ze(this),{has:s,get:o}=Vr(n);let r=s.call(n,t);r||(t=ze(t),r=s.call(n,t));const i=o.call(n,t);return n.set(t,e),r?mo(e,i)&&an(n,"set",t,e):an(n,"add",t,e),this}function $c(t){const e=ze(this),{has:n,get:s}=Vr(e);let o=n.call(e,t);o||(t=ze(t),o=n.call(e,t)),s&&s.call(e,t);const r=e.delete(t);return o&&an(e,"delete",t,void 0),r}function jc(){const t=ze(this),e=t.size!==0,n=t.clear();return e&&an(t,"clear",void 0,void 0),n}function Ho(t,e){return function(s,o){const r=this,i=r.__v_raw,a=ze(i),l=e?Ol:t?Dl:_o;return!t&&mt(a,"iterate",Kn),i.forEach((c,u)=>s.call(o,l(c),l(u),r))}}function Vo(t,e,n){return function(...s){const o=this.__v_raw,r=ze(o),i=bs(r),a=t==="entries"||t===Symbol.iterator&&i,l=t==="keys"&&i,c=o[t](...s),u=n?Ol:e?Dl:_o;return!e&&mt(r,"iterate",l?ja:Kn),{next(){const{value:h,done:f}=c.next();return f?{value:h,done:f}:{value:a?[u(h[0]),u(h[1])]:u(h),done:f}},[Symbol.iterator](){return this}}}}function fn(t){return function(...e){return t==="delete"?!1:this}}function n_(){const t={get(r){return zo(this,r)},get size(){return qo(this)},has:Uo,add:Fc,set:Bc,delete:$c,clear:jc,forEach:Ho(!1,!1)},e={get(r){return zo(this,r,!1,!0)},get size(){return qo(this)},has:Uo,add:Fc,set:Bc,delete:$c,clear:jc,forEach:Ho(!1,!0)},n={get(r){return zo(this,r,!0)},get size(){return qo(this,!0)},has(r){return Uo.call(this,r,!0)},add:fn("add"),set:fn("set"),delete:fn("delete"),clear:fn("clear"),forEach:Ho(!0,!1)},s={get(r){return zo(this,r,!0,!0)},get size(){return qo(this,!0)},has(r){return Uo.call(this,r,!0)},add:fn("add"),set:fn("set"),delete:fn("delete"),clear:fn("clear"),forEach:Ho(!0,!0)};return["keys","values","entries",Symbol.iterator].forEach(r=>{t[r]=Vo(r,!1,!1),n[r]=Vo(r,!0,!1),e[r]=Vo(r,!1,!0),s[r]=Vo(r,!0,!0)}),[t,n,e,s]}const[s_,o_,r_,i_]=n_();function Rl(t,e){const n=e?t?i_:r_:t?o_:s_;return(s,o,r)=>o==="__v_isReactive"?!t:o==="__v_isReadonly"?t:o==="__v_raw"?s:Reflect.get($e(n,o)&&o in s?n:s,o,r)}const a_={get:Rl(!1,!1)},l_={get:Rl(!1,!0)},c_={get:Rl(!0,!1)},ef=new WeakMap,tf=new WeakMap,nf=new WeakMap,d_=new WeakMap;function u_(t){switch(t){case"Object":case"Array":return 1;case"Map":case"Set":case"WeakMap":case"WeakSet":return 2;default:return 0}}function h_(t){return t.__v_skip||!Object.isExtensible(t)?0:u_(Dm(t))}function qs(t){return Es(t)?t:Nl(t,!1,Xh,a_,ef)}function f_(t){return Nl(t,!1,t_,l_,tf)}function sf(t){return Nl(t,!0,e_,c_,nf)}function Nl(t,e,n,s,o){if(!Ze(t)||t.__v_raw&&!(e&&t.__v_isReactive))return t;const r=o.get(t);if(r)return r;const i=h_(t);if(i===0)return t;const a=new Proxy(t,i===2?s:n);return o.set(t,a),a}function vs(t){return Es(t)?vs(t.__v_raw):!!(t&&t.__v_isReactive)}function Es(t){return!!(t&&t.__v_isReadonly)}function vr(t){return!!(t&&t.__v_isShallow)}function of(t){return vs(t)||Es(t)}function ze(t){const e=t&&t.__v_raw;return e?ze(e):t}function rf(t){return br(t,"__v_skip",!0),t}const _o=t=>Ze(t)?qs(t):t,Dl=t=>Ze(t)?sf(t):t;function af(t){Tn&&Lt&&(t=ze(t),Yh(t.dep||(t.dep=Sl())))}function lf(t,e){t=ze(t);const n=t.dep;n&&za(n)}function dt(t){return!!(t&&t.__v_isRef===!0)}function p_(t){return cf(t,!1)}function g_(t){return cf(t,!0)}function cf(t,e){return dt(t)?t:new m_(t,e)}class m_{constructor(e,n){this.__v_isShallow=n,this.dep=void 0,this.__v_isRef=!0,this._rawValue=n?e:ze(e),this._value=n?e:_o(e)}get value(){return af(this),this._value}set value(e){const n=this.__v_isShallow||vr(e)||Es(e);e=n?e:ze(e),mo(e,this._rawValue)&&(this._rawValue=e,this._value=n?e:_o(e),lf(this))}}function ht(t){return dt(t)?t.value:t}const __={get:(t,e,n)=>ht(Reflect.get(t,e,n)),set:(t,e,n,s)=>{const o=t[e];return dt(o)&&!dt(n)?(o.value=n,!0):Reflect.set(t,e,n,s)}};function df(t){return vs(t)?t:new Proxy(t,__)}var uf;class b_{constructor(e,n,s,o){this._setter=n,this.dep=void 0,this.__v_isRef=!0,this[uf]=!1,this._dirty=!0,this.effect=new Tl(e,()=>{this._dirty||(this._dirty=!0,lf(this))}),this.effect.computed=this,this.effect.active=this._cacheable=!o,this.__v_isReadonly=s}get value(){const e=ze(this);return af(e),(e._dirty||!e._cacheable)&&(e._dirty=!1,e._value=e.effect.run()),e._value}set value(e){this._setter(e)}}uf="__v_isReadonly";function y_(t,e,n=!1){let s,o;const r=Re(t);return r?(s=t,o=Pt):(s=t.get,o=t.set),new b_(s,o,r||!o,n)}function Mn(t,e,n,s){let o;try{o=s?t(...s):t()}catch(r){Gr(r,e,n)}return o}function At(t,e,n,s){if(Re(t)){const r=Mn(t,e,n,s);return r&&Hh(r)&&r.catch(i=>{Gr(i,e,n)}),r}const o=[];for(let r=0;r>>1;yo(ct[s])zt&&ct.splice(e,1)}function k_(t){Ae(t)?ws.push(...t):(!nn||!nn.includes(t,t.allowRecurse?jn+1:jn))&&ws.push(t),ff()}function zc(t,e=bo?zt+1:0){for(;eyo(n)-yo(s)),jn=0;jnt.id==null?1/0:t.id,E_=(t,e)=>{const n=yo(t)-yo(e);if(n===0){if(t.pre&&!e.pre)return-1;if(e.pre&&!t.pre)return 1}return n};function gf(t){Ua=!1,bo=!0,ct.sort(E_);const e=Pt;try{for(zt=0;ztQe(g)?g.trim():g)),h&&(o=n.map(yr))}let a,l=s[a=ki(e)]||s[a=ki(Zt(e))];!l&&r&&(l=s[a=ki(ts(e))]),l&&At(l,t,6,o);const c=s[a+"Once"];if(c){if(!t.emitted)t.emitted={};else if(t.emitted[a])return;t.emitted[a]=!0,At(c,t,6,o)}}function mf(t,e,n=!1){const s=e.emitsCache,o=s.get(t);if(o!==void 0)return o;const r=t.emits;let i={},a=!1;if(!Re(t)){const l=c=>{const u=mf(c,e,!0);u&&(a=!0,rt(i,u))};!n&&e.mixins.length&&e.mixins.forEach(l),t.extends&&l(t.extends),t.mixins&&t.mixins.forEach(l)}return!r&&!a?(Ze(t)&&s.set(t,null),null):(Ae(r)?r.forEach(l=>i[l]=null):rt(i,r),Ze(t)&&s.set(t,i),i)}function Kr(t,e){return!t||!Ur(e)?!1:(e=e.slice(2).replace(/Once$/,""),$e(t,e[0].toLowerCase()+e.slice(1))||$e(t,ts(e))||$e(t,e))}let at=null,Wr=null;function wr(t){const e=at;return at=t,Wr=t&&t.type.__scopeId||null,e}function ns(t){Wr=t}function ss(){Wr=null}function De(t,e=at,n){if(!e||t._n)return t;const s=(...o)=>{s._d&&Jc(-1);const r=wr(e);let i;try{i=t(...o)}finally{wr(r),s._d&&Jc(1)}return i};return s._n=!0,s._c=!0,s._d=!0,s}function Ei(t){const{type:e,vnode:n,proxy:s,withProxy:o,props:r,propsOptions:[i],slots:a,attrs:l,emit:c,render:u,renderCache:h,data:f,setupState:g,ctx:m,inheritAttrs:p}=t;let b,_;const y=wr(t);try{if(n.shapeFlag&4){const S=o||s;b=jt(u.call(S,S,h,r,g,f,m)),_=l}else{const S=e;b=jt(S.length>1?S(r,{attrs:l,slots:a,emit:c}):S(r,null)),_=e.props?l:A_(l)}}catch(S){io.length=0,Gr(S,t,1),b=he(St)}let x=b;if(_&&p!==!1){const S=Object.keys(_),{shapeFlag:R}=x;S.length&&R&7&&(i&&S.some(El)&&(_=S_(_,i)),x=ln(x,_))}return n.dirs&&(x=ln(x),x.dirs=x.dirs?x.dirs.concat(n.dirs):n.dirs),n.transition&&(x.transition=n.transition),b=x,wr(y),b}const A_=t=>{let e;for(const n in t)(n==="class"||n==="style"||Ur(n))&&((e||(e={}))[n]=t[n]);return e},S_=(t,e)=>{const n={};for(const s in t)(!El(s)||!(s.slice(9)in e))&&(n[s]=t[s]);return n};function T_(t,e,n){const{props:s,children:o,component:r}=t,{props:i,children:a,patchFlag:l}=e,c=r.emitsOptions;if(e.dirs||e.transition)return!0;if(n&&l>=0){if(l&1024)return!0;if(l&16)return s?Uc(s,i,c):!!i;if(l&8){const u=e.dynamicProps;for(let h=0;ht.__isSuspense;function O_(t,e){e&&e.pendingBranch?Ae(t)?e.effects.push(...t):e.effects.push(t):k_(t)}function ir(t,e){if(Xe){let n=Xe.provides;const s=Xe.parent&&Xe.parent.provides;s===n&&(n=Xe.provides=Object.create(s)),n[t]=e}}function on(t,e,n=!1){const s=Xe||at;if(s){const o=s.parent==null?s.vnode.appContext&&s.vnode.appContext.provides:s.parent.provides;if(o&&t in o)return o[t];if(arguments.length>1)return n&&Re(e)?e.call(s.proxy):e}}const Go={};function Wn(t,e,n){return bf(t,e,n)}function bf(t,e,{immediate:n,deep:s,flush:o,onTrack:r,onTrigger:i}=Je){const a=jm()===(Xe==null?void 0:Xe.scope)?Xe:null;let l,c=!1,u=!1;if(dt(t)?(l=()=>t.value,c=vr(t)):vs(t)?(l=()=>t,s=!0):Ae(t)?(u=!0,c=t.some(x=>vs(x)||vr(x)),l=()=>t.map(x=>{if(dt(x))return x.value;if(vs(x))return Vn(x);if(Re(x))return Mn(x,a,2)})):Re(t)?e?l=()=>Mn(t,a,2):l=()=>{if(!(a&&a.isUnmounted))return h&&h(),At(t,a,3,[f])}:l=Pt,e&&s){const x=l;l=()=>Vn(x())}let h,f=x=>{h=_.onStop=()=>{Mn(x,a,4)}},g;if(ko)if(f=Pt,e?n&&At(e,a,3,[l(),u?[]:void 0,f]):l(),o==="sync"){const x=w1();g=x.__watcherHandles||(x.__watcherHandles=[])}else return Pt;let m=u?new Array(t.length).fill(Go):Go;const p=()=>{if(_.active)if(e){const x=_.run();(s||c||(u?x.some((S,R)=>mo(S,m[R])):mo(x,m)))&&(h&&h(),At(e,a,3,[x,m===Go?void 0:u&&m[0]===Go?[]:m,f]),m=x)}else _.run()};p.allowRecurse=!!e;let b;o==="sync"?b=p:o==="post"?b=()=>it(p,a&&a.suspense):(p.pre=!0,a&&(p.id=a.uid),b=()=>Il(p));const _=new Tl(l,b);e?n?p():m=_.run():o==="post"?it(_.run.bind(_),a&&a.suspense):_.run();const y=()=>{_.stop(),a&&a.scope&&Cl(a.scope.effects,_)};return g&&g.push(y),y}function R_(t,e,n){const s=this.proxy,o=Qe(t)?t.includes(".")?yf(s,t):()=>s[t]:t.bind(s,s);let r;Re(e)?r=e:(r=e.handler,n=e);const i=Xe;As(this);const a=bf(o,r.bind(s),n);return i?As(i):Zn(),a}function yf(t,e){const n=e.split(".");return()=>{let s=t;for(let o=0;o{Vn(n,e)});else if(Gh(t))for(const n in t)Vn(t[n],e);return t}function vf(){const t={isMounted:!1,isLeaving:!1,isUnmounting:!1,leavingVNodes:new Map};return Jr(()=>{t.isMounted=!0}),Bl(()=>{t.isUnmounting=!0}),t}const wt=[Function,Array],N_={name:"BaseTransition",props:{mode:String,appear:Boolean,persisted:Boolean,onBeforeEnter:wt,onEnter:wt,onAfterEnter:wt,onEnterCancelled:wt,onBeforeLeave:wt,onLeave:wt,onAfterLeave:wt,onLeaveCancelled:wt,onBeforeAppear:wt,onAppear:wt,onAfterAppear:wt,onAppearCancelled:wt},setup(t,{slots:e}){const n=ql(),s=vf();let o;return()=>{const r=e.default&&Pl(e.default(),!0);if(!r||!r.length)return;let i=r[0];if(r.length>1){for(const p of r)if(p.type!==St){i=p;break}}const a=ze(t),{mode:l}=a;if(s.isLeaving)return Ci(i);const c=qc(i);if(!c)return Ci(i);const u=vo(c,a,s,n);Cs(c,u);const h=n.subTree,f=h&&qc(h);let g=!1;const{getTransitionKey:m}=c.type;if(m){const p=m();o===void 0?o=p:p!==o&&(o=p,g=!0)}if(f&&f.type!==St&&(!Cn(c,f)||g)){const p=vo(f,a,s,n);if(Cs(f,p),l==="out-in")return s.isLeaving=!0,p.afterLeave=()=>{s.isLeaving=!1,n.update.active!==!1&&n.update()},Ci(i);l==="in-out"&&c.type!==St&&(p.delayLeave=(b,_,y)=>{const x=xf(s,f);x[String(f.key)]=f,b._leaveCb=()=>{_(),b._leaveCb=void 0,delete u.delayedLeave},u.delayedLeave=y})}return i}}},wf=N_;function xf(t,e){const{leavingVNodes:n}=t;let s=n.get(e.type);return s||(s=Object.create(null),n.set(e.type,s)),s}function vo(t,e,n,s){const{appear:o,mode:r,persisted:i=!1,onBeforeEnter:a,onEnter:l,onAfterEnter:c,onEnterCancelled:u,onBeforeLeave:h,onLeave:f,onAfterLeave:g,onLeaveCancelled:m,onBeforeAppear:p,onAppear:b,onAfterAppear:_,onAppearCancelled:y}=e,x=String(t.key),S=xf(n,t),R=(v,E)=>{v&&At(v,s,9,E)},O=(v,E)=>{const M=E[1];R(v,E),Ae(v)?v.every(L=>L.length<=1)&&M():v.length<=1&&M()},D={mode:r,persisted:i,beforeEnter(v){let E=a;if(!n.isMounted)if(o)E=p||a;else return;v._leaveCb&&v._leaveCb(!0);const M=S[x];M&&Cn(t,M)&&M.el._leaveCb&&M.el._leaveCb(),R(E,[v])},enter(v){let E=l,M=c,L=u;if(!n.isMounted)if(o)E=b||l,M=_||c,L=y||u;else return;let F=!1;const J=v._enterCb=I=>{F||(F=!0,I?R(L,[v]):R(M,[v]),D.delayedLeave&&D.delayedLeave(),v._enterCb=void 0)};E?O(E,[v,J]):J()},leave(v,E){const M=String(t.key);if(v._enterCb&&v._enterCb(!0),n.isUnmounting)return E();R(h,[v]);let L=!1;const F=v._leaveCb=J=>{L||(L=!0,E(),J?R(m,[v]):R(g,[v]),v._leaveCb=void 0,S[M]===t&&delete S[M])};S[M]=t,f?O(f,[v,F]):F()},clone(v){return vo(v,e,n,s)}};return D}function Ci(t){if(Zr(t))return t=ln(t),t.children=null,t}function qc(t){return Zr(t)?t.children?t.children[0]:void 0:t}function Cs(t,e){t.shapeFlag&6&&t.component?Cs(t.component.subTree,e):t.shapeFlag&128?(t.ssContent.transition=e.clone(t.ssContent),t.ssFallback.transition=e.clone(t.ssFallback)):t.transition=e}function Pl(t,e=!1,n){let s=[],o=0;for(let r=0;r1)for(let r=0;r!!t.type.__asyncLoader,Zr=t=>t.type.__isKeepAlive,D_={name:"KeepAlive",__isKeepAlive:!0,props:{include:[String,RegExp,Array],exclude:[String,RegExp,Array],max:[String,Number]},setup(t,{slots:e}){const n=ql(),s=n.ctx;if(!s.renderer)return()=>{const y=e.default&&e.default();return y&&y.length===1?y[0]:y};const o=new Map,r=new Set;let i=null;const a=n.suspense,{renderer:{p:l,m:c,um:u,o:{createElement:h}}}=s,f=h("div");s.activate=(y,x,S,R,O)=>{const D=y.component;c(y,x,S,0,a),l(D.vnode,y,x,S,D,a,R,y.slotScopeIds,O),it(()=>{D.isDeactivated=!1,D.a&&ys(D.a);const v=y.props&&y.props.onVnodeMounted;v&&xt(v,D.parent,y)},a)},s.deactivate=y=>{const x=y.component;c(y,f,null,1,a),it(()=>{x.da&&ys(x.da);const S=y.props&&y.props.onVnodeUnmounted;S&&xt(S,x.parent,y),x.isDeactivated=!0},a)};function g(y){Ai(y),u(y,n,a,!0)}function m(y){o.forEach((x,S)=>{const R=Wa(x.type);R&&(!y||!y(R))&&p(S)})}function p(y){const x=o.get(y);!i||!Cn(x,i)?g(x):i&&Ai(i),o.delete(y),r.delete(y)}Wn(()=>[t.include,t.exclude],([y,x])=>{y&&m(S=>so(y,S)),x&&m(S=>!so(x,S))},{flush:"post",deep:!0});let b=null;const _=()=>{b!=null&&o.set(b,Si(n.subTree))};return Jr(_),Fl(_),Bl(()=>{o.forEach(y=>{const{subTree:x,suspense:S}=n,R=Si(x);if(y.type===R.type&&y.key===R.key){Ai(R);const O=R.component.da;O&&it(O,S);return}g(y)})}),()=>{if(b=null,!e.default)return null;const y=e.default(),x=y[0];if(y.length>1)return i=null,y;if(!xo(x)||!(x.shapeFlag&4)&&!(x.shapeFlag&128))return i=null,x;let S=Si(x);const R=S.type,O=Wa(xs(S)?S.type.__asyncResolved||{}:R),{include:D,exclude:v,max:E}=t;if(D&&(!O||!so(D,O))||v&&O&&so(v,O))return i=S,x;const M=S.key==null?R:S.key,L=o.get(M);return S.el&&(S=ln(S),x.shapeFlag&128&&(x.ssContent=S)),b=M,L?(S.el=L.el,S.component=L.component,S.transition&&Cs(S,S.transition),S.shapeFlag|=512,r.delete(M),r.add(M)):(r.add(M),E&&r.size>parseInt(E,10)&&p(r.values().next().value)),S.shapeFlag|=256,i=S,_f(x.type)?x:S}}},L_=D_;function so(t,e){return Ae(t)?t.some(n=>so(n,e)):Qe(t)?t.split(",").includes(e):Nm(t)?t.test(e):!1}function I_(t,e){Ef(t,"a",e)}function P_(t,e){Ef(t,"da",e)}function Ef(t,e,n=Xe){const s=t.__wdc||(t.__wdc=()=>{let o=n;for(;o;){if(o.isDeactivated)return;o=o.parent}return t()});if(Yr(e,s,n),n){let o=n.parent;for(;o&&o.parent;)Zr(o.parent.vnode)&&F_(s,e,n,o),o=o.parent}}function F_(t,e,n,s){const o=Yr(e,t,s,!0);Cf(()=>{Cl(s[e],o)},n)}function Ai(t){t.shapeFlag&=-257,t.shapeFlag&=-513}function Si(t){return t.shapeFlag&128?t.ssContent:t}function Yr(t,e,n=Xe,s=!1){if(n){const o=n[t]||(n[t]=[]),r=e.__weh||(e.__weh=(...i)=>{if(n.isUnmounted)return;zs(),As(n);const a=At(e,n,t,i);return Zn(),Us(),a});return s?o.unshift(r):o.push(r),r}}const un=t=>(e,n=Xe)=>(!ko||t==="sp")&&Yr(t,(...s)=>e(...s),n),B_=un("bm"),Jr=un("m"),$_=un("bu"),Fl=un("u"),Bl=un("bum"),Cf=un("um"),j_=un("sp"),z_=un("rtg"),U_=un("rtc");function q_(t,e=Xe){Yr("ec",t,e)}function fe(t,e){const n=at;if(n===null)return t;const s=ei(n)||n.proxy,o=t.dirs||(t.dirs=[]);for(let r=0;re(i,a,void 0,r&&r[a]));else{const i=Object.keys(t);o=new Array(i.length);for(let a=0,l=i.length;axo(e)?!(e.type===St||e.type===Oe&&!Tf(e.children)):!0)?t:null}const qa=t=>t?$f(t)?ei(t)||t.proxy:qa(t.parent):null,ro=rt(Object.create(null),{$:t=>t,$el:t=>t.vnode.el,$data:t=>t.data,$props:t=>t.props,$attrs:t=>t.attrs,$slots:t=>t.slots,$refs:t=>t.refs,$parent:t=>qa(t.parent),$root:t=>qa(t.root),$emit:t=>t.emit,$options:t=>jl(t),$forceUpdate:t=>t.f||(t.f=()=>Il(t.update)),$nextTick:t=>t.n||(t.n=be.bind(t.proxy)),$watch:t=>R_.bind(t)}),Ti=(t,e)=>t!==Je&&!t.__isScriptSetup&&$e(t,e),V_={get({_:t},e){const{ctx:n,setupState:s,data:o,props:r,accessCache:i,type:a,appContext:l}=t;let c;if(e[0]!=="$"){const g=i[e];if(g!==void 0)switch(g){case 1:return s[e];case 2:return o[e];case 4:return n[e];case 3:return r[e]}else{if(Ti(s,e))return i[e]=1,s[e];if(o!==Je&&$e(o,e))return i[e]=2,o[e];if((c=t.propsOptions[0])&&$e(c,e))return i[e]=3,r[e];if(n!==Je&&$e(n,e))return i[e]=4,n[e];Ha&&(i[e]=0)}}const u=ro[e];let h,f;if(u)return e==="$attrs"&&mt(t,"get",e),u(t);if((h=a.__cssModules)&&(h=h[e]))return h;if(n!==Je&&$e(n,e))return i[e]=4,n[e];if(f=l.config.globalProperties,$e(f,e))return f[e]},set({_:t},e,n){const{data:s,setupState:o,ctx:r}=t;return Ti(o,e)?(o[e]=n,!0):s!==Je&&$e(s,e)?(s[e]=n,!0):$e(t.props,e)||e[0]==="$"&&e.slice(1)in t?!1:(r[e]=n,!0)},has({_:{data:t,setupState:e,accessCache:n,ctx:s,appContext:o,propsOptions:r}},i){let a;return!!n[i]||t!==Je&&$e(t,i)||Ti(e,i)||(a=r[0])&&$e(a,i)||$e(s,i)||$e(ro,i)||$e(o.config.globalProperties,i)},defineProperty(t,e,n){return n.get!=null?t._.accessCache[e]=0:$e(n,"value")&&this.set(t,e,n.value,null),Reflect.defineProperty(t,e,n)}};let Ha=!0;function G_(t){const e=jl(t),n=t.proxy,s=t.ctx;Ha=!1,e.beforeCreate&&Vc(e.beforeCreate,t,"bc");const{data:o,computed:r,methods:i,watch:a,provide:l,inject:c,created:u,beforeMount:h,mounted:f,beforeUpdate:g,updated:m,activated:p,deactivated:b,beforeDestroy:_,beforeUnmount:y,destroyed:x,unmounted:S,render:R,renderTracked:O,renderTriggered:D,errorCaptured:v,serverPrefetch:E,expose:M,inheritAttrs:L,components:F,directives:J,filters:I}=e;if(c&&K_(c,s,null,t.appContext.config.unwrapInjectedRef),i)for(const T in i){const q=i[T];Re(q)&&(s[T]=q.bind(n))}if(o){const T=o.call(n,n);Ze(T)&&(t.data=qs(T))}if(Ha=!0,r)for(const T in r){const q=r[T],G=Re(q)?q.bind(n,n):Re(q.get)?q.get.bind(n,n):Pt,we=!Re(q)&&Re(q.set)?q.set.bind(n):Pt,_e=Ct({get:G,set:we});Object.defineProperty(s,T,{enumerable:!0,configurable:!0,get:()=>_e.value,set:ee=>_e.value=ee})}if(a)for(const T in a)Mf(a[T],s,n,T);if(l){const T=Re(l)?l.call(n):l;Reflect.ownKeys(T).forEach(q=>{ir(q,T[q])})}u&&Vc(u,t,"c");function Z(T,q){Ae(q)?q.forEach(G=>T(G.bind(n))):q&&T(q.bind(n))}if(Z(B_,h),Z(Jr,f),Z($_,g),Z(Fl,m),Z(I_,p),Z(P_,b),Z(q_,v),Z(U_,O),Z(z_,D),Z(Bl,y),Z(Cf,S),Z(j_,E),Ae(M))if(M.length){const T=t.exposed||(t.exposed={});M.forEach(q=>{Object.defineProperty(T,q,{get:()=>n[q],set:G=>n[q]=G})})}else t.exposed||(t.exposed={});R&&t.render===Pt&&(t.render=R),L!=null&&(t.inheritAttrs=L),F&&(t.components=F),J&&(t.directives=J)}function K_(t,e,n=Pt,s=!1){Ae(t)&&(t=Va(t));for(const o in t){const r=t[o];let i;Ze(r)?"default"in r?i=on(r.from||o,r.default,!0):i=on(r.from||o):i=on(r),dt(i)&&s?Object.defineProperty(e,o,{enumerable:!0,configurable:!0,get:()=>i.value,set:a=>i.value=a}):e[o]=i}}function Vc(t,e,n){At(Ae(t)?t.map(s=>s.bind(e.proxy)):t.bind(e.proxy),e,n)}function Mf(t,e,n,s){const o=s.includes(".")?yf(n,s):()=>n[s];if(Qe(t)){const r=e[t];Re(r)&&Wn(o,r)}else if(Re(t))Wn(o,t.bind(n));else if(Ze(t))if(Ae(t))t.forEach(r=>Mf(r,e,n,s));else{const r=Re(t.handler)?t.handler.bind(n):e[t.handler];Re(r)&&Wn(o,r,t)}}function jl(t){const e=t.type,{mixins:n,extends:s}=e,{mixins:o,optionsCache:r,config:{optionMergeStrategies:i}}=t.appContext,a=r.get(e);let l;return a?l=a:!o.length&&!n&&!s?l=e:(l={},o.length&&o.forEach(c=>kr(l,c,i,!0)),kr(l,e,i)),Ze(e)&&r.set(e,l),l}function kr(t,e,n,s=!1){const{mixins:o,extends:r}=e;r&&kr(t,r,n,!0),o&&o.forEach(i=>kr(t,i,n,!0));for(const i in e)if(!(s&&i==="expose")){const a=W_[i]||n&&n[i];t[i]=a?a(t[i],e[i]):e[i]}return t}const W_={data:Gc,props:Bn,emits:Bn,methods:Bn,computed:Bn,beforeCreate:ut,created:ut,beforeMount:ut,mounted:ut,beforeUpdate:ut,updated:ut,beforeDestroy:ut,beforeUnmount:ut,destroyed:ut,unmounted:ut,activated:ut,deactivated:ut,errorCaptured:ut,serverPrefetch:ut,components:Bn,directives:Bn,watch:Y_,provide:Gc,inject:Z_};function Gc(t,e){return e?t?function(){return rt(Re(t)?t.call(this,this):t,Re(e)?e.call(this,this):e)}:e:t}function Z_(t,e){return Bn(Va(t),Va(e))}function Va(t){if(Ae(t)){const e={};for(let n=0;n0)&&!(i&16)){if(i&8){const u=t.vnode.dynamicProps;for(let h=0;h{l=!0;const[f,g]=Rf(h,e,!0);rt(i,f),g&&a.push(...g)};!n&&e.mixins.length&&e.mixins.forEach(u),t.extends&&u(t.extends),t.mixins&&t.mixins.forEach(u)}if(!r&&!l)return Ze(t)&&s.set(t,_s),_s;if(Ae(r))for(let u=0;u-1,g[1]=p<0||m-1||$e(g,"default"))&&a.push(h)}}}const c=[i,a];return Ze(t)&&s.set(t,c),c}function Kc(t){return t[0]!=="$"}function Wc(t){const e=t&&t.toString().match(/^\s*(function|class) (\w+)/);return e?e[2]:t===null?"null":""}function Zc(t,e){return Wc(t)===Wc(e)}function Yc(t,e){return Ae(e)?e.findIndex(n=>Zc(n,t)):Re(e)&&Zc(e,t)?0:-1}const Nf=t=>t[0]==="_"||t==="$stable",zl=t=>Ae(t)?t.map(jt):[jt(t)],X_=(t,e,n)=>{if(e._n)return e;const s=De((...o)=>zl(e(...o)),n);return s._c=!1,s},Df=(t,e,n)=>{const s=t._ctx;for(const o in t){if(Nf(o))continue;const r=t[o];if(Re(r))e[o]=X_(o,r,s);else if(r!=null){const i=zl(r);e[o]=()=>i}}},Lf=(t,e)=>{const n=zl(e);t.slots.default=()=>n},e1=(t,e)=>{if(t.vnode.shapeFlag&32){const n=e._;n?(t.slots=ze(e),br(e,"_",n)):Df(e,t.slots={})}else t.slots={},e&&Lf(t,e);br(t.slots,Xr,1)},t1=(t,e,n)=>{const{vnode:s,slots:o}=t;let r=!0,i=Je;if(s.shapeFlag&32){const a=e._;a?n&&a===1?r=!1:(rt(o,e),!n&&a===1&&delete o._):(r=!e.$stable,Df(e,o)),i=e}else e&&(Lf(t,e),i={default:1});if(r)for(const a in o)!Nf(a)&&!(a in i)&&delete o[a]};function If(){return{app:null,config:{isNativeTag:Mm,performance:!1,globalProperties:{},optionMergeStrategies:{},errorHandler:void 0,warnHandler:void 0,compilerOptions:{}},mixins:[],components:{},directives:{},provides:Object.create(null),optionsCache:new WeakMap,propsCache:new WeakMap,emitsCache:new WeakMap}}let n1=0;function s1(t,e){return function(s,o=null){Re(s)||(s=Object.assign({},s)),o!=null&&!Ze(o)&&(o=null);const r=If(),i=new Set;let a=!1;const l=r.app={_uid:n1++,_component:s,_props:o,_container:null,_context:r,_instance:null,version:x1,get config(){return r.config},set config(c){},use(c,...u){return i.has(c)||(c&&Re(c.install)?(i.add(c),c.install(l,...u)):Re(c)&&(i.add(c),c(l,...u))),l},mixin(c){return r.mixins.includes(c)||r.mixins.push(c),l},component(c,u){return u?(r.components[c]=u,l):r.components[c]},directive(c,u){return u?(r.directives[c]=u,l):r.directives[c]},mount(c,u,h){if(!a){const f=he(s,o);return f.appContext=r,u&&e?e(f,c):t(f,c,h),a=!0,l._container=c,c.__vue_app__=l,ei(f.component)||f.component.proxy}},unmount(){a&&(t(null,l._container),delete l._container.__vue_app__)},provide(c,u){return r.provides[c]=u,l}};return l}}function Ka(t,e,n,s,o=!1){if(Ae(t)){t.forEach((f,g)=>Ka(f,e&&(Ae(e)?e[g]:e),n,s,o));return}if(xs(s)&&!o)return;const r=s.shapeFlag&4?ei(s.component)||s.component.proxy:s.el,i=o?null:r,{i:a,r:l}=t,c=e&&e.r,u=a.refs===Je?a.refs={}:a.refs,h=a.setupState;if(c!=null&&c!==l&&(Qe(c)?(u[c]=null,$e(h,c)&&(h[c]=null)):dt(c)&&(c.value=null)),Re(l))Mn(l,a,12,[i,u]);else{const f=Qe(l),g=dt(l);if(f||g){const m=()=>{if(t.f){const p=f?$e(h,l)?h[l]:u[l]:l.value;o?Ae(p)&&Cl(p,r):Ae(p)?p.includes(r)||p.push(r):f?(u[l]=[r],$e(h,l)&&(h[l]=u[l])):(l.value=[r],t.k&&(u[t.k]=l.value))}else f?(u[l]=i,$e(h,l)&&(h[l]=i)):g&&(l.value=i,t.k&&(u[t.k]=i))};i?(m.id=-1,it(m,n)):m()}}}const it=O_;function o1(t){return r1(t)}function r1(t,e){const n=Fm();n.__VUE__=!0;const{insert:s,remove:o,patchProp:r,createElement:i,createText:a,createComment:l,setText:c,setElementText:u,parentNode:h,nextSibling:f,setScopeId:g=Pt,insertStaticContent:m}=t,p=(w,A,P,$=null,j=null,ne=null,re=!1,z=null,se=!!A.dynamicChildren)=>{if(w===A)return;w&&!Cn(w,A)&&($=V(w),ee(w,j,ne,!0),w=null),A.patchFlag===-2&&(se=!1,A.dynamicChildren=null);const{type:U,ref:Y,shapeFlag:ie}=A;switch(U){case Qr:b(w,A,P,$);break;case St:_(w,A,P,$);break;case ar:w==null&&y(A,P,$,re);break;case Oe:F(w,A,P,$,j,ne,re,z,se);break;default:ie&1?R(w,A,P,$,j,ne,re,z,se):ie&6?J(w,A,P,$,j,ne,re,z,se):(ie&64||ie&128)&&U.process(w,A,P,$,j,ne,re,z,se,X)}Y!=null&&j&&Ka(Y,w&&w.ref,ne,A||w,!A)},b=(w,A,P,$)=>{if(w==null)s(A.el=a(A.children),P,$);else{const j=A.el=w.el;A.children!==w.children&&c(j,A.children)}},_=(w,A,P,$)=>{w==null?s(A.el=l(A.children||""),P,$):A.el=w.el},y=(w,A,P,$)=>{[w.el,w.anchor]=m(w.children,A,P,$,w.el,w.anchor)},x=({el:w,anchor:A},P,$)=>{let j;for(;w&&w!==A;)j=f(w),s(w,P,$),w=j;s(A,P,$)},S=({el:w,anchor:A})=>{let P;for(;w&&w!==A;)P=f(w),o(w),w=P;o(A)},R=(w,A,P,$,j,ne,re,z,se)=>{re=re||A.type==="svg",w==null?O(A,P,$,j,ne,re,z,se):E(w,A,j,ne,re,z,se)},O=(w,A,P,$,j,ne,re,z)=>{let se,U;const{type:Y,props:ie,shapeFlag:pe,transition:ue,dirs:Ce}=w;if(se=w.el=i(w.type,ne,ie&&ie.is,ie),pe&8?u(se,w.children):pe&16&&v(w.children,se,null,$,j,ne&&Y!=="foreignObject",re,z),Ce&&Ln(w,null,$,"created"),D(se,w,w.scopeId,re,$),ie){for(const oe in ie)oe!=="value"&&!rr(oe)&&r(se,oe,null,ie[oe],ne,w.children,$,j,Q);"value"in ie&&r(se,"value",null,ie.value),(U=ie.onVnodeBeforeMount)&&xt(U,$,w)}Ce&&Ln(w,null,$,"beforeMount");const W=(!j||j&&!j.pendingBranch)&&ue&&!ue.persisted;W&&ue.beforeEnter(se),s(se,A,P),((U=ie&&ie.onVnodeMounted)||W||Ce)&&it(()=>{U&&xt(U,$,w),W&&ue.enter(se),Ce&&Ln(w,null,$,"mounted")},j)},D=(w,A,P,$,j)=>{if(P&&g(w,P),$)for(let ne=0;ne<$.length;ne++)g(w,$[ne]);if(j){let ne=j.subTree;if(A===ne){const re=j.vnode;D(w,re,re.scopeId,re.slotScopeIds,j.parent)}}},v=(w,A,P,$,j,ne,re,z,se=0)=>{for(let U=se;U{const z=A.el=w.el;let{patchFlag:se,dynamicChildren:U,dirs:Y}=A;se|=w.patchFlag&16;const ie=w.props||Je,pe=A.props||Je;let ue;P&&In(P,!1),(ue=pe.onVnodeBeforeUpdate)&&xt(ue,P,A,w),Y&&Ln(A,w,P,"beforeUpdate"),P&&In(P,!0);const Ce=j&&A.type!=="foreignObject";if(U?M(w.dynamicChildren,U,z,P,$,Ce,ne):re||q(w,A,z,null,P,$,Ce,ne,!1),se>0){if(se&16)L(z,A,ie,pe,P,$,j);else if(se&2&&ie.class!==pe.class&&r(z,"class",null,pe.class,j),se&4&&r(z,"style",ie.style,pe.style,j),se&8){const W=A.dynamicProps;for(let oe=0;oe{ue&&xt(ue,P,A,w),Y&&Ln(A,w,P,"updated")},$)},M=(w,A,P,$,j,ne,re)=>{for(let z=0;z{if(P!==$){if(P!==Je)for(const z in P)!rr(z)&&!(z in $)&&r(w,z,P[z],null,re,A.children,j,ne,Q);for(const z in $){if(rr(z))continue;const se=$[z],U=P[z];se!==U&&z!=="value"&&r(w,z,U,se,re,A.children,j,ne,Q)}"value"in $&&r(w,"value",P.value,$.value)}},F=(w,A,P,$,j,ne,re,z,se)=>{const U=A.el=w?w.el:a(""),Y=A.anchor=w?w.anchor:a("");let{patchFlag:ie,dynamicChildren:pe,slotScopeIds:ue}=A;ue&&(z=z?z.concat(ue):ue),w==null?(s(U,P,$),s(Y,P,$),v(A.children,P,Y,j,ne,re,z,se)):ie>0&&ie&64&&pe&&w.dynamicChildren?(M(w.dynamicChildren,pe,P,j,ne,re,z),(A.key!=null||j&&A===j.subTree)&&Pf(w,A,!0)):q(w,A,P,Y,j,ne,re,z,se)},J=(w,A,P,$,j,ne,re,z,se)=>{A.slotScopeIds=z,w==null?A.shapeFlag&512?j.ctx.activate(A,P,$,re,se):I(A,P,$,j,ne,re,se):ae(w,A,se)},I=(w,A,P,$,j,ne,re)=>{const z=w.component=p1(w,$,j);if(Zr(w)&&(z.ctx.renderer=X),g1(z),z.asyncDep){if(j&&j.registerDep(z,Z),!w.el){const se=z.subTree=he(St);_(null,se,A,P)}return}Z(z,w,A,P,j,ne,re)},ae=(w,A,P)=>{const $=A.component=w.component;if(T_(w,A,P))if($.asyncDep&&!$.asyncResolved){T($,A,P);return}else $.next=A,x_($.update),$.update();else A.el=w.el,$.vnode=A},Z=(w,A,P,$,j,ne,re)=>{const z=()=>{if(w.isMounted){let{next:Y,bu:ie,u:pe,parent:ue,vnode:Ce}=w,W=Y,oe;In(w,!1),Y?(Y.el=Ce.el,T(w,Y,re)):Y=Ce,ie&&ys(ie),(oe=Y.props&&Y.props.onVnodeBeforeUpdate)&&xt(oe,ue,Y,Ce),In(w,!0);const me=Ei(w),Te=w.subTree;w.subTree=me,p(Te,me,h(Te.el),V(Te),w,j,ne),Y.el=me.el,W===null&&M_(w,me.el),pe&&it(pe,j),(oe=Y.props&&Y.props.onVnodeUpdated)&&it(()=>xt(oe,ue,Y,Ce),j)}else{let Y;const{el:ie,props:pe}=A,{bm:ue,m:Ce,parent:W}=w,oe=xs(A);if(In(w,!1),ue&&ys(ue),!oe&&(Y=pe&&pe.onVnodeBeforeMount)&&xt(Y,W,A),In(w,!0),ie&&de){const me=()=>{w.subTree=Ei(w),de(ie,w.subTree,w,j,null)};oe?A.type.__asyncLoader().then(()=>!w.isUnmounted&&me()):me()}else{const me=w.subTree=Ei(w);p(null,me,P,$,w,j,ne),A.el=me.el}if(Ce&&it(Ce,j),!oe&&(Y=pe&&pe.onVnodeMounted)){const me=A;it(()=>xt(Y,W,me),j)}(A.shapeFlag&256||W&&xs(W.vnode)&&W.vnode.shapeFlag&256)&&w.a&&it(w.a,j),w.isMounted=!0,A=P=$=null}},se=w.effect=new Tl(z,()=>Il(U),w.scope),U=w.update=()=>se.run();U.id=w.uid,In(w,!0),U()},T=(w,A,P)=>{A.component=w;const $=w.vnode.props;w.vnode=A,w.next=null,Q_(w,A.props,$,P),t1(w,A.children,P),zs(),zc(),Us()},q=(w,A,P,$,j,ne,re,z,se=!1)=>{const U=w&&w.children,Y=w?w.shapeFlag:0,ie=A.children,{patchFlag:pe,shapeFlag:ue}=A;if(pe>0){if(pe&128){we(U,ie,P,$,j,ne,re,z,se);return}else if(pe&256){G(U,ie,P,$,j,ne,re,z,se);return}}ue&8?(Y&16&&Q(U,j,ne),ie!==U&&u(P,ie)):Y&16?ue&16?we(U,ie,P,$,j,ne,re,z,se):Q(U,j,ne,!0):(Y&8&&u(P,""),ue&16&&v(ie,P,$,j,ne,re,z,se))},G=(w,A,P,$,j,ne,re,z,se)=>{w=w||_s,A=A||_s;const U=w.length,Y=A.length,ie=Math.min(U,Y);let pe;for(pe=0;peY?Q(w,j,ne,!0,!1,ie):v(A,P,$,j,ne,re,z,se,ie)},we=(w,A,P,$,j,ne,re,z,se)=>{let U=0;const Y=A.length;let ie=w.length-1,pe=Y-1;for(;U<=ie&&U<=pe;){const ue=w[U],Ce=A[U]=se?yn(A[U]):jt(A[U]);if(Cn(ue,Ce))p(ue,Ce,P,null,j,ne,re,z,se);else break;U++}for(;U<=ie&&U<=pe;){const ue=w[ie],Ce=A[pe]=se?yn(A[pe]):jt(A[pe]);if(Cn(ue,Ce))p(ue,Ce,P,null,j,ne,re,z,se);else break;ie--,pe--}if(U>ie){if(U<=pe){const ue=pe+1,Ce=uepe)for(;U<=ie;)ee(w[U],j,ne,!0),U++;else{const ue=U,Ce=U,W=new Map;for(U=Ce;U<=pe;U++){const nt=A[U]=se?yn(A[U]):jt(A[U]);nt.key!=null&&W.set(nt.key,U)}let oe,me=0;const Te=pe-Ce+1;let Be=!1,We=0;const Pe=new Array(Te);for(U=0;U=Te){ee(nt,j,ne,!0);continue}let lt;if(nt.key!=null)lt=W.get(nt.key);else for(oe=Ce;oe<=pe;oe++)if(Pe[oe-Ce]===0&&Cn(nt,A[oe])){lt=oe;break}lt===void 0?ee(nt,j,ne,!0):(Pe[lt-Ce]=U+1,lt>=We?We=lt:Be=!0,p(nt,A[lt],P,null,j,ne,re,z,se),me++)}const et=Be?i1(Pe):_s;for(oe=et.length-1,U=Te-1;U>=0;U--){const nt=Ce+U,lt=A[nt],Rc=nt+1{const{el:ne,type:re,transition:z,children:se,shapeFlag:U}=w;if(U&6){_e(w.component.subTree,A,P,$);return}if(U&128){w.suspense.move(A,P,$);return}if(U&64){re.move(w,A,P,X);return}if(re===Oe){s(ne,A,P);for(let ie=0;iez.enter(ne),j);else{const{leave:ie,delayLeave:pe,afterLeave:ue}=z,Ce=()=>s(ne,A,P),W=()=>{ie(ne,()=>{Ce(),ue&&ue()})};pe?pe(ne,Ce,W):W()}else s(ne,A,P)},ee=(w,A,P,$=!1,j=!1)=>{const{type:ne,props:re,ref:z,children:se,dynamicChildren:U,shapeFlag:Y,patchFlag:ie,dirs:pe}=w;if(z!=null&&Ka(z,null,P,w,!0),Y&256){A.ctx.deactivate(w);return}const ue=Y&1&&pe,Ce=!xs(w);let W;if(Ce&&(W=re&&re.onVnodeBeforeUnmount)&&xt(W,A,w),Y&6)N(w.component,P,$);else{if(Y&128){w.suspense.unmount(P,$);return}ue&&Ln(w,null,A,"beforeUnmount"),Y&64?w.type.remove(w,A,P,j,X,$):U&&(ne!==Oe||ie>0&&ie&64)?Q(U,A,P,!1,!0):(ne===Oe&&ie&384||!j&&Y&16)&&Q(se,A,P),$&&ke(w)}(Ce&&(W=re&&re.onVnodeUnmounted)||ue)&&it(()=>{W&&xt(W,A,w),ue&&Ln(w,null,A,"unmounted")},P)},ke=w=>{const{type:A,el:P,anchor:$,transition:j}=w;if(A===Oe){Se(P,$);return}if(A===ar){S(w);return}const ne=()=>{o(P),j&&!j.persisted&&j.afterLeave&&j.afterLeave()};if(w.shapeFlag&1&&j&&!j.persisted){const{leave:re,delayLeave:z}=j,se=()=>re(P,ne);z?z(w.el,ne,se):se()}else ne()},Se=(w,A)=>{let P;for(;w!==A;)P=f(w),o(w),w=P;o(A)},N=(w,A,P)=>{const{bum:$,scope:j,update:ne,subTree:re,um:z}=w;$&&ys($),j.stop(),ne&&(ne.active=!1,ee(re,w,A,P)),z&&it(z,A),it(()=>{w.isUnmounted=!0},A),A&&A.pendingBranch&&!A.isUnmounted&&w.asyncDep&&!w.asyncResolved&&w.suspenseId===A.pendingId&&(A.deps--,A.deps===0&&A.resolve())},Q=(w,A,P,$=!1,j=!1,ne=0)=>{for(let re=ne;rew.shapeFlag&6?V(w.component.subTree):w.shapeFlag&128?w.suspense.next():f(w.anchor||w.el),te=(w,A,P)=>{w==null?A._vnode&&ee(A._vnode,null,null,!0):p(A._vnode||null,w,A,null,null,null,P),zc(),pf(),A._vnode=w},X={p,um:ee,m:_e,r:ke,mt:I,mc:v,pc:q,pbc:M,n:V,o:t};let ge,de;return e&&([ge,de]=e(X)),{render:te,hydrate:ge,createApp:s1(te,ge)}}function In({effect:t,update:e},n){t.allowRecurse=e.allowRecurse=n}function Pf(t,e,n=!1){const s=t.children,o=e.children;if(Ae(s)&&Ae(o))for(let r=0;r>1,t[n[a]]0&&(e[s]=n[r-1]),n[r]=s)}}for(r=n.length,i=n[r-1];r-- >0;)n[r]=i,i=e[i];return n}const a1=t=>t.__isTeleport,Oe=Symbol(void 0),Qr=Symbol(void 0),St=Symbol(void 0),ar=Symbol(void 0),io=[];let It=null;function k(t=!1){io.push(It=t?null:[])}function l1(){io.pop(),It=io[io.length-1]||null}let wo=1;function Jc(t){wo+=t}function Ff(t){return t.dynamicChildren=wo>0?It||_s:null,l1(),wo>0&&It&&It.push(t),t}function C(t,e,n,s,o,r){return Ff(d(t,e,n,s,o,r,!0))}function st(t,e,n,s,o){return Ff(he(t,e,n,s,o,!0))}function xo(t){return t?t.__v_isVNode===!0:!1}function Cn(t,e){return t.type===e.type&&t.key===e.key}const Xr="__vInternal",Bf=({key:t})=>t??null,lr=({ref:t,ref_key:e,ref_for:n})=>t!=null?Qe(t)||dt(t)||Re(t)?{i:at,r:t,k:e,f:!!n}:t:null;function d(t,e=null,n=null,s=0,o=null,r=t===Oe?0:1,i=!1,a=!1){const l={__v_isVNode:!0,__v_skip:!0,type:t,props:e,key:e&&Bf(e),ref:e&&lr(e),scopeId:Wr,slotScopeIds:null,children:n,component:null,suspense:null,ssContent:null,ssFallback:null,dirs:null,transition:null,el:null,anchor:null,target:null,targetAnchor:null,staticCount:0,shapeFlag:r,patchFlag:s,dynamicProps:o,dynamicChildren:null,appContext:null,ctx:at};return a?(Ul(l,n),r&128&&t.normalize(l)):n&&(l.shapeFlag|=Qe(n)?8:16),wo>0&&!i&&It&&(l.patchFlag>0||r&6)&&l.patchFlag!==32&&It.push(l),l}const he=c1;function c1(t,e=null,n=null,s=0,o=null,r=!1){if((!t||t===Af)&&(t=St),xo(t)){const a=ln(t,e,!0);return n&&Ul(a,n),wo>0&&!r&&It&&(a.shapeFlag&6?It[It.indexOf(t)]=a:It.push(a)),a.patchFlag|=-2,a}if(y1(t)&&(t=t.__vccOpts),e){e=d1(e);let{class:a,style:l}=e;a&&!Qe(a)&&(e.class=Me(a)),Ze(l)&&(of(l)&&!Ae(l)&&(l=rt({},l)),e.style=bt(l))}const i=Qe(t)?1:_f(t)?128:a1(t)?64:Ze(t)?4:Re(t)?2:0;return d(t,e,n,s,o,i,r,!0)}function d1(t){return t?of(t)||Xr in t?rt({},t):t:null}function ln(t,e,n=!1){const{props:s,ref:o,patchFlag:r,children:i}=t,a=e?u1(s||{},e):s;return{__v_isVNode:!0,__v_skip:!0,type:t.type,props:a,key:a&&Bf(a),ref:e&&e.ref?n&&o?Ae(o)?o.concat(lr(e)):[o,lr(e)]:lr(e):o,scopeId:t.scopeId,slotScopeIds:t.slotScopeIds,children:i,target:t.target,targetAnchor:t.targetAnchor,staticCount:t.staticCount,shapeFlag:t.shapeFlag,patchFlag:e&&t.type!==Oe?r===-1?16:r|16:r,dynamicProps:t.dynamicProps,dynamicChildren:t.dynamicChildren,appContext:t.appContext,dirs:t.dirs,transition:t.transition,component:t.component,suspense:t.suspense,ssContent:t.ssContent&&ln(t.ssContent),ssFallback:t.ssFallback&&ln(t.ssFallback),el:t.el,anchor:t.anchor,ctx:t.ctx,ce:t.ce}}function xe(t=" ",e=0){return he(Qr,null,t,e)}function os(t,e){const n=he(ar,null,t);return n.staticCount=e,n}function B(t="",e=!1){return e?(k(),st(St,null,t)):he(St,null,t)}function jt(t){return t==null||typeof t=="boolean"?he(St):Ae(t)?he(Oe,null,t.slice()):typeof t=="object"?yn(t):he(Qr,null,String(t))}function yn(t){return t.el===null&&t.patchFlag!==-1||t.memo?t:ln(t)}function Ul(t,e){let n=0;const{shapeFlag:s}=t;if(e==null)e=null;else if(Ae(e))n=16;else if(typeof e=="object")if(s&65){const o=e.default;o&&(o._c&&(o._d=!1),Ul(t,o()),o._c&&(o._d=!0));return}else{n=32;const o=e._;!o&&!(Xr in e)?e._ctx=at:o===3&&at&&(at.slots._===1?e._=1:(e._=2,t.patchFlag|=1024))}else Re(e)?(e={default:e,_ctx:at},n=32):(e=String(e),s&64?(n=16,e=[xe(e)]):n=8);t.children=e,t.shapeFlag|=n}function u1(...t){const e={};for(let n=0;nXe||at,As=t=>{Xe=t,t.scope.on()},Zn=()=>{Xe&&Xe.scope.off(),Xe=null};function $f(t){return t.vnode.shapeFlag&4}let ko=!1;function g1(t,e=!1){ko=e;const{props:n,children:s}=t.vnode,o=$f(t);J_(t,n,o,e),e1(t,s);const r=o?m1(t,e):void 0;return ko=!1,r}function m1(t,e){const n=t.type;t.accessCache=Object.create(null),t.proxy=rf(new Proxy(t.ctx,V_));const{setup:s}=n;if(s){const o=t.setupContext=s.length>1?b1(t):null;As(t),zs();const r=Mn(s,t,0,[t.props,o]);if(Us(),Zn(),Hh(r)){if(r.then(Zn,Zn),e)return r.then(i=>{Qc(t,i,e)}).catch(i=>{Gr(i,t,0)});t.asyncDep=r}else Qc(t,r,e)}else jf(t,e)}function Qc(t,e,n){Re(e)?t.type.__ssrInlineRender?t.ssrRender=e:t.render=e:Ze(e)&&(t.setupState=df(e)),jf(t,n)}let Xc;function jf(t,e,n){const s=t.type;if(!t.render){if(!e&&Xc&&!s.render){const o=s.template||jl(t).template;if(o){const{isCustomElement:r,compilerOptions:i}=t.appContext.config,{delimiters:a,compilerOptions:l}=s,c=rt(rt({isCustomElement:r,delimiters:a},i),l);s.render=Xc(o,c)}}t.render=s.render||Pt}As(t),zs(),G_(t),Us(),Zn()}function _1(t){return new Proxy(t.attrs,{get(e,n){return mt(t,"get","$attrs"),e[n]}})}function b1(t){const e=s=>{t.exposed=s||{}};let n;return{get attrs(){return n||(n=_1(t))},slots:t.slots,emit:t.emit,expose:e}}function ei(t){if(t.exposed)return t.exposeProxy||(t.exposeProxy=new Proxy(df(rf(t.exposed)),{get(e,n){if(n in e)return e[n];if(n in ro)return ro[n](t)},has(e,n){return n in e||n in ro}}))}function Wa(t,e=!0){return Re(t)?t.displayName||t.name:t.name||e&&t.__name}function y1(t){return Re(t)&&"__vccOpts"in t}const Ct=(t,e)=>y_(t,e,ko);function Hl(t,e,n){const s=arguments.length;return s===2?Ze(e)&&!Ae(e)?xo(e)?he(t,null,[e]):he(t,e):he(t,null,e):(s>3?n=Array.prototype.slice.call(arguments,2):s===3&&xo(n)&&(n=[n]),he(t,e,n))}const v1=Symbol(""),w1=()=>on(v1),x1="3.2.47",k1="http://www.w3.org/2000/svg",zn=typeof document<"u"?document:null,ed=zn&&zn.createElement("template"),E1={insert:(t,e,n)=>{e.insertBefore(t,n||null)},remove:t=>{const e=t.parentNode;e&&e.removeChild(t)},createElement:(t,e,n,s)=>{const o=e?zn.createElementNS(k1,t):zn.createElement(t,n?{is:n}:void 0);return t==="select"&&s&&s.multiple!=null&&o.setAttribute("multiple",s.multiple),o},createText:t=>zn.createTextNode(t),createComment:t=>zn.createComment(t),setText:(t,e)=>{t.nodeValue=e},setElementText:(t,e)=>{t.textContent=e},parentNode:t=>t.parentNode,nextSibling:t=>t.nextSibling,querySelector:t=>zn.querySelector(t),setScopeId(t,e){t.setAttribute(e,"")},insertStaticContent(t,e,n,s,o,r){const i=n?n.previousSibling:e.lastChild;if(o&&(o===r||o.nextSibling))for(;e.insertBefore(o.cloneNode(!0),n),!(o===r||!(o=o.nextSibling)););else{ed.innerHTML=s?`${t}`:t;const a=ed.content;if(s){const l=a.firstChild;for(;l.firstChild;)a.appendChild(l.firstChild);a.removeChild(l)}e.insertBefore(a,n)}return[i?i.nextSibling:e.firstChild,n?n.previousSibling:e.lastChild]}};function C1(t,e,n){const s=t._vtc;s&&(e=(e?[e,...s]:[...s]).join(" ")),e==null?t.removeAttribute("class"):n?t.setAttribute("class",e):t.className=e}function A1(t,e,n){const s=t.style,o=Qe(n);if(n&&!o){if(e&&!Qe(e))for(const r in e)n[r]==null&&Za(s,r,"");for(const r in n)Za(s,r,n[r])}else{const r=s.display;o?e!==n&&(s.cssText=n):e&&t.removeAttribute("style"),"_vod"in t&&(s.display=r)}}const td=/\s*!important$/;function Za(t,e,n){if(Ae(n))n.forEach(s=>Za(t,e,s));else if(n==null&&(n=""),e.startsWith("--"))t.setProperty(e,n);else{const s=S1(t,e);td.test(n)?t.setProperty(ts(s),n.replace(td,""),"important"):t[s]=n}}const nd=["Webkit","Moz","ms"],Mi={};function S1(t,e){const n=Mi[e];if(n)return n;let s=Zt(e);if(s!=="filter"&&s in t)return Mi[e]=s;s=Hr(s);for(let o=0;oOi||(D1.then(()=>Oi=0),Oi=Date.now());function I1(t,e){const n=s=>{if(!s._vts)s._vts=Date.now();else if(s._vts<=n.attached)return;At(P1(s,n.value),e,5,[s])};return n.value=t,n.attached=L1(),n}function P1(t,e){if(Ae(e)){const n=t.stopImmediatePropagation;return t.stopImmediatePropagation=()=>{n.call(t),t._stopped=!0},e.map(s=>o=>!o._stopped&&s&&s(o))}else return e}const rd=/^on[a-z]/,F1=(t,e,n,s,o=!1,r,i,a,l)=>{e==="class"?C1(t,s,o):e==="style"?A1(t,n,s):Ur(e)?El(e)||R1(t,e,n,s,i):(e[0]==="."?(e=e.slice(1),!0):e[0]==="^"?(e=e.slice(1),!1):B1(t,e,s,o))?M1(t,e,s,r,i,a,l):(e==="true-value"?t._trueValue=s:e==="false-value"&&(t._falseValue=s),T1(t,e,s,o))};function B1(t,e,n,s){return s?!!(e==="innerHTML"||e==="textContent"||e in t&&rd.test(e)&&Re(n)):e==="spellcheck"||e==="draggable"||e==="translate"||e==="form"||e==="list"&&t.tagName==="INPUT"||e==="type"&&t.tagName==="TEXTAREA"||rd.test(e)&&Qe(n)?!1:e in t}const pn="transition",Ys="animation",Ss=(t,{slots:e})=>Hl(wf,Uf(t),e);Ss.displayName="Transition";const zf={name:String,type:String,css:{type:Boolean,default:!0},duration:[String,Number,Object],enterFromClass:String,enterActiveClass:String,enterToClass:String,appearFromClass:String,appearActiveClass:String,appearToClass:String,leaveFromClass:String,leaveActiveClass:String,leaveToClass:String},$1=Ss.props=rt({},wf.props,zf),Pn=(t,e=[])=>{Ae(t)?t.forEach(n=>n(...e)):t&&t(...e)},id=t=>t?Ae(t)?t.some(e=>e.length>1):t.length>1:!1;function Uf(t){const e={};for(const F in t)F in zf||(e[F]=t[F]);if(t.css===!1)return e;const{name:n="v",type:s,duration:o,enterFromClass:r=`${n}-enter-from`,enterActiveClass:i=`${n}-enter-active`,enterToClass:a=`${n}-enter-to`,appearFromClass:l=r,appearActiveClass:c=i,appearToClass:u=a,leaveFromClass:h=`${n}-leave-from`,leaveActiveClass:f=`${n}-leave-active`,leaveToClass:g=`${n}-leave-to`}=t,m=j1(o),p=m&&m[0],b=m&&m[1],{onBeforeEnter:_,onEnter:y,onEnterCancelled:x,onLeave:S,onLeaveCancelled:R,onBeforeAppear:O=_,onAppear:D=y,onAppearCancelled:v=x}=e,E=(F,J,I)=>{bn(F,J?u:a),bn(F,J?c:i),I&&I()},M=(F,J)=>{F._isLeaving=!1,bn(F,h),bn(F,g),bn(F,f),J&&J()},L=F=>(J,I)=>{const ae=F?D:y,Z=()=>E(J,F,I);Pn(ae,[J,Z]),ad(()=>{bn(J,F?l:r),tn(J,F?u:a),id(ae)||ld(J,s,p,Z)})};return rt(e,{onBeforeEnter(F){Pn(_,[F]),tn(F,r),tn(F,i)},onBeforeAppear(F){Pn(O,[F]),tn(F,l),tn(F,c)},onEnter:L(!1),onAppear:L(!0),onLeave(F,J){F._isLeaving=!0;const I=()=>M(F,J);tn(F,h),Hf(),tn(F,f),ad(()=>{F._isLeaving&&(bn(F,h),tn(F,g),id(S)||ld(F,s,b,I))}),Pn(S,[F,I])},onEnterCancelled(F){E(F,!1),Pn(x,[F])},onAppearCancelled(F){E(F,!0),Pn(v,[F])},onLeaveCancelled(F){M(F),Pn(R,[F])}})}function j1(t){if(t==null)return null;if(Ze(t))return[Ri(t.enter),Ri(t.leave)];{const e=Ri(t);return[e,e]}}function Ri(t){return Pm(t)}function tn(t,e){e.split(/\s+/).forEach(n=>n&&t.classList.add(n)),(t._vtc||(t._vtc=new Set)).add(e)}function bn(t,e){e.split(/\s+/).forEach(s=>s&&t.classList.remove(s));const{_vtc:n}=t;n&&(n.delete(e),n.size||(t._vtc=void 0))}function ad(t){requestAnimationFrame(()=>{requestAnimationFrame(t)})}let z1=0;function ld(t,e,n,s){const o=t._endId=++z1,r=()=>{o===t._endId&&s()};if(n)return setTimeout(r,n);const{type:i,timeout:a,propCount:l}=qf(t,e);if(!i)return s();const c=i+"end";let u=0;const h=()=>{t.removeEventListener(c,f),r()},f=g=>{g.target===t&&++u>=l&&h()};setTimeout(()=>{u(n[m]||"").split(", "),o=s(`${pn}Delay`),r=s(`${pn}Duration`),i=cd(o,r),a=s(`${Ys}Delay`),l=s(`${Ys}Duration`),c=cd(a,l);let u=null,h=0,f=0;e===pn?i>0&&(u=pn,h=i,f=r.length):e===Ys?c>0&&(u=Ys,h=c,f=l.length):(h=Math.max(i,c),u=h>0?i>c?pn:Ys:null,f=u?u===pn?r.length:l.length:0);const g=u===pn&&/\b(transform|all)(,|$)/.test(s(`${pn}Property`).toString());return{type:u,timeout:h,propCount:f,hasTransform:g}}function cd(t,e){for(;t.lengthdd(n)+dd(t[s])))}function dd(t){return Number(t.slice(0,-1).replace(",","."))*1e3}function Hf(){return document.body.offsetHeight}const Vf=new WeakMap,Gf=new WeakMap,Kf={name:"TransitionGroup",props:rt({},$1,{tag:String,moveClass:String}),setup(t,{slots:e}){const n=ql(),s=vf();let o,r;return Fl(()=>{if(!o.length)return;const i=t.moveClass||`${t.name||"v"}-move`;if(!G1(o[0].el,n.vnode.el,i))return;o.forEach(q1),o.forEach(H1);const a=o.filter(V1);Hf(),a.forEach(l=>{const c=l.el,u=c.style;tn(c,i),u.transform=u.webkitTransform=u.transitionDuration="";const h=c._moveCb=f=>{f&&f.target!==c||(!f||/transform$/.test(f.propertyName))&&(c.removeEventListener("transitionend",h),c._moveCb=null,bn(c,i))};c.addEventListener("transitionend",h)})}),()=>{const i=ze(t),a=Uf(i);let l=i.tag||Oe;o=r,r=e.default?Pl(e.default()):[];for(let c=0;cdelete t.mode;Kf.props;const Ut=Kf;function q1(t){const e=t.el;e._moveCb&&e._moveCb(),e._enterCb&&e._enterCb()}function H1(t){Gf.set(t,t.el.getBoundingClientRect())}function V1(t){const e=Vf.get(t),n=Gf.get(t),s=e.left-n.left,o=e.top-n.top;if(s||o){const r=t.el.style;return r.transform=r.webkitTransform=`translate(${s}px,${o}px)`,r.transitionDuration="0s",t}}function G1(t,e,n){const s=t.cloneNode();t._vtc&&t._vtc.forEach(i=>{i.split(/\s+/).forEach(a=>a&&s.classList.remove(a))}),n.split(/\s+/).forEach(i=>i&&s.classList.add(i)),s.style.display="none";const o=e.nodeType===1?e:e.parentNode;o.appendChild(s);const{hasTransform:r}=qf(s);return o.removeChild(s),r}const Ts=t=>{const e=t.props["onUpdate:modelValue"]||!1;return Ae(e)?n=>ys(e,n):e};function K1(t){t.target.composing=!0}function ud(t){const e=t.target;e.composing&&(e.composing=!1,e.dispatchEvent(new Event("input")))}const Ie={created(t,{modifiers:{lazy:e,trim:n,number:s}},o){t._assign=Ts(o);const r=s||o.props&&o.props.type==="number";An(t,e?"change":"input",i=>{if(i.target.composing)return;let a=t.value;n&&(a=a.trim()),r&&(a=yr(a)),t._assign(a)}),n&&An(t,"change",()=>{t.value=t.value.trim()}),e||(An(t,"compositionstart",K1),An(t,"compositionend",ud),An(t,"change",ud))},mounted(t,{value:e}){t.value=e??""},beforeUpdate(t,{value:e,modifiers:{lazy:n,trim:s,number:o}},r){if(t._assign=Ts(r),t.composing||document.activeElement===t&&t.type!=="range"&&(n||s&&t.value.trim()===e||(o||t.type==="number")&&yr(t.value)===e))return;const i=e??"";t.value!==i&&(t.value=i)}},kt={deep:!0,created(t,e,n){t._assign=Ts(n),An(t,"change",()=>{const s=t._modelValue,o=Eo(t),r=t.checked,i=t._assign;if(Ae(s)){const a=kl(s,o),l=a!==-1;if(r&&!l)i(s.concat(o));else if(!r&&l){const c=[...s];c.splice(a,1),i(c)}}else if($s(s)){const a=new Set(s);r?a.add(o):a.delete(o),i(a)}else i(Wf(t,r))})},mounted:hd,beforeUpdate(t,e,n){t._assign=Ts(n),hd(t,e,n)}};function hd(t,{value:e,oldValue:n},s){t._modelValue=e,Ae(e)?t.checked=kl(e,s.props.value)>-1:$s(e)?t.checked=e.has(s.props.value):e!==n&&(t.checked=No(e,Wf(t,!0)))}const Ms={deep:!0,created(t,{value:e,modifiers:{number:n}},s){const o=$s(e);An(t,"change",()=>{const r=Array.prototype.filter.call(t.options,i=>i.selected).map(i=>n?yr(Eo(i)):Eo(i));t._assign(t.multiple?o?new Set(r):r:r[0])}),t._assign=Ts(s)},mounted(t,{value:e}){fd(t,e)},beforeUpdate(t,e,n){t._assign=Ts(n)},updated(t,{value:e}){fd(t,e)}};function fd(t,e){const n=t.multiple;if(!(n&&!Ae(e)&&!$s(e))){for(let s=0,o=t.options.length;s-1:r.selected=e.has(i);else if(No(Eo(r),e)){t.selectedIndex!==s&&(t.selectedIndex=s);return}}!n&&t.selectedIndex!==-1&&(t.selectedIndex=-1)}}function Eo(t){return"_value"in t?t._value:t.value}function Wf(t,e){const n=e?"_trueValue":"_falseValue";return n in t?t[n]:e}const W1=["ctrl","shift","alt","meta"],Z1={stop:t=>t.stopPropagation(),prevent:t=>t.preventDefault(),self:t=>t.target!==t.currentTarget,ctrl:t=>!t.ctrlKey,shift:t=>!t.shiftKey,alt:t=>!t.altKey,meta:t=>!t.metaKey,left:t=>"button"in t&&t.button!==0,middle:t=>"button"in t&&t.button!==1,right:t=>"button"in t&&t.button!==2,exact:(t,e)=>W1.some(n=>t[`${n}Key`]&&!e.includes(n))},le=(t,e)=>(n,...s)=>{for(let o=0;on=>{if(!("key"in n))return;const s=ts(n.key);if(e.some(o=>o===s||Y1[o]===s))return t(n)},Ye={beforeMount(t,{value:e},{transition:n}){t._vod=t.style.display==="none"?"":t.style.display,n&&e?n.beforeEnter(t):Js(t,e)},mounted(t,{value:e},{transition:n}){n&&e&&n.enter(t)},updated(t,{value:e,oldValue:n},{transition:s}){!e!=!n&&(s?e?(s.beforeEnter(t),Js(t,!0),s.enter(t)):s.leave(t,()=>{Js(t,!1)}):Js(t,e))},beforeUnmount(t,{value:e}){Js(t,e)}};function Js(t,e){t.style.display=e?t._vod:"none"}const J1=rt({patchProp:F1},E1);let pd;function Q1(){return pd||(pd=o1(J1))}const X1=(...t)=>{const e=Q1().createApp(...t),{mount:n}=e;return e.mount=s=>{const o=e0(s);if(!o)return;const r=e._component;!Re(r)&&!r.render&&!r.template&&(r.template=o.innerHTML),o.innerHTML="";const i=n(o,!1,o instanceof SVGElement);return o instanceof Element&&(o.removeAttribute("v-cloak"),o.setAttribute("data-v-app","")),i},e};function e0(t){return Qe(t)?document.querySelector(t):t}function t0(){return Zf().__VUE_DEVTOOLS_GLOBAL_HOOK__}function Zf(){return typeof navigator<"u"&&typeof window<"u"?window:typeof global<"u"?global:{}}const n0=typeof Proxy=="function",s0="devtools-plugin:setup",o0="plugin:settings:set";let ls,Ja;function r0(){var t;return ls!==void 0||(typeof window<"u"&&window.performance?(ls=!0,Ja=window.performance):typeof global<"u"&&(!((t=global.perf_hooks)===null||t===void 0)&&t.performance)?(ls=!0,Ja=global.perf_hooks.performance):ls=!1),ls}function i0(){return r0()?Ja.now():Date.now()}class a0{constructor(e,n){this.target=null,this.targetQueue=[],this.onQueue=[],this.plugin=e,this.hook=n;const s={};if(e.settings)for(const i in e.settings){const a=e.settings[i];s[i]=a.defaultValue}const o=`__vue-devtools-plugin-settings__${e.id}`;let r=Object.assign({},s);try{const i=localStorage.getItem(o),a=JSON.parse(i);Object.assign(r,a)}catch{}this.fallbacks={getSettings(){return r},setSettings(i){try{localStorage.setItem(o,JSON.stringify(i))}catch{}r=i},now(){return i0()}},n&&n.on(o0,(i,a)=>{i===this.plugin.id&&this.fallbacks.setSettings(a)}),this.proxiedOn=new Proxy({},{get:(i,a)=>this.target?this.target.on[a]:(...l)=>{this.onQueue.push({method:a,args:l})}}),this.proxiedTarget=new Proxy({},{get:(i,a)=>this.target?this.target[a]:a==="on"?this.proxiedOn:Object.keys(this.fallbacks).includes(a)?(...l)=>(this.targetQueue.push({method:a,args:l,resolve:()=>{}}),this.fallbacks[a](...l)):(...l)=>new Promise(c=>{this.targetQueue.push({method:a,args:l,resolve:c})})})}async setRealTarget(e){this.target=e;for(const n of this.onQueue)this.target.on[n.method](...n.args);for(const n of this.targetQueue)n.resolve(await this.target[n.method](...n.args))}}function l0(t,e){const n=t,s=Zf(),o=t0(),r=n0&&n.enableEarlyProxy;if(o&&(s.__VUE_DEVTOOLS_PLUGIN_API_AVAILABLE__||!r))o.emit(s0,t,e);else{const i=r?new a0(n,o):null;(s.__VUE_DEVTOOLS_PLUGINS__=s.__VUE_DEVTOOLS_PLUGINS__||[]).push({pluginDescriptor:n,setupFn:e,proxy:i}),i&&e(i.proxiedTarget)}}/*! +(function(){const e=document.createElement("link").relList;if(e&&e.supports&&e.supports("modulepreload"))return;for(const o of document.querySelectorAll('link[rel="modulepreload"]'))s(o);new MutationObserver(o=>{for(const r of o)if(r.type==="childList")for(const i of r.addedNodes)i.tagName==="LINK"&&i.rel==="modulepreload"&&s(i)}).observe(document,{childList:!0,subtree:!0});function n(o){const r={};return o.integrity&&(r.integrity=o.integrity),o.referrerPolicy&&(r.referrerPolicy=o.referrerPolicy),o.crossOrigin==="use-credentials"?r.credentials="include":o.crossOrigin==="anonymous"?r.credentials="omit":r.credentials="same-origin",r}function s(o){if(o.ep)return;o.ep=!0;const r=n(o);fetch(o.href,r)}})();function xl(t,e){const n=Object.create(null),s=t.split(",");for(let o=0;o!!n[o.toLowerCase()]:o=>!!n[o]}function bt(t){if(Ae(t)){const e={};for(let n=0;n{if(n){const s=n.split(km);s.length>1&&(e[s[0].trim()]=s[1].trim())}}),e}function Me(t){let e="";if(Qe(t))e=t;else if(Ae(t))for(let n=0;nNo(n,e))}const H=t=>Qe(t)?t:t==null?"":Ae(t)||Ze(t)&&(t.toString===Vh||!Re(t.toString))?JSON.stringify(t,qh,2):String(t),qh=(t,e)=>e&&e.__v_isRef?qh(t,e.value):bs(e)?{[`Map(${e.size})`]:[...e.entries()].reduce((n,[s,o])=>(n[`${s} =>`]=o,n),{})}:$s(e)?{[`Set(${e.size})`]:[...e.values()]}:Ze(e)&&!Ae(e)&&!Gh(e)?String(e):e,Je={},_s=[],Pt=()=>{},Mm=()=>!1,Om=/^on[^a-z]/,Ur=t=>Om.test(t),El=t=>t.startsWith("onUpdate:"),rt=Object.assign,Cl=(t,e)=>{const n=t.indexOf(e);n>-1&&t.splice(n,1)},Rm=Object.prototype.hasOwnProperty,$e=(t,e)=>Rm.call(t,e),Ae=Array.isArray,bs=t=>js(t)==="[object Map]",$s=t=>js(t)==="[object Set]",Nc=t=>js(t)==="[object Date]",Nm=t=>js(t)==="[object RegExp]",Re=t=>typeof t=="function",Qe=t=>typeof t=="string",go=t=>typeof t=="symbol",Ze=t=>t!==null&&typeof t=="object",Hh=t=>Ze(t)&&Re(t.then)&&Re(t.catch),Vh=Object.prototype.toString,js=t=>Vh.call(t),Dm=t=>js(t).slice(8,-1),Gh=t=>js(t)==="[object Object]",Al=t=>Qe(t)&&t!=="NaN"&&t[0]!=="-"&&""+parseInt(t,10)===t,rr=xl(",key,ref,ref_for,ref_key,onVnodeBeforeMount,onVnodeMounted,onVnodeBeforeUpdate,onVnodeUpdated,onVnodeBeforeUnmount,onVnodeUnmounted"),qr=t=>{const e=Object.create(null);return n=>e[n]||(e[n]=t(n))},Lm=/-(\w)/g,Zt=qr(t=>t.replace(Lm,(e,n)=>n?n.toUpperCase():"")),Im=/\B([A-Z])/g,ts=qr(t=>t.replace(Im,"-$1").toLowerCase()),Hr=qr(t=>t.charAt(0).toUpperCase()+t.slice(1)),ki=qr(t=>t?`on${Hr(t)}`:""),mo=(t,e)=>!Object.is(t,e),ys=(t,e)=>{for(let n=0;n{Object.defineProperty(t,e,{configurable:!0,enumerable:!1,value:n})},yr=t=>{const e=parseFloat(t);return isNaN(e)?t:e},Pm=t=>{const e=Qe(t)?Number(t):NaN;return isNaN(e)?t:e};let Dc;const Fm=()=>Dc||(Dc=typeof globalThis<"u"?globalThis:typeof self<"u"?self:typeof window<"u"?window:typeof global<"u"?global:{});let Nt;class Bm{constructor(e=!1){this.detached=e,this._active=!0,this.effects=[],this.cleanups=[],this.parent=Nt,!e&&Nt&&(this.index=(Nt.scopes||(Nt.scopes=[])).push(this)-1)}get active(){return this._active}run(e){if(this._active){const n=Nt;try{return Nt=this,e()}finally{Nt=n}}}on(){Nt=this}off(){Nt=this.parent}stop(e){if(this._active){let n,s;for(n=0,s=this.effects.length;n{const e=new Set(t);return e.w=0,e.n=0,e},Kh=t=>(t.w&On)>0,Wh=t=>(t.n&On)>0,zm=({deps:t})=>{if(t.length)for(let e=0;e{const{deps:e}=t;if(e.length){let n=0;for(let s=0;s{(u==="length"||u>=l)&&a.push(c)})}else switch(n!==void 0&&a.push(i.get(n)),e){case"add":Ae(t)?Al(n)&&a.push(i.get("length")):(a.push(i.get(Kn)),bs(t)&&a.push(i.get(ja)));break;case"delete":Ae(t)||(a.push(i.get(Kn)),bs(t)&&a.push(i.get(ja)));break;case"set":bs(t)&&a.push(i.get(Kn));break}if(a.length===1)a[0]&&za(a[0]);else{const l=[];for(const c of a)c&&l.push(...c);za(Sl(l))}}function za(t,e){const n=Ae(t)?t:[...t];for(const s of n)s.computed&&Ic(s);for(const s of n)s.computed||Ic(s)}function Ic(t,e){(t!==Lt||t.allowRecurse)&&(t.scheduler?t.scheduler():t.run())}const qm=xl("__proto__,__v_isRef,__isVue"),Jh=new Set(Object.getOwnPropertyNames(Symbol).filter(t=>t!=="arguments"&&t!=="caller").map(t=>Symbol[t]).filter(go)),Hm=Ml(),Vm=Ml(!1,!0),Gm=Ml(!0),Pc=Km();function Km(){const t={};return["includes","indexOf","lastIndexOf"].forEach(e=>{t[e]=function(...n){const s=ze(this);for(let r=0,i=this.length;r{t[e]=function(...n){zs();const s=ze(this)[e].apply(this,n);return Us(),s}}),t}function Wm(t){const e=ze(this);return mt(e,"has",t),e.hasOwnProperty(t)}function Ml(t=!1,e=!1){return function(s,o,r){if(o==="__v_isReactive")return!t;if(o==="__v_isReadonly")return t;if(o==="__v_isShallow")return e;if(o==="__v_raw"&&r===(t?e?d_:nf:e?tf:ef).get(s))return s;const i=Ae(s);if(!t){if(i&&$e(Pc,o))return Reflect.get(Pc,o,r);if(o==="hasOwnProperty")return Wm}const a=Reflect.get(s,o,r);return(go(o)?Jh.has(o):qm(o))||(t||mt(s,"get",o),e)?a:dt(a)?i&&Al(o)?a:a.value:Ze(a)?t?sf(a):qs(a):a}}const Zm=Qh(),Ym=Qh(!0);function Qh(t=!1){return function(n,s,o,r){let i=n[s];if(Es(i)&&dt(i)&&!dt(o))return!1;if(!t&&(!vr(o)&&!Es(o)&&(i=ze(i),o=ze(o)),!Ae(n)&&dt(i)&&!dt(o)))return i.value=o,!0;const a=Ae(n)&&Al(s)?Number(s)t,Vr=t=>Reflect.getPrototypeOf(t);function zo(t,e,n=!1,s=!1){t=t.__v_raw;const o=ze(t),r=ze(e);n||(e!==r&&mt(o,"get",e),mt(o,"get",r));const{has:i}=Vr(o),a=s?Ol:n?Dl:_o;if(i.call(o,e))return a(t.get(e));if(i.call(o,r))return a(t.get(r));t!==o&&t.get(e)}function Uo(t,e=!1){const n=this.__v_raw,s=ze(n),o=ze(t);return e||(t!==o&&mt(s,"has",t),mt(s,"has",o)),t===o?n.has(t):n.has(t)||n.has(o)}function qo(t,e=!1){return t=t.__v_raw,!e&&mt(ze(t),"iterate",Kn),Reflect.get(t,"size",t)}function Fc(t){t=ze(t);const e=ze(this);return Vr(e).has.call(e,t)||(e.add(t),an(e,"add",t,t)),this}function Bc(t,e){e=ze(e);const n=ze(this),{has:s,get:o}=Vr(n);let r=s.call(n,t);r||(t=ze(t),r=s.call(n,t));const i=o.call(n,t);return n.set(t,e),r?mo(e,i)&&an(n,"set",t,e):an(n,"add",t,e),this}function $c(t){const e=ze(this),{has:n,get:s}=Vr(e);let o=n.call(e,t);o||(t=ze(t),o=n.call(e,t)),s&&s.call(e,t);const r=e.delete(t);return o&&an(e,"delete",t,void 0),r}function jc(){const t=ze(this),e=t.size!==0,n=t.clear();return e&&an(t,"clear",void 0,void 0),n}function Ho(t,e){return function(s,o){const r=this,i=r.__v_raw,a=ze(i),l=e?Ol:t?Dl:_o;return!t&&mt(a,"iterate",Kn),i.forEach((c,u)=>s.call(o,l(c),l(u),r))}}function Vo(t,e,n){return function(...s){const o=this.__v_raw,r=ze(o),i=bs(r),a=t==="entries"||t===Symbol.iterator&&i,l=t==="keys"&&i,c=o[t](...s),u=n?Ol:e?Dl:_o;return!e&&mt(r,"iterate",l?ja:Kn),{next(){const{value:h,done:f}=c.next();return f?{value:h,done:f}:{value:a?[u(h[0]),u(h[1])]:u(h),done:f}},[Symbol.iterator](){return this}}}}function fn(t){return function(...e){return t==="delete"?!1:this}}function n_(){const t={get(r){return zo(this,r)},get size(){return qo(this)},has:Uo,add:Fc,set:Bc,delete:$c,clear:jc,forEach:Ho(!1,!1)},e={get(r){return zo(this,r,!1,!0)},get size(){return qo(this)},has:Uo,add:Fc,set:Bc,delete:$c,clear:jc,forEach:Ho(!1,!0)},n={get(r){return zo(this,r,!0)},get size(){return qo(this,!0)},has(r){return Uo.call(this,r,!0)},add:fn("add"),set:fn("set"),delete:fn("delete"),clear:fn("clear"),forEach:Ho(!0,!1)},s={get(r){return zo(this,r,!0,!0)},get size(){return qo(this,!0)},has(r){return Uo.call(this,r,!0)},add:fn("add"),set:fn("set"),delete:fn("delete"),clear:fn("clear"),forEach:Ho(!0,!0)};return["keys","values","entries",Symbol.iterator].forEach(r=>{t[r]=Vo(r,!1,!1),n[r]=Vo(r,!0,!1),e[r]=Vo(r,!1,!0),s[r]=Vo(r,!0,!0)}),[t,n,e,s]}const[s_,o_,r_,i_]=n_();function Rl(t,e){const n=e?t?i_:r_:t?o_:s_;return(s,o,r)=>o==="__v_isReactive"?!t:o==="__v_isReadonly"?t:o==="__v_raw"?s:Reflect.get($e(n,o)&&o in s?n:s,o,r)}const a_={get:Rl(!1,!1)},l_={get:Rl(!1,!0)},c_={get:Rl(!0,!1)},ef=new WeakMap,tf=new WeakMap,nf=new WeakMap,d_=new WeakMap;function u_(t){switch(t){case"Object":case"Array":return 1;case"Map":case"Set":case"WeakMap":case"WeakSet":return 2;default:return 0}}function h_(t){return t.__v_skip||!Object.isExtensible(t)?0:u_(Dm(t))}function qs(t){return Es(t)?t:Nl(t,!1,Xh,a_,ef)}function f_(t){return Nl(t,!1,t_,l_,tf)}function sf(t){return Nl(t,!0,e_,c_,nf)}function Nl(t,e,n,s,o){if(!Ze(t)||t.__v_raw&&!(e&&t.__v_isReactive))return t;const r=o.get(t);if(r)return r;const i=h_(t);if(i===0)return t;const a=new Proxy(t,i===2?s:n);return o.set(t,a),a}function vs(t){return Es(t)?vs(t.__v_raw):!!(t&&t.__v_isReactive)}function Es(t){return!!(t&&t.__v_isReadonly)}function vr(t){return!!(t&&t.__v_isShallow)}function of(t){return vs(t)||Es(t)}function ze(t){const e=t&&t.__v_raw;return e?ze(e):t}function rf(t){return br(t,"__v_skip",!0),t}const _o=t=>Ze(t)?qs(t):t,Dl=t=>Ze(t)?sf(t):t;function af(t){Tn&&Lt&&(t=ze(t),Yh(t.dep||(t.dep=Sl())))}function lf(t,e){t=ze(t);const n=t.dep;n&&za(n)}function dt(t){return!!(t&&t.__v_isRef===!0)}function p_(t){return cf(t,!1)}function g_(t){return cf(t,!0)}function cf(t,e){return dt(t)?t:new m_(t,e)}class m_{constructor(e,n){this.__v_isShallow=n,this.dep=void 0,this.__v_isRef=!0,this._rawValue=n?e:ze(e),this._value=n?e:_o(e)}get value(){return af(this),this._value}set value(e){const n=this.__v_isShallow||vr(e)||Es(e);e=n?e:ze(e),mo(e,this._rawValue)&&(this._rawValue=e,this._value=n?e:_o(e),lf(this))}}function ht(t){return dt(t)?t.value:t}const __={get:(t,e,n)=>ht(Reflect.get(t,e,n)),set:(t,e,n,s)=>{const o=t[e];return dt(o)&&!dt(n)?(o.value=n,!0):Reflect.set(t,e,n,s)}};function df(t){return vs(t)?t:new Proxy(t,__)}var uf;class b_{constructor(e,n,s,o){this._setter=n,this.dep=void 0,this.__v_isRef=!0,this[uf]=!1,this._dirty=!0,this.effect=new Tl(e,()=>{this._dirty||(this._dirty=!0,lf(this))}),this.effect.computed=this,this.effect.active=this._cacheable=!o,this.__v_isReadonly=s}get value(){const e=ze(this);return af(e),(e._dirty||!e._cacheable)&&(e._dirty=!1,e._value=e.effect.run()),e._value}set value(e){this._setter(e)}}uf="__v_isReadonly";function y_(t,e,n=!1){let s,o;const r=Re(t);return r?(s=t,o=Pt):(s=t.get,o=t.set),new b_(s,o,r||!o,n)}function Mn(t,e,n,s){let o;try{o=s?t(...s):t()}catch(r){Gr(r,e,n)}return o}function At(t,e,n,s){if(Re(t)){const r=Mn(t,e,n,s);return r&&Hh(r)&&r.catch(i=>{Gr(i,e,n)}),r}const o=[];for(let r=0;r>>1;yo(ct[s])zt&&ct.splice(e,1)}function k_(t){Ae(t)?ws.push(...t):(!nn||!nn.includes(t,t.allowRecurse?jn+1:jn))&&ws.push(t),ff()}function zc(t,e=bo?zt+1:0){for(;eyo(n)-yo(s)),jn=0;jnt.id==null?1/0:t.id,E_=(t,e)=>{const n=yo(t)-yo(e);if(n===0){if(t.pre&&!e.pre)return-1;if(e.pre&&!t.pre)return 1}return n};function gf(t){Ua=!1,bo=!0,ct.sort(E_);const e=Pt;try{for(zt=0;ztQe(g)?g.trim():g)),h&&(o=n.map(yr))}let a,l=s[a=ki(e)]||s[a=ki(Zt(e))];!l&&r&&(l=s[a=ki(ts(e))]),l&&At(l,t,6,o);const c=s[a+"Once"];if(c){if(!t.emitted)t.emitted={};else if(t.emitted[a])return;t.emitted[a]=!0,At(c,t,6,o)}}function mf(t,e,n=!1){const s=e.emitsCache,o=s.get(t);if(o!==void 0)return o;const r=t.emits;let i={},a=!1;if(!Re(t)){const l=c=>{const u=mf(c,e,!0);u&&(a=!0,rt(i,u))};!n&&e.mixins.length&&e.mixins.forEach(l),t.extends&&l(t.extends),t.mixins&&t.mixins.forEach(l)}return!r&&!a?(Ze(t)&&s.set(t,null),null):(Ae(r)?r.forEach(l=>i[l]=null):rt(i,r),Ze(t)&&s.set(t,i),i)}function Kr(t,e){return!t||!Ur(e)?!1:(e=e.slice(2).replace(/Once$/,""),$e(t,e[0].toLowerCase()+e.slice(1))||$e(t,ts(e))||$e(t,e))}let at=null,Wr=null;function wr(t){const e=at;return at=t,Wr=t&&t.type.__scopeId||null,e}function ns(t){Wr=t}function ss(){Wr=null}function De(t,e=at,n){if(!e||t._n)return t;const s=(...o)=>{s._d&&Jc(-1);const r=wr(e);let i;try{i=t(...o)}finally{wr(r),s._d&&Jc(1)}return i};return s._n=!0,s._c=!0,s._d=!0,s}function Ei(t){const{type:e,vnode:n,proxy:s,withProxy:o,props:r,propsOptions:[i],slots:a,attrs:l,emit:c,render:u,renderCache:h,data:f,setupState:g,ctx:m,inheritAttrs:p}=t;let b,_;const y=wr(t);try{if(n.shapeFlag&4){const S=o||s;b=jt(u.call(S,S,h,r,g,f,m)),_=l}else{const S=e;b=jt(S.length>1?S(r,{attrs:l,slots:a,emit:c}):S(r,null)),_=e.props?l:A_(l)}}catch(S){io.length=0,Gr(S,t,1),b=he(St)}let x=b;if(_&&p!==!1){const S=Object.keys(_),{shapeFlag:R}=x;S.length&&R&7&&(i&&S.some(El)&&(_=S_(_,i)),x=ln(x,_))}return n.dirs&&(x=ln(x),x.dirs=x.dirs?x.dirs.concat(n.dirs):n.dirs),n.transition&&(x.transition=n.transition),b=x,wr(y),b}const A_=t=>{let e;for(const n in t)(n==="class"||n==="style"||Ur(n))&&((e||(e={}))[n]=t[n]);return e},S_=(t,e)=>{const n={};for(const s in t)(!El(s)||!(s.slice(9)in e))&&(n[s]=t[s]);return n};function T_(t,e,n){const{props:s,children:o,component:r}=t,{props:i,children:a,patchFlag:l}=e,c=r.emitsOptions;if(e.dirs||e.transition)return!0;if(n&&l>=0){if(l&1024)return!0;if(l&16)return s?Uc(s,i,c):!!i;if(l&8){const u=e.dynamicProps;for(let h=0;ht.__isSuspense;function O_(t,e){e&&e.pendingBranch?Ae(t)?e.effects.push(...t):e.effects.push(t):k_(t)}function ir(t,e){if(Xe){let n=Xe.provides;const s=Xe.parent&&Xe.parent.provides;s===n&&(n=Xe.provides=Object.create(s)),n[t]=e}}function on(t,e,n=!1){const s=Xe||at;if(s){const o=s.parent==null?s.vnode.appContext&&s.vnode.appContext.provides:s.parent.provides;if(o&&t in o)return o[t];if(arguments.length>1)return n&&Re(e)?e.call(s.proxy):e}}const Go={};function Wn(t,e,n){return bf(t,e,n)}function bf(t,e,{immediate:n,deep:s,flush:o,onTrack:r,onTrigger:i}=Je){const a=jm()===(Xe==null?void 0:Xe.scope)?Xe:null;let l,c=!1,u=!1;if(dt(t)?(l=()=>t.value,c=vr(t)):vs(t)?(l=()=>t,s=!0):Ae(t)?(u=!0,c=t.some(x=>vs(x)||vr(x)),l=()=>t.map(x=>{if(dt(x))return x.value;if(vs(x))return Vn(x);if(Re(x))return Mn(x,a,2)})):Re(t)?e?l=()=>Mn(t,a,2):l=()=>{if(!(a&&a.isUnmounted))return h&&h(),At(t,a,3,[f])}:l=Pt,e&&s){const x=l;l=()=>Vn(x())}let h,f=x=>{h=_.onStop=()=>{Mn(x,a,4)}},g;if(ko)if(f=Pt,e?n&&At(e,a,3,[l(),u?[]:void 0,f]):l(),o==="sync"){const x=w1();g=x.__watcherHandles||(x.__watcherHandles=[])}else return Pt;let m=u?new Array(t.length).fill(Go):Go;const p=()=>{if(_.active)if(e){const x=_.run();(s||c||(u?x.some((S,R)=>mo(S,m[R])):mo(x,m)))&&(h&&h(),At(e,a,3,[x,m===Go?void 0:u&&m[0]===Go?[]:m,f]),m=x)}else _.run()};p.allowRecurse=!!e;let b;o==="sync"?b=p:o==="post"?b=()=>it(p,a&&a.suspense):(p.pre=!0,a&&(p.id=a.uid),b=()=>Il(p));const _=new Tl(l,b);e?n?p():m=_.run():o==="post"?it(_.run.bind(_),a&&a.suspense):_.run();const y=()=>{_.stop(),a&&a.scope&&Cl(a.scope.effects,_)};return g&&g.push(y),y}function R_(t,e,n){const s=this.proxy,o=Qe(t)?t.includes(".")?yf(s,t):()=>s[t]:t.bind(s,s);let r;Re(e)?r=e:(r=e.handler,n=e);const i=Xe;As(this);const a=bf(o,r.bind(s),n);return i?As(i):Zn(),a}function yf(t,e){const n=e.split(".");return()=>{let s=t;for(let o=0;o{Vn(n,e)});else if(Gh(t))for(const n in t)Vn(t[n],e);return t}function vf(){const t={isMounted:!1,isLeaving:!1,isUnmounting:!1,leavingVNodes:new Map};return Jr(()=>{t.isMounted=!0}),Bl(()=>{t.isUnmounting=!0}),t}const wt=[Function,Array],N_={name:"BaseTransition",props:{mode:String,appear:Boolean,persisted:Boolean,onBeforeEnter:wt,onEnter:wt,onAfterEnter:wt,onEnterCancelled:wt,onBeforeLeave:wt,onLeave:wt,onAfterLeave:wt,onLeaveCancelled:wt,onBeforeAppear:wt,onAppear:wt,onAfterAppear:wt,onAppearCancelled:wt},setup(t,{slots:e}){const n=ql(),s=vf();let o;return()=>{const r=e.default&&Pl(e.default(),!0);if(!r||!r.length)return;let i=r[0];if(r.length>1){for(const p of r)if(p.type!==St){i=p;break}}const a=ze(t),{mode:l}=a;if(s.isLeaving)return Ci(i);const c=qc(i);if(!c)return Ci(i);const u=vo(c,a,s,n);Cs(c,u);const h=n.subTree,f=h&&qc(h);let g=!1;const{getTransitionKey:m}=c.type;if(m){const p=m();o===void 0?o=p:p!==o&&(o=p,g=!0)}if(f&&f.type!==St&&(!Cn(c,f)||g)){const p=vo(f,a,s,n);if(Cs(f,p),l==="out-in")return s.isLeaving=!0,p.afterLeave=()=>{s.isLeaving=!1,n.update.active!==!1&&n.update()},Ci(i);l==="in-out"&&c.type!==St&&(p.delayLeave=(b,_,y)=>{const x=xf(s,f);x[String(f.key)]=f,b._leaveCb=()=>{_(),b._leaveCb=void 0,delete u.delayedLeave},u.delayedLeave=y})}return i}}},wf=N_;function xf(t,e){const{leavingVNodes:n}=t;let s=n.get(e.type);return s||(s=Object.create(null),n.set(e.type,s)),s}function vo(t,e,n,s){const{appear:o,mode:r,persisted:i=!1,onBeforeEnter:a,onEnter:l,onAfterEnter:c,onEnterCancelled:u,onBeforeLeave:h,onLeave:f,onAfterLeave:g,onLeaveCancelled:m,onBeforeAppear:p,onAppear:b,onAfterAppear:_,onAppearCancelled:y}=e,x=String(t.key),S=xf(n,t),R=(v,E)=>{v&&At(v,s,9,E)},O=(v,E)=>{const M=E[1];R(v,E),Ae(v)?v.every(L=>L.length<=1)&&M():v.length<=1&&M()},D={mode:r,persisted:i,beforeEnter(v){let E=a;if(!n.isMounted)if(o)E=p||a;else return;v._leaveCb&&v._leaveCb(!0);const M=S[x];M&&Cn(t,M)&&M.el._leaveCb&&M.el._leaveCb(),R(E,[v])},enter(v){let E=l,M=c,L=u;if(!n.isMounted)if(o)E=b||l,M=_||c,L=y||u;else return;let B=!1;const J=v._enterCb=I=>{B||(B=!0,I?R(L,[v]):R(M,[v]),D.delayedLeave&&D.delayedLeave(),v._enterCb=void 0)};E?O(E,[v,J]):J()},leave(v,E){const M=String(t.key);if(v._enterCb&&v._enterCb(!0),n.isUnmounting)return E();R(h,[v]);let L=!1;const B=v._leaveCb=J=>{L||(L=!0,E(),J?R(m,[v]):R(g,[v]),v._leaveCb=void 0,S[M]===t&&delete S[M])};S[M]=t,f?O(f,[v,B]):B()},clone(v){return vo(v,e,n,s)}};return D}function Ci(t){if(Zr(t))return t=ln(t),t.children=null,t}function qc(t){return Zr(t)?t.children?t.children[0]:void 0:t}function Cs(t,e){t.shapeFlag&6&&t.component?Cs(t.component.subTree,e):t.shapeFlag&128?(t.ssContent.transition=e.clone(t.ssContent),t.ssFallback.transition=e.clone(t.ssFallback)):t.transition=e}function Pl(t,e=!1,n){let s=[],o=0;for(let r=0;r1)for(let r=0;r!!t.type.__asyncLoader,Zr=t=>t.type.__isKeepAlive,D_={name:"KeepAlive",__isKeepAlive:!0,props:{include:[String,RegExp,Array],exclude:[String,RegExp,Array],max:[String,Number]},setup(t,{slots:e}){const n=ql(),s=n.ctx;if(!s.renderer)return()=>{const y=e.default&&e.default();return y&&y.length===1?y[0]:y};const o=new Map,r=new Set;let i=null;const a=n.suspense,{renderer:{p:l,m:c,um:u,o:{createElement:h}}}=s,f=h("div");s.activate=(y,x,S,R,O)=>{const D=y.component;c(y,x,S,0,a),l(D.vnode,y,x,S,D,a,R,y.slotScopeIds,O),it(()=>{D.isDeactivated=!1,D.a&&ys(D.a);const v=y.props&&y.props.onVnodeMounted;v&&xt(v,D.parent,y)},a)},s.deactivate=y=>{const x=y.component;c(y,f,null,1,a),it(()=>{x.da&&ys(x.da);const S=y.props&&y.props.onVnodeUnmounted;S&&xt(S,x.parent,y),x.isDeactivated=!0},a)};function g(y){Ai(y),u(y,n,a,!0)}function m(y){o.forEach((x,S)=>{const R=Wa(x.type);R&&(!y||!y(R))&&p(S)})}function p(y){const x=o.get(y);!i||!Cn(x,i)?g(x):i&&Ai(i),o.delete(y),r.delete(y)}Wn(()=>[t.include,t.exclude],([y,x])=>{y&&m(S=>so(y,S)),x&&m(S=>!so(x,S))},{flush:"post",deep:!0});let b=null;const _=()=>{b!=null&&o.set(b,Si(n.subTree))};return Jr(_),Fl(_),Bl(()=>{o.forEach(y=>{const{subTree:x,suspense:S}=n,R=Si(x);if(y.type===R.type&&y.key===R.key){Ai(R);const O=R.component.da;O&&it(O,S);return}g(y)})}),()=>{if(b=null,!e.default)return null;const y=e.default(),x=y[0];if(y.length>1)return i=null,y;if(!xo(x)||!(x.shapeFlag&4)&&!(x.shapeFlag&128))return i=null,x;let S=Si(x);const R=S.type,O=Wa(xs(S)?S.type.__asyncResolved||{}:R),{include:D,exclude:v,max:E}=t;if(D&&(!O||!so(D,O))||v&&O&&so(v,O))return i=S,x;const M=S.key==null?R:S.key,L=o.get(M);return S.el&&(S=ln(S),x.shapeFlag&128&&(x.ssContent=S)),b=M,L?(S.el=L.el,S.component=L.component,S.transition&&Cs(S,S.transition),S.shapeFlag|=512,r.delete(M),r.add(M)):(r.add(M),E&&r.size>parseInt(E,10)&&p(r.values().next().value)),S.shapeFlag|=256,i=S,_f(x.type)?x:S}}},L_=D_;function so(t,e){return Ae(t)?t.some(n=>so(n,e)):Qe(t)?t.split(",").includes(e):Nm(t)?t.test(e):!1}function I_(t,e){Ef(t,"a",e)}function P_(t,e){Ef(t,"da",e)}function Ef(t,e,n=Xe){const s=t.__wdc||(t.__wdc=()=>{let o=n;for(;o;){if(o.isDeactivated)return;o=o.parent}return t()});if(Yr(e,s,n),n){let o=n.parent;for(;o&&o.parent;)Zr(o.parent.vnode)&&F_(s,e,n,o),o=o.parent}}function F_(t,e,n,s){const o=Yr(e,t,s,!0);Cf(()=>{Cl(s[e],o)},n)}function Ai(t){t.shapeFlag&=-257,t.shapeFlag&=-513}function Si(t){return t.shapeFlag&128?t.ssContent:t}function Yr(t,e,n=Xe,s=!1){if(n){const o=n[t]||(n[t]=[]),r=e.__weh||(e.__weh=(...i)=>{if(n.isUnmounted)return;zs(),As(n);const a=At(e,n,t,i);return Zn(),Us(),a});return s?o.unshift(r):o.push(r),r}}const un=t=>(e,n=Xe)=>(!ko||t==="sp")&&Yr(t,(...s)=>e(...s),n),B_=un("bm"),Jr=un("m"),$_=un("bu"),Fl=un("u"),Bl=un("bum"),Cf=un("um"),j_=un("sp"),z_=un("rtg"),U_=un("rtc");function q_(t,e=Xe){Yr("ec",t,e)}function fe(t,e){const n=at;if(n===null)return t;const s=ei(n)||n.proxy,o=t.dirs||(t.dirs=[]);for(let r=0;re(i,a,void 0,r&&r[a]));else{const i=Object.keys(t);o=new Array(i.length);for(let a=0,l=i.length;axo(e)?!(e.type===St||e.type===Oe&&!Tf(e.children)):!0)?t:null}const qa=t=>t?$f(t)?ei(t)||t.proxy:qa(t.parent):null,ro=rt(Object.create(null),{$:t=>t,$el:t=>t.vnode.el,$data:t=>t.data,$props:t=>t.props,$attrs:t=>t.attrs,$slots:t=>t.slots,$refs:t=>t.refs,$parent:t=>qa(t.parent),$root:t=>qa(t.root),$emit:t=>t.emit,$options:t=>jl(t),$forceUpdate:t=>t.f||(t.f=()=>Il(t.update)),$nextTick:t=>t.n||(t.n=be.bind(t.proxy)),$watch:t=>R_.bind(t)}),Ti=(t,e)=>t!==Je&&!t.__isScriptSetup&&$e(t,e),V_={get({_:t},e){const{ctx:n,setupState:s,data:o,props:r,accessCache:i,type:a,appContext:l}=t;let c;if(e[0]!=="$"){const g=i[e];if(g!==void 0)switch(g){case 1:return s[e];case 2:return o[e];case 4:return n[e];case 3:return r[e]}else{if(Ti(s,e))return i[e]=1,s[e];if(o!==Je&&$e(o,e))return i[e]=2,o[e];if((c=t.propsOptions[0])&&$e(c,e))return i[e]=3,r[e];if(n!==Je&&$e(n,e))return i[e]=4,n[e];Ha&&(i[e]=0)}}const u=ro[e];let h,f;if(u)return e==="$attrs"&&mt(t,"get",e),u(t);if((h=a.__cssModules)&&(h=h[e]))return h;if(n!==Je&&$e(n,e))return i[e]=4,n[e];if(f=l.config.globalProperties,$e(f,e))return f[e]},set({_:t},e,n){const{data:s,setupState:o,ctx:r}=t;return Ti(o,e)?(o[e]=n,!0):s!==Je&&$e(s,e)?(s[e]=n,!0):$e(t.props,e)||e[0]==="$"&&e.slice(1)in t?!1:(r[e]=n,!0)},has({_:{data:t,setupState:e,accessCache:n,ctx:s,appContext:o,propsOptions:r}},i){let a;return!!n[i]||t!==Je&&$e(t,i)||Ti(e,i)||(a=r[0])&&$e(a,i)||$e(s,i)||$e(ro,i)||$e(o.config.globalProperties,i)},defineProperty(t,e,n){return n.get!=null?t._.accessCache[e]=0:$e(n,"value")&&this.set(t,e,n.value,null),Reflect.defineProperty(t,e,n)}};let Ha=!0;function G_(t){const e=jl(t),n=t.proxy,s=t.ctx;Ha=!1,e.beforeCreate&&Vc(e.beforeCreate,t,"bc");const{data:o,computed:r,methods:i,watch:a,provide:l,inject:c,created:u,beforeMount:h,mounted:f,beforeUpdate:g,updated:m,activated:p,deactivated:b,beforeDestroy:_,beforeUnmount:y,destroyed:x,unmounted:S,render:R,renderTracked:O,renderTriggered:D,errorCaptured:v,serverPrefetch:E,expose:M,inheritAttrs:L,components:B,directives:J,filters:I}=e;if(c&&K_(c,s,null,t.appContext.config.unwrapInjectedRef),i)for(const T in i){const q=i[T];Re(q)&&(s[T]=q.bind(n))}if(o){const T=o.call(n,n);Ze(T)&&(t.data=qs(T))}if(Ha=!0,r)for(const T in r){const q=r[T],G=Re(q)?q.bind(n,n):Re(q.get)?q.get.bind(n,n):Pt,we=!Re(q)&&Re(q.set)?q.set.bind(n):Pt,_e=Ct({get:G,set:we});Object.defineProperty(s,T,{enumerable:!0,configurable:!0,get:()=>_e.value,set:ee=>_e.value=ee})}if(a)for(const T in a)Mf(a[T],s,n,T);if(l){const T=Re(l)?l.call(n):l;Reflect.ownKeys(T).forEach(q=>{ir(q,T[q])})}u&&Vc(u,t,"c");function Z(T,q){Ae(q)?q.forEach(G=>T(G.bind(n))):q&&T(q.bind(n))}if(Z(B_,h),Z(Jr,f),Z($_,g),Z(Fl,m),Z(I_,p),Z(P_,b),Z(q_,v),Z(U_,O),Z(z_,D),Z(Bl,y),Z(Cf,S),Z(j_,E),Ae(M))if(M.length){const T=t.exposed||(t.exposed={});M.forEach(q=>{Object.defineProperty(T,q,{get:()=>n[q],set:G=>n[q]=G})})}else t.exposed||(t.exposed={});R&&t.render===Pt&&(t.render=R),L!=null&&(t.inheritAttrs=L),B&&(t.components=B),J&&(t.directives=J)}function K_(t,e,n=Pt,s=!1){Ae(t)&&(t=Va(t));for(const o in t){const r=t[o];let i;Ze(r)?"default"in r?i=on(r.from||o,r.default,!0):i=on(r.from||o):i=on(r),dt(i)&&s?Object.defineProperty(e,o,{enumerable:!0,configurable:!0,get:()=>i.value,set:a=>i.value=a}):e[o]=i}}function Vc(t,e,n){At(Ae(t)?t.map(s=>s.bind(e.proxy)):t.bind(e.proxy),e,n)}function Mf(t,e,n,s){const o=s.includes(".")?yf(n,s):()=>n[s];if(Qe(t)){const r=e[t];Re(r)&&Wn(o,r)}else if(Re(t))Wn(o,t.bind(n));else if(Ze(t))if(Ae(t))t.forEach(r=>Mf(r,e,n,s));else{const r=Re(t.handler)?t.handler.bind(n):e[t.handler];Re(r)&&Wn(o,r,t)}}function jl(t){const e=t.type,{mixins:n,extends:s}=e,{mixins:o,optionsCache:r,config:{optionMergeStrategies:i}}=t.appContext,a=r.get(e);let l;return a?l=a:!o.length&&!n&&!s?l=e:(l={},o.length&&o.forEach(c=>kr(l,c,i,!0)),kr(l,e,i)),Ze(e)&&r.set(e,l),l}function kr(t,e,n,s=!1){const{mixins:o,extends:r}=e;r&&kr(t,r,n,!0),o&&o.forEach(i=>kr(t,i,n,!0));for(const i in e)if(!(s&&i==="expose")){const a=W_[i]||n&&n[i];t[i]=a?a(t[i],e[i]):e[i]}return t}const W_={data:Gc,props:Bn,emits:Bn,methods:Bn,computed:Bn,beforeCreate:ut,created:ut,beforeMount:ut,mounted:ut,beforeUpdate:ut,updated:ut,beforeDestroy:ut,beforeUnmount:ut,destroyed:ut,unmounted:ut,activated:ut,deactivated:ut,errorCaptured:ut,serverPrefetch:ut,components:Bn,directives:Bn,watch:Y_,provide:Gc,inject:Z_};function Gc(t,e){return e?t?function(){return rt(Re(t)?t.call(this,this):t,Re(e)?e.call(this,this):e)}:e:t}function Z_(t,e){return Bn(Va(t),Va(e))}function Va(t){if(Ae(t)){const e={};for(let n=0;n0)&&!(i&16)){if(i&8){const u=t.vnode.dynamicProps;for(let h=0;h{l=!0;const[f,g]=Rf(h,e,!0);rt(i,f),g&&a.push(...g)};!n&&e.mixins.length&&e.mixins.forEach(u),t.extends&&u(t.extends),t.mixins&&t.mixins.forEach(u)}if(!r&&!l)return Ze(t)&&s.set(t,_s),_s;if(Ae(r))for(let u=0;u-1,g[1]=p<0||m-1||$e(g,"default"))&&a.push(h)}}}const c=[i,a];return Ze(t)&&s.set(t,c),c}function Kc(t){return t[0]!=="$"}function Wc(t){const e=t&&t.toString().match(/^\s*(function|class) (\w+)/);return e?e[2]:t===null?"null":""}function Zc(t,e){return Wc(t)===Wc(e)}function Yc(t,e){return Ae(e)?e.findIndex(n=>Zc(n,t)):Re(e)&&Zc(e,t)?0:-1}const Nf=t=>t[0]==="_"||t==="$stable",zl=t=>Ae(t)?t.map(jt):[jt(t)],X_=(t,e,n)=>{if(e._n)return e;const s=De((...o)=>zl(e(...o)),n);return s._c=!1,s},Df=(t,e,n)=>{const s=t._ctx;for(const o in t){if(Nf(o))continue;const r=t[o];if(Re(r))e[o]=X_(o,r,s);else if(r!=null){const i=zl(r);e[o]=()=>i}}},Lf=(t,e)=>{const n=zl(e);t.slots.default=()=>n},e1=(t,e)=>{if(t.vnode.shapeFlag&32){const n=e._;n?(t.slots=ze(e),br(e,"_",n)):Df(e,t.slots={})}else t.slots={},e&&Lf(t,e);br(t.slots,Xr,1)},t1=(t,e,n)=>{const{vnode:s,slots:o}=t;let r=!0,i=Je;if(s.shapeFlag&32){const a=e._;a?n&&a===1?r=!1:(rt(o,e),!n&&a===1&&delete o._):(r=!e.$stable,Df(e,o)),i=e}else e&&(Lf(t,e),i={default:1});if(r)for(const a in o)!Nf(a)&&!(a in i)&&delete o[a]};function If(){return{app:null,config:{isNativeTag:Mm,performance:!1,globalProperties:{},optionMergeStrategies:{},errorHandler:void 0,warnHandler:void 0,compilerOptions:{}},mixins:[],components:{},directives:{},provides:Object.create(null),optionsCache:new WeakMap,propsCache:new WeakMap,emitsCache:new WeakMap}}let n1=0;function s1(t,e){return function(s,o=null){Re(s)||(s=Object.assign({},s)),o!=null&&!Ze(o)&&(o=null);const r=If(),i=new Set;let a=!1;const l=r.app={_uid:n1++,_component:s,_props:o,_container:null,_context:r,_instance:null,version:x1,get config(){return r.config},set config(c){},use(c,...u){return i.has(c)||(c&&Re(c.install)?(i.add(c),c.install(l,...u)):Re(c)&&(i.add(c),c(l,...u))),l},mixin(c){return r.mixins.includes(c)||r.mixins.push(c),l},component(c,u){return u?(r.components[c]=u,l):r.components[c]},directive(c,u){return u?(r.directives[c]=u,l):r.directives[c]},mount(c,u,h){if(!a){const f=he(s,o);return f.appContext=r,u&&e?e(f,c):t(f,c,h),a=!0,l._container=c,c.__vue_app__=l,ei(f.component)||f.component.proxy}},unmount(){a&&(t(null,l._container),delete l._container.__vue_app__)},provide(c,u){return r.provides[c]=u,l}};return l}}function Ka(t,e,n,s,o=!1){if(Ae(t)){t.forEach((f,g)=>Ka(f,e&&(Ae(e)?e[g]:e),n,s,o));return}if(xs(s)&&!o)return;const r=s.shapeFlag&4?ei(s.component)||s.component.proxy:s.el,i=o?null:r,{i:a,r:l}=t,c=e&&e.r,u=a.refs===Je?a.refs={}:a.refs,h=a.setupState;if(c!=null&&c!==l&&(Qe(c)?(u[c]=null,$e(h,c)&&(h[c]=null)):dt(c)&&(c.value=null)),Re(l))Mn(l,a,12,[i,u]);else{const f=Qe(l),g=dt(l);if(f||g){const m=()=>{if(t.f){const p=f?$e(h,l)?h[l]:u[l]:l.value;o?Ae(p)&&Cl(p,r):Ae(p)?p.includes(r)||p.push(r):f?(u[l]=[r],$e(h,l)&&(h[l]=u[l])):(l.value=[r],t.k&&(u[t.k]=l.value))}else f?(u[l]=i,$e(h,l)&&(h[l]=i)):g&&(l.value=i,t.k&&(u[t.k]=i))};i?(m.id=-1,it(m,n)):m()}}}const it=O_;function o1(t){return r1(t)}function r1(t,e){const n=Fm();n.__VUE__=!0;const{insert:s,remove:o,patchProp:r,createElement:i,createText:a,createComment:l,setText:c,setElementText:u,parentNode:h,nextSibling:f,setScopeId:g=Pt,insertStaticContent:m}=t,p=(w,A,P,$=null,j=null,ne=null,re=!1,z=null,se=!!A.dynamicChildren)=>{if(w===A)return;w&&!Cn(w,A)&&($=V(w),ee(w,j,ne,!0),w=null),A.patchFlag===-2&&(se=!1,A.dynamicChildren=null);const{type:U,ref:Y,shapeFlag:ie}=A;switch(U){case Qr:b(w,A,P,$);break;case St:_(w,A,P,$);break;case ar:w==null&&y(A,P,$,re);break;case Oe:B(w,A,P,$,j,ne,re,z,se);break;default:ie&1?R(w,A,P,$,j,ne,re,z,se):ie&6?J(w,A,P,$,j,ne,re,z,se):(ie&64||ie&128)&&U.process(w,A,P,$,j,ne,re,z,se,X)}Y!=null&&j&&Ka(Y,w&&w.ref,ne,A||w,!A)},b=(w,A,P,$)=>{if(w==null)s(A.el=a(A.children),P,$);else{const j=A.el=w.el;A.children!==w.children&&c(j,A.children)}},_=(w,A,P,$)=>{w==null?s(A.el=l(A.children||""),P,$):A.el=w.el},y=(w,A,P,$)=>{[w.el,w.anchor]=m(w.children,A,P,$,w.el,w.anchor)},x=({el:w,anchor:A},P,$)=>{let j;for(;w&&w!==A;)j=f(w),s(w,P,$),w=j;s(A,P,$)},S=({el:w,anchor:A})=>{let P;for(;w&&w!==A;)P=f(w),o(w),w=P;o(A)},R=(w,A,P,$,j,ne,re,z,se)=>{re=re||A.type==="svg",w==null?O(A,P,$,j,ne,re,z,se):E(w,A,j,ne,re,z,se)},O=(w,A,P,$,j,ne,re,z)=>{let se,U;const{type:Y,props:ie,shapeFlag:pe,transition:ue,dirs:Ce}=w;if(se=w.el=i(w.type,ne,ie&&ie.is,ie),pe&8?u(se,w.children):pe&16&&v(w.children,se,null,$,j,ne&&Y!=="foreignObject",re,z),Ce&&Ln(w,null,$,"created"),D(se,w,w.scopeId,re,$),ie){for(const oe in ie)oe!=="value"&&!rr(oe)&&r(se,oe,null,ie[oe],ne,w.children,$,j,Q);"value"in ie&&r(se,"value",null,ie.value),(U=ie.onVnodeBeforeMount)&&xt(U,$,w)}Ce&&Ln(w,null,$,"beforeMount");const W=(!j||j&&!j.pendingBranch)&&ue&&!ue.persisted;W&&ue.beforeEnter(se),s(se,A,P),((U=ie&&ie.onVnodeMounted)||W||Ce)&&it(()=>{U&&xt(U,$,w),W&&ue.enter(se),Ce&&Ln(w,null,$,"mounted")},j)},D=(w,A,P,$,j)=>{if(P&&g(w,P),$)for(let ne=0;ne<$.length;ne++)g(w,$[ne]);if(j){let ne=j.subTree;if(A===ne){const re=j.vnode;D(w,re,re.scopeId,re.slotScopeIds,j.parent)}}},v=(w,A,P,$,j,ne,re,z,se=0)=>{for(let U=se;U{const z=A.el=w.el;let{patchFlag:se,dynamicChildren:U,dirs:Y}=A;se|=w.patchFlag&16;const ie=w.props||Je,pe=A.props||Je;let ue;P&&In(P,!1),(ue=pe.onVnodeBeforeUpdate)&&xt(ue,P,A,w),Y&&Ln(A,w,P,"beforeUpdate"),P&&In(P,!0);const Ce=j&&A.type!=="foreignObject";if(U?M(w.dynamicChildren,U,z,P,$,Ce,ne):re||q(w,A,z,null,P,$,Ce,ne,!1),se>0){if(se&16)L(z,A,ie,pe,P,$,j);else if(se&2&&ie.class!==pe.class&&r(z,"class",null,pe.class,j),se&4&&r(z,"style",ie.style,pe.style,j),se&8){const W=A.dynamicProps;for(let oe=0;oe{ue&&xt(ue,P,A,w),Y&&Ln(A,w,P,"updated")},$)},M=(w,A,P,$,j,ne,re)=>{for(let z=0;z{if(P!==$){if(P!==Je)for(const z in P)!rr(z)&&!(z in $)&&r(w,z,P[z],null,re,A.children,j,ne,Q);for(const z in $){if(rr(z))continue;const se=$[z],U=P[z];se!==U&&z!=="value"&&r(w,z,U,se,re,A.children,j,ne,Q)}"value"in $&&r(w,"value",P.value,$.value)}},B=(w,A,P,$,j,ne,re,z,se)=>{const U=A.el=w?w.el:a(""),Y=A.anchor=w?w.anchor:a("");let{patchFlag:ie,dynamicChildren:pe,slotScopeIds:ue}=A;ue&&(z=z?z.concat(ue):ue),w==null?(s(U,P,$),s(Y,P,$),v(A.children,P,Y,j,ne,re,z,se)):ie>0&&ie&64&&pe&&w.dynamicChildren?(M(w.dynamicChildren,pe,P,j,ne,re,z),(A.key!=null||j&&A===j.subTree)&&Pf(w,A,!0)):q(w,A,P,Y,j,ne,re,z,se)},J=(w,A,P,$,j,ne,re,z,se)=>{A.slotScopeIds=z,w==null?A.shapeFlag&512?j.ctx.activate(A,P,$,re,se):I(A,P,$,j,ne,re,se):ae(w,A,se)},I=(w,A,P,$,j,ne,re)=>{const z=w.component=p1(w,$,j);if(Zr(w)&&(z.ctx.renderer=X),g1(z),z.asyncDep){if(j&&j.registerDep(z,Z),!w.el){const se=z.subTree=he(St);_(null,se,A,P)}return}Z(z,w,A,P,j,ne,re)},ae=(w,A,P)=>{const $=A.component=w.component;if(T_(w,A,P))if($.asyncDep&&!$.asyncResolved){T($,A,P);return}else $.next=A,x_($.update),$.update();else A.el=w.el,$.vnode=A},Z=(w,A,P,$,j,ne,re)=>{const z=()=>{if(w.isMounted){let{next:Y,bu:ie,u:pe,parent:ue,vnode:Ce}=w,W=Y,oe;In(w,!1),Y?(Y.el=Ce.el,T(w,Y,re)):Y=Ce,ie&&ys(ie),(oe=Y.props&&Y.props.onVnodeBeforeUpdate)&&xt(oe,ue,Y,Ce),In(w,!0);const me=Ei(w),Te=w.subTree;w.subTree=me,p(Te,me,h(Te.el),V(Te),w,j,ne),Y.el=me.el,W===null&&M_(w,me.el),pe&&it(pe,j),(oe=Y.props&&Y.props.onVnodeUpdated)&&it(()=>xt(oe,ue,Y,Ce),j)}else{let Y;const{el:ie,props:pe}=A,{bm:ue,m:Ce,parent:W}=w,oe=xs(A);if(In(w,!1),ue&&ys(ue),!oe&&(Y=pe&&pe.onVnodeBeforeMount)&&xt(Y,W,A),In(w,!0),ie&&de){const me=()=>{w.subTree=Ei(w),de(ie,w.subTree,w,j,null)};oe?A.type.__asyncLoader().then(()=>!w.isUnmounted&&me()):me()}else{const me=w.subTree=Ei(w);p(null,me,P,$,w,j,ne),A.el=me.el}if(Ce&&it(Ce,j),!oe&&(Y=pe&&pe.onVnodeMounted)){const me=A;it(()=>xt(Y,W,me),j)}(A.shapeFlag&256||W&&xs(W.vnode)&&W.vnode.shapeFlag&256)&&w.a&&it(w.a,j),w.isMounted=!0,A=P=$=null}},se=w.effect=new Tl(z,()=>Il(U),w.scope),U=w.update=()=>se.run();U.id=w.uid,In(w,!0),U()},T=(w,A,P)=>{A.component=w;const $=w.vnode.props;w.vnode=A,w.next=null,Q_(w,A.props,$,P),t1(w,A.children,P),zs(),zc(),Us()},q=(w,A,P,$,j,ne,re,z,se=!1)=>{const U=w&&w.children,Y=w?w.shapeFlag:0,ie=A.children,{patchFlag:pe,shapeFlag:ue}=A;if(pe>0){if(pe&128){we(U,ie,P,$,j,ne,re,z,se);return}else if(pe&256){G(U,ie,P,$,j,ne,re,z,se);return}}ue&8?(Y&16&&Q(U,j,ne),ie!==U&&u(P,ie)):Y&16?ue&16?we(U,ie,P,$,j,ne,re,z,se):Q(U,j,ne,!0):(Y&8&&u(P,""),ue&16&&v(ie,P,$,j,ne,re,z,se))},G=(w,A,P,$,j,ne,re,z,se)=>{w=w||_s,A=A||_s;const U=w.length,Y=A.length,ie=Math.min(U,Y);let pe;for(pe=0;peY?Q(w,j,ne,!0,!1,ie):v(A,P,$,j,ne,re,z,se,ie)},we=(w,A,P,$,j,ne,re,z,se)=>{let U=0;const Y=A.length;let ie=w.length-1,pe=Y-1;for(;U<=ie&&U<=pe;){const ue=w[U],Ce=A[U]=se?yn(A[U]):jt(A[U]);if(Cn(ue,Ce))p(ue,Ce,P,null,j,ne,re,z,se);else break;U++}for(;U<=ie&&U<=pe;){const ue=w[ie],Ce=A[pe]=se?yn(A[pe]):jt(A[pe]);if(Cn(ue,Ce))p(ue,Ce,P,null,j,ne,re,z,se);else break;ie--,pe--}if(U>ie){if(U<=pe){const ue=pe+1,Ce=uepe)for(;U<=ie;)ee(w[U],j,ne,!0),U++;else{const ue=U,Ce=U,W=new Map;for(U=Ce;U<=pe;U++){const nt=A[U]=se?yn(A[U]):jt(A[U]);nt.key!=null&&W.set(nt.key,U)}let oe,me=0;const Te=pe-Ce+1;let Be=!1,We=0;const Pe=new Array(Te);for(U=0;U=Te){ee(nt,j,ne,!0);continue}let lt;if(nt.key!=null)lt=W.get(nt.key);else for(oe=Ce;oe<=pe;oe++)if(Pe[oe-Ce]===0&&Cn(nt,A[oe])){lt=oe;break}lt===void 0?ee(nt,j,ne,!0):(Pe[lt-Ce]=U+1,lt>=We?We=lt:Be=!0,p(nt,A[lt],P,null,j,ne,re,z,se),me++)}const et=Be?i1(Pe):_s;for(oe=et.length-1,U=Te-1;U>=0;U--){const nt=Ce+U,lt=A[nt],Rc=nt+1{const{el:ne,type:re,transition:z,children:se,shapeFlag:U}=w;if(U&6){_e(w.component.subTree,A,P,$);return}if(U&128){w.suspense.move(A,P,$);return}if(U&64){re.move(w,A,P,X);return}if(re===Oe){s(ne,A,P);for(let ie=0;iez.enter(ne),j);else{const{leave:ie,delayLeave:pe,afterLeave:ue}=z,Ce=()=>s(ne,A,P),W=()=>{ie(ne,()=>{Ce(),ue&&ue()})};pe?pe(ne,Ce,W):W()}else s(ne,A,P)},ee=(w,A,P,$=!1,j=!1)=>{const{type:ne,props:re,ref:z,children:se,dynamicChildren:U,shapeFlag:Y,patchFlag:ie,dirs:pe}=w;if(z!=null&&Ka(z,null,P,w,!0),Y&256){A.ctx.deactivate(w);return}const ue=Y&1&&pe,Ce=!xs(w);let W;if(Ce&&(W=re&&re.onVnodeBeforeUnmount)&&xt(W,A,w),Y&6)N(w.component,P,$);else{if(Y&128){w.suspense.unmount(P,$);return}ue&&Ln(w,null,A,"beforeUnmount"),Y&64?w.type.remove(w,A,P,j,X,$):U&&(ne!==Oe||ie>0&&ie&64)?Q(U,A,P,!1,!0):(ne===Oe&&ie&384||!j&&Y&16)&&Q(se,A,P),$&&ke(w)}(Ce&&(W=re&&re.onVnodeUnmounted)||ue)&&it(()=>{W&&xt(W,A,w),ue&&Ln(w,null,A,"unmounted")},P)},ke=w=>{const{type:A,el:P,anchor:$,transition:j}=w;if(A===Oe){Se(P,$);return}if(A===ar){S(w);return}const ne=()=>{o(P),j&&!j.persisted&&j.afterLeave&&j.afterLeave()};if(w.shapeFlag&1&&j&&!j.persisted){const{leave:re,delayLeave:z}=j,se=()=>re(P,ne);z?z(w.el,ne,se):se()}else ne()},Se=(w,A)=>{let P;for(;w!==A;)P=f(w),o(w),w=P;o(A)},N=(w,A,P)=>{const{bum:$,scope:j,update:ne,subTree:re,um:z}=w;$&&ys($),j.stop(),ne&&(ne.active=!1,ee(re,w,A,P)),z&&it(z,A),it(()=>{w.isUnmounted=!0},A),A&&A.pendingBranch&&!A.isUnmounted&&w.asyncDep&&!w.asyncResolved&&w.suspenseId===A.pendingId&&(A.deps--,A.deps===0&&A.resolve())},Q=(w,A,P,$=!1,j=!1,ne=0)=>{for(let re=ne;rew.shapeFlag&6?V(w.component.subTree):w.shapeFlag&128?w.suspense.next():f(w.anchor||w.el),te=(w,A,P)=>{w==null?A._vnode&&ee(A._vnode,null,null,!0):p(A._vnode||null,w,A,null,null,null,P),zc(),pf(),A._vnode=w},X={p,um:ee,m:_e,r:ke,mt:I,mc:v,pc:q,pbc:M,n:V,o:t};let ge,de;return e&&([ge,de]=e(X)),{render:te,hydrate:ge,createApp:s1(te,ge)}}function In({effect:t,update:e},n){t.allowRecurse=e.allowRecurse=n}function Pf(t,e,n=!1){const s=t.children,o=e.children;if(Ae(s)&&Ae(o))for(let r=0;r>1,t[n[a]]0&&(e[s]=n[r-1]),n[r]=s)}}for(r=n.length,i=n[r-1];r-- >0;)n[r]=i,i=e[i];return n}const a1=t=>t.__isTeleport,Oe=Symbol(void 0),Qr=Symbol(void 0),St=Symbol(void 0),ar=Symbol(void 0),io=[];let It=null;function k(t=!1){io.push(It=t?null:[])}function l1(){io.pop(),It=io[io.length-1]||null}let wo=1;function Jc(t){wo+=t}function Ff(t){return t.dynamicChildren=wo>0?It||_s:null,l1(),wo>0&&It&&It.push(t),t}function C(t,e,n,s,o,r){return Ff(d(t,e,n,s,o,r,!0))}function st(t,e,n,s,o){return Ff(he(t,e,n,s,o,!0))}function xo(t){return t?t.__v_isVNode===!0:!1}function Cn(t,e){return t.type===e.type&&t.key===e.key}const Xr="__vInternal",Bf=({key:t})=>t??null,lr=({ref:t,ref_key:e,ref_for:n})=>t!=null?Qe(t)||dt(t)||Re(t)?{i:at,r:t,k:e,f:!!n}:t:null;function d(t,e=null,n=null,s=0,o=null,r=t===Oe?0:1,i=!1,a=!1){const l={__v_isVNode:!0,__v_skip:!0,type:t,props:e,key:e&&Bf(e),ref:e&&lr(e),scopeId:Wr,slotScopeIds:null,children:n,component:null,suspense:null,ssContent:null,ssFallback:null,dirs:null,transition:null,el:null,anchor:null,target:null,targetAnchor:null,staticCount:0,shapeFlag:r,patchFlag:s,dynamicProps:o,dynamicChildren:null,appContext:null,ctx:at};return a?(Ul(l,n),r&128&&t.normalize(l)):n&&(l.shapeFlag|=Qe(n)?8:16),wo>0&&!i&&It&&(l.patchFlag>0||r&6)&&l.patchFlag!==32&&It.push(l),l}const he=c1;function c1(t,e=null,n=null,s=0,o=null,r=!1){if((!t||t===Af)&&(t=St),xo(t)){const a=ln(t,e,!0);return n&&Ul(a,n),wo>0&&!r&&It&&(a.shapeFlag&6?It[It.indexOf(t)]=a:It.push(a)),a.patchFlag|=-2,a}if(y1(t)&&(t=t.__vccOpts),e){e=d1(e);let{class:a,style:l}=e;a&&!Qe(a)&&(e.class=Me(a)),Ze(l)&&(of(l)&&!Ae(l)&&(l=rt({},l)),e.style=bt(l))}const i=Qe(t)?1:_f(t)?128:a1(t)?64:Ze(t)?4:Re(t)?2:0;return d(t,e,n,s,o,i,r,!0)}function d1(t){return t?of(t)||Xr in t?rt({},t):t:null}function ln(t,e,n=!1){const{props:s,ref:o,patchFlag:r,children:i}=t,a=e?u1(s||{},e):s;return{__v_isVNode:!0,__v_skip:!0,type:t.type,props:a,key:a&&Bf(a),ref:e&&e.ref?n&&o?Ae(o)?o.concat(lr(e)):[o,lr(e)]:lr(e):o,scopeId:t.scopeId,slotScopeIds:t.slotScopeIds,children:i,target:t.target,targetAnchor:t.targetAnchor,staticCount:t.staticCount,shapeFlag:t.shapeFlag,patchFlag:e&&t.type!==Oe?r===-1?16:r|16:r,dynamicProps:t.dynamicProps,dynamicChildren:t.dynamicChildren,appContext:t.appContext,dirs:t.dirs,transition:t.transition,component:t.component,suspense:t.suspense,ssContent:t.ssContent&&ln(t.ssContent),ssFallback:t.ssFallback&&ln(t.ssFallback),el:t.el,anchor:t.anchor,ctx:t.ctx,ce:t.ce}}function xe(t=" ",e=0){return he(Qr,null,t,e)}function os(t,e){const n=he(ar,null,t);return n.staticCount=e,n}function F(t="",e=!1){return e?(k(),st(St,null,t)):he(St,null,t)}function jt(t){return t==null||typeof t=="boolean"?he(St):Ae(t)?he(Oe,null,t.slice()):typeof t=="object"?yn(t):he(Qr,null,String(t))}function yn(t){return t.el===null&&t.patchFlag!==-1||t.memo?t:ln(t)}function Ul(t,e){let n=0;const{shapeFlag:s}=t;if(e==null)e=null;else if(Ae(e))n=16;else if(typeof e=="object")if(s&65){const o=e.default;o&&(o._c&&(o._d=!1),Ul(t,o()),o._c&&(o._d=!0));return}else{n=32;const o=e._;!o&&!(Xr in e)?e._ctx=at:o===3&&at&&(at.slots._===1?e._=1:(e._=2,t.patchFlag|=1024))}else Re(e)?(e={default:e,_ctx:at},n=32):(e=String(e),s&64?(n=16,e=[xe(e)]):n=8);t.children=e,t.shapeFlag|=n}function u1(...t){const e={};for(let n=0;nXe||at,As=t=>{Xe=t,t.scope.on()},Zn=()=>{Xe&&Xe.scope.off(),Xe=null};function $f(t){return t.vnode.shapeFlag&4}let ko=!1;function g1(t,e=!1){ko=e;const{props:n,children:s}=t.vnode,o=$f(t);J_(t,n,o,e),e1(t,s);const r=o?m1(t,e):void 0;return ko=!1,r}function m1(t,e){const n=t.type;t.accessCache=Object.create(null),t.proxy=rf(new Proxy(t.ctx,V_));const{setup:s}=n;if(s){const o=t.setupContext=s.length>1?b1(t):null;As(t),zs();const r=Mn(s,t,0,[t.props,o]);if(Us(),Zn(),Hh(r)){if(r.then(Zn,Zn),e)return r.then(i=>{Qc(t,i,e)}).catch(i=>{Gr(i,t,0)});t.asyncDep=r}else Qc(t,r,e)}else jf(t,e)}function Qc(t,e,n){Re(e)?t.type.__ssrInlineRender?t.ssrRender=e:t.render=e:Ze(e)&&(t.setupState=df(e)),jf(t,n)}let Xc;function jf(t,e,n){const s=t.type;if(!t.render){if(!e&&Xc&&!s.render){const o=s.template||jl(t).template;if(o){const{isCustomElement:r,compilerOptions:i}=t.appContext.config,{delimiters:a,compilerOptions:l}=s,c=rt(rt({isCustomElement:r,delimiters:a},i),l);s.render=Xc(o,c)}}t.render=s.render||Pt}As(t),zs(),G_(t),Us(),Zn()}function _1(t){return new Proxy(t.attrs,{get(e,n){return mt(t,"get","$attrs"),e[n]}})}function b1(t){const e=s=>{t.exposed=s||{}};let n;return{get attrs(){return n||(n=_1(t))},slots:t.slots,emit:t.emit,expose:e}}function ei(t){if(t.exposed)return t.exposeProxy||(t.exposeProxy=new Proxy(df(rf(t.exposed)),{get(e,n){if(n in e)return e[n];if(n in ro)return ro[n](t)},has(e,n){return n in e||n in ro}}))}function Wa(t,e=!0){return Re(t)?t.displayName||t.name:t.name||e&&t.__name}function y1(t){return Re(t)&&"__vccOpts"in t}const Ct=(t,e)=>y_(t,e,ko);function Hl(t,e,n){const s=arguments.length;return s===2?Ze(e)&&!Ae(e)?xo(e)?he(t,null,[e]):he(t,e):he(t,null,e):(s>3?n=Array.prototype.slice.call(arguments,2):s===3&&xo(n)&&(n=[n]),he(t,e,n))}const v1=Symbol(""),w1=()=>on(v1),x1="3.2.47",k1="http://www.w3.org/2000/svg",zn=typeof document<"u"?document:null,ed=zn&&zn.createElement("template"),E1={insert:(t,e,n)=>{e.insertBefore(t,n||null)},remove:t=>{const e=t.parentNode;e&&e.removeChild(t)},createElement:(t,e,n,s)=>{const o=e?zn.createElementNS(k1,t):zn.createElement(t,n?{is:n}:void 0);return t==="select"&&s&&s.multiple!=null&&o.setAttribute("multiple",s.multiple),o},createText:t=>zn.createTextNode(t),createComment:t=>zn.createComment(t),setText:(t,e)=>{t.nodeValue=e},setElementText:(t,e)=>{t.textContent=e},parentNode:t=>t.parentNode,nextSibling:t=>t.nextSibling,querySelector:t=>zn.querySelector(t),setScopeId(t,e){t.setAttribute(e,"")},insertStaticContent(t,e,n,s,o,r){const i=n?n.previousSibling:e.lastChild;if(o&&(o===r||o.nextSibling))for(;e.insertBefore(o.cloneNode(!0),n),!(o===r||!(o=o.nextSibling)););else{ed.innerHTML=s?`${t}`:t;const a=ed.content;if(s){const l=a.firstChild;for(;l.firstChild;)a.appendChild(l.firstChild);a.removeChild(l)}e.insertBefore(a,n)}return[i?i.nextSibling:e.firstChild,n?n.previousSibling:e.lastChild]}};function C1(t,e,n){const s=t._vtc;s&&(e=(e?[e,...s]:[...s]).join(" ")),e==null?t.removeAttribute("class"):n?t.setAttribute("class",e):t.className=e}function A1(t,e,n){const s=t.style,o=Qe(n);if(n&&!o){if(e&&!Qe(e))for(const r in e)n[r]==null&&Za(s,r,"");for(const r in n)Za(s,r,n[r])}else{const r=s.display;o?e!==n&&(s.cssText=n):e&&t.removeAttribute("style"),"_vod"in t&&(s.display=r)}}const td=/\s*!important$/;function Za(t,e,n){if(Ae(n))n.forEach(s=>Za(t,e,s));else if(n==null&&(n=""),e.startsWith("--"))t.setProperty(e,n);else{const s=S1(t,e);td.test(n)?t.setProperty(ts(s),n.replace(td,""),"important"):t[s]=n}}const nd=["Webkit","Moz","ms"],Mi={};function S1(t,e){const n=Mi[e];if(n)return n;let s=Zt(e);if(s!=="filter"&&s in t)return Mi[e]=s;s=Hr(s);for(let o=0;oOi||(D1.then(()=>Oi=0),Oi=Date.now());function I1(t,e){const n=s=>{if(!s._vts)s._vts=Date.now();else if(s._vts<=n.attached)return;At(P1(s,n.value),e,5,[s])};return n.value=t,n.attached=L1(),n}function P1(t,e){if(Ae(e)){const n=t.stopImmediatePropagation;return t.stopImmediatePropagation=()=>{n.call(t),t._stopped=!0},e.map(s=>o=>!o._stopped&&s&&s(o))}else return e}const rd=/^on[a-z]/,F1=(t,e,n,s,o=!1,r,i,a,l)=>{e==="class"?C1(t,s,o):e==="style"?A1(t,n,s):Ur(e)?El(e)||R1(t,e,n,s,i):(e[0]==="."?(e=e.slice(1),!0):e[0]==="^"?(e=e.slice(1),!1):B1(t,e,s,o))?M1(t,e,s,r,i,a,l):(e==="true-value"?t._trueValue=s:e==="false-value"&&(t._falseValue=s),T1(t,e,s,o))};function B1(t,e,n,s){return s?!!(e==="innerHTML"||e==="textContent"||e in t&&rd.test(e)&&Re(n)):e==="spellcheck"||e==="draggable"||e==="translate"||e==="form"||e==="list"&&t.tagName==="INPUT"||e==="type"&&t.tagName==="TEXTAREA"||rd.test(e)&&Qe(n)?!1:e in t}const pn="transition",Ys="animation",Ss=(t,{slots:e})=>Hl(wf,Uf(t),e);Ss.displayName="Transition";const zf={name:String,type:String,css:{type:Boolean,default:!0},duration:[String,Number,Object],enterFromClass:String,enterActiveClass:String,enterToClass:String,appearFromClass:String,appearActiveClass:String,appearToClass:String,leaveFromClass:String,leaveActiveClass:String,leaveToClass:String},$1=Ss.props=rt({},wf.props,zf),Pn=(t,e=[])=>{Ae(t)?t.forEach(n=>n(...e)):t&&t(...e)},id=t=>t?Ae(t)?t.some(e=>e.length>1):t.length>1:!1;function Uf(t){const e={};for(const B in t)B in zf||(e[B]=t[B]);if(t.css===!1)return e;const{name:n="v",type:s,duration:o,enterFromClass:r=`${n}-enter-from`,enterActiveClass:i=`${n}-enter-active`,enterToClass:a=`${n}-enter-to`,appearFromClass:l=r,appearActiveClass:c=i,appearToClass:u=a,leaveFromClass:h=`${n}-leave-from`,leaveActiveClass:f=`${n}-leave-active`,leaveToClass:g=`${n}-leave-to`}=t,m=j1(o),p=m&&m[0],b=m&&m[1],{onBeforeEnter:_,onEnter:y,onEnterCancelled:x,onLeave:S,onLeaveCancelled:R,onBeforeAppear:O=_,onAppear:D=y,onAppearCancelled:v=x}=e,E=(B,J,I)=>{bn(B,J?u:a),bn(B,J?c:i),I&&I()},M=(B,J)=>{B._isLeaving=!1,bn(B,h),bn(B,g),bn(B,f),J&&J()},L=B=>(J,I)=>{const ae=B?D:y,Z=()=>E(J,B,I);Pn(ae,[J,Z]),ad(()=>{bn(J,B?l:r),tn(J,B?u:a),id(ae)||ld(J,s,p,Z)})};return rt(e,{onBeforeEnter(B){Pn(_,[B]),tn(B,r),tn(B,i)},onBeforeAppear(B){Pn(O,[B]),tn(B,l),tn(B,c)},onEnter:L(!1),onAppear:L(!0),onLeave(B,J){B._isLeaving=!0;const I=()=>M(B,J);tn(B,h),Hf(),tn(B,f),ad(()=>{B._isLeaving&&(bn(B,h),tn(B,g),id(S)||ld(B,s,b,I))}),Pn(S,[B,I])},onEnterCancelled(B){E(B,!1),Pn(x,[B])},onAppearCancelled(B){E(B,!0),Pn(v,[B])},onLeaveCancelled(B){M(B),Pn(R,[B])}})}function j1(t){if(t==null)return null;if(Ze(t))return[Ri(t.enter),Ri(t.leave)];{const e=Ri(t);return[e,e]}}function Ri(t){return Pm(t)}function tn(t,e){e.split(/\s+/).forEach(n=>n&&t.classList.add(n)),(t._vtc||(t._vtc=new Set)).add(e)}function bn(t,e){e.split(/\s+/).forEach(s=>s&&t.classList.remove(s));const{_vtc:n}=t;n&&(n.delete(e),n.size||(t._vtc=void 0))}function ad(t){requestAnimationFrame(()=>{requestAnimationFrame(t)})}let z1=0;function ld(t,e,n,s){const o=t._endId=++z1,r=()=>{o===t._endId&&s()};if(n)return setTimeout(r,n);const{type:i,timeout:a,propCount:l}=qf(t,e);if(!i)return s();const c=i+"end";let u=0;const h=()=>{t.removeEventListener(c,f),r()},f=g=>{g.target===t&&++u>=l&&h()};setTimeout(()=>{u(n[m]||"").split(", "),o=s(`${pn}Delay`),r=s(`${pn}Duration`),i=cd(o,r),a=s(`${Ys}Delay`),l=s(`${Ys}Duration`),c=cd(a,l);let u=null,h=0,f=0;e===pn?i>0&&(u=pn,h=i,f=r.length):e===Ys?c>0&&(u=Ys,h=c,f=l.length):(h=Math.max(i,c),u=h>0?i>c?pn:Ys:null,f=u?u===pn?r.length:l.length:0);const g=u===pn&&/\b(transform|all)(,|$)/.test(s(`${pn}Property`).toString());return{type:u,timeout:h,propCount:f,hasTransform:g}}function cd(t,e){for(;t.lengthdd(n)+dd(t[s])))}function dd(t){return Number(t.slice(0,-1).replace(",","."))*1e3}function Hf(){return document.body.offsetHeight}const Vf=new WeakMap,Gf=new WeakMap,Kf={name:"TransitionGroup",props:rt({},$1,{tag:String,moveClass:String}),setup(t,{slots:e}){const n=ql(),s=vf();let o,r;return Fl(()=>{if(!o.length)return;const i=t.moveClass||`${t.name||"v"}-move`;if(!G1(o[0].el,n.vnode.el,i))return;o.forEach(q1),o.forEach(H1);const a=o.filter(V1);Hf(),a.forEach(l=>{const c=l.el,u=c.style;tn(c,i),u.transform=u.webkitTransform=u.transitionDuration="";const h=c._moveCb=f=>{f&&f.target!==c||(!f||/transform$/.test(f.propertyName))&&(c.removeEventListener("transitionend",h),c._moveCb=null,bn(c,i))};c.addEventListener("transitionend",h)})}),()=>{const i=ze(t),a=Uf(i);let l=i.tag||Oe;o=r,r=e.default?Pl(e.default()):[];for(let c=0;cdelete t.mode;Kf.props;const Ut=Kf;function q1(t){const e=t.el;e._moveCb&&e._moveCb(),e._enterCb&&e._enterCb()}function H1(t){Gf.set(t,t.el.getBoundingClientRect())}function V1(t){const e=Vf.get(t),n=Gf.get(t),s=e.left-n.left,o=e.top-n.top;if(s||o){const r=t.el.style;return r.transform=r.webkitTransform=`translate(${s}px,${o}px)`,r.transitionDuration="0s",t}}function G1(t,e,n){const s=t.cloneNode();t._vtc&&t._vtc.forEach(i=>{i.split(/\s+/).forEach(a=>a&&s.classList.remove(a))}),n.split(/\s+/).forEach(i=>i&&s.classList.add(i)),s.style.display="none";const o=e.nodeType===1?e:e.parentNode;o.appendChild(s);const{hasTransform:r}=qf(s);return o.removeChild(s),r}const Ts=t=>{const e=t.props["onUpdate:modelValue"]||!1;return Ae(e)?n=>ys(e,n):e};function K1(t){t.target.composing=!0}function ud(t){const e=t.target;e.composing&&(e.composing=!1,e.dispatchEvent(new Event("input")))}const Ie={created(t,{modifiers:{lazy:e,trim:n,number:s}},o){t._assign=Ts(o);const r=s||o.props&&o.props.type==="number";An(t,e?"change":"input",i=>{if(i.target.composing)return;let a=t.value;n&&(a=a.trim()),r&&(a=yr(a)),t._assign(a)}),n&&An(t,"change",()=>{t.value=t.value.trim()}),e||(An(t,"compositionstart",K1),An(t,"compositionend",ud),An(t,"change",ud))},mounted(t,{value:e}){t.value=e??""},beforeUpdate(t,{value:e,modifiers:{lazy:n,trim:s,number:o}},r){if(t._assign=Ts(r),t.composing||document.activeElement===t&&t.type!=="range"&&(n||s&&t.value.trim()===e||(o||t.type==="number")&&yr(t.value)===e))return;const i=e??"";t.value!==i&&(t.value=i)}},kt={deep:!0,created(t,e,n){t._assign=Ts(n),An(t,"change",()=>{const s=t._modelValue,o=Eo(t),r=t.checked,i=t._assign;if(Ae(s)){const a=kl(s,o),l=a!==-1;if(r&&!l)i(s.concat(o));else if(!r&&l){const c=[...s];c.splice(a,1),i(c)}}else if($s(s)){const a=new Set(s);r?a.add(o):a.delete(o),i(a)}else i(Wf(t,r))})},mounted:hd,beforeUpdate(t,e,n){t._assign=Ts(n),hd(t,e,n)}};function hd(t,{value:e,oldValue:n},s){t._modelValue=e,Ae(e)?t.checked=kl(e,s.props.value)>-1:$s(e)?t.checked=e.has(s.props.value):e!==n&&(t.checked=No(e,Wf(t,!0)))}const Ms={deep:!0,created(t,{value:e,modifiers:{number:n}},s){const o=$s(e);An(t,"change",()=>{const r=Array.prototype.filter.call(t.options,i=>i.selected).map(i=>n?yr(Eo(i)):Eo(i));t._assign(t.multiple?o?new Set(r):r:r[0])}),t._assign=Ts(s)},mounted(t,{value:e}){fd(t,e)},beforeUpdate(t,e,n){t._assign=Ts(n)},updated(t,{value:e}){fd(t,e)}};function fd(t,e){const n=t.multiple;if(!(n&&!Ae(e)&&!$s(e))){for(let s=0,o=t.options.length;s-1:r.selected=e.has(i);else if(No(Eo(r),e)){t.selectedIndex!==s&&(t.selectedIndex=s);return}}!n&&t.selectedIndex!==-1&&(t.selectedIndex=-1)}}function Eo(t){return"_value"in t?t._value:t.value}function Wf(t,e){const n=e?"_trueValue":"_falseValue";return n in t?t[n]:e}const W1=["ctrl","shift","alt","meta"],Z1={stop:t=>t.stopPropagation(),prevent:t=>t.preventDefault(),self:t=>t.target!==t.currentTarget,ctrl:t=>!t.ctrlKey,shift:t=>!t.shiftKey,alt:t=>!t.altKey,meta:t=>!t.metaKey,left:t=>"button"in t&&t.button!==0,middle:t=>"button"in t&&t.button!==1,right:t=>"button"in t&&t.button!==2,exact:(t,e)=>W1.some(n=>t[`${n}Key`]&&!e.includes(n))},le=(t,e)=>(n,...s)=>{for(let o=0;on=>{if(!("key"in n))return;const s=ts(n.key);if(e.some(o=>o===s||Y1[o]===s))return t(n)},Ye={beforeMount(t,{value:e},{transition:n}){t._vod=t.style.display==="none"?"":t.style.display,n&&e?n.beforeEnter(t):Js(t,e)},mounted(t,{value:e},{transition:n}){n&&e&&n.enter(t)},updated(t,{value:e,oldValue:n},{transition:s}){!e!=!n&&(s?e?(s.beforeEnter(t),Js(t,!0),s.enter(t)):s.leave(t,()=>{Js(t,!1)}):Js(t,e))},beforeUnmount(t,{value:e}){Js(t,e)}};function Js(t,e){t.style.display=e?t._vod:"none"}const J1=rt({patchProp:F1},E1);let pd;function Q1(){return pd||(pd=o1(J1))}const X1=(...t)=>{const e=Q1().createApp(...t),{mount:n}=e;return e.mount=s=>{const o=e0(s);if(!o)return;const r=e._component;!Re(r)&&!r.render&&!r.template&&(r.template=o.innerHTML),o.innerHTML="";const i=n(o,!1,o instanceof SVGElement);return o instanceof Element&&(o.removeAttribute("v-cloak"),o.setAttribute("data-v-app","")),i},e};function e0(t){return Qe(t)?document.querySelector(t):t}function t0(){return Zf().__VUE_DEVTOOLS_GLOBAL_HOOK__}function Zf(){return typeof navigator<"u"&&typeof window<"u"?window:typeof global<"u"?global:{}}const n0=typeof Proxy=="function",s0="devtools-plugin:setup",o0="plugin:settings:set";let ls,Ja;function r0(){var t;return ls!==void 0||(typeof window<"u"&&window.performance?(ls=!0,Ja=window.performance):typeof global<"u"&&(!((t=global.perf_hooks)===null||t===void 0)&&t.performance)?(ls=!0,Ja=global.perf_hooks.performance):ls=!1),ls}function i0(){return r0()?Ja.now():Date.now()}class a0{constructor(e,n){this.target=null,this.targetQueue=[],this.onQueue=[],this.plugin=e,this.hook=n;const s={};if(e.settings)for(const i in e.settings){const a=e.settings[i];s[i]=a.defaultValue}const o=`__vue-devtools-plugin-settings__${e.id}`;let r=Object.assign({},s);try{const i=localStorage.getItem(o),a=JSON.parse(i);Object.assign(r,a)}catch{}this.fallbacks={getSettings(){return r},setSettings(i){try{localStorage.setItem(o,JSON.stringify(i))}catch{}r=i},now(){return i0()}},n&&n.on(o0,(i,a)=>{i===this.plugin.id&&this.fallbacks.setSettings(a)}),this.proxiedOn=new Proxy({},{get:(i,a)=>this.target?this.target.on[a]:(...l)=>{this.onQueue.push({method:a,args:l})}}),this.proxiedTarget=new Proxy({},{get:(i,a)=>this.target?this.target[a]:a==="on"?this.proxiedOn:Object.keys(this.fallbacks).includes(a)?(...l)=>(this.targetQueue.push({method:a,args:l,resolve:()=>{}}),this.fallbacks[a](...l)):(...l)=>new Promise(c=>{this.targetQueue.push({method:a,args:l,resolve:c})})})}async setRealTarget(e){this.target=e;for(const n of this.onQueue)this.target.on[n.method](...n.args);for(const n of this.targetQueue)n.resolve(await this.target[n.method](...n.args))}}function l0(t,e){const n=t,s=Zf(),o=t0(),r=n0&&n.enableEarlyProxy;if(o&&(s.__VUE_DEVTOOLS_PLUGIN_API_AVAILABLE__||!r))o.emit(s0,t,e);else{const i=r?new a0(n,o):null;(s.__VUE_DEVTOOLS_PLUGINS__=s.__VUE_DEVTOOLS_PLUGINS__||[]).push({pluginDescriptor:n,setupFn:e,proxy:i}),i&&e(i.proxiedTarget)}}/*! * vuex v4.0.2 * (c) 2021 Evan You * @license MIT @@ -8,14 +8,14 @@ * vue-router v4.1.6 * (c) 2022 Eduardo San Martin Morote * @license MIT - */const fs=typeof window<"u";function zb(t){return t.__esModule||t[Symbol.toStringTag]==="Module"}const He=Object.assign;function Fi(t,e){const n={};for(const s in e){const o=e[s];n[s]=Ft(o)?o.map(t):t(o)}return n}const ao=()=>{},Ft=Array.isArray,Ub=/\/$/,qb=t=>t.replace(Ub,"");function Bi(t,e,n="/"){let s,o={},r="",i="";const a=e.indexOf("#");let l=e.indexOf("?");return a=0&&(l=-1),l>-1&&(s=e.slice(0,l),r=e.slice(l+1,a>-1?a:e.length),o=t(r)),a>-1&&(s=s||e.slice(0,a),i=e.slice(a,e.length)),s=Kb(s??e,n),{fullPath:s+(r&&"?")+r+i,path:s,query:o,hash:i}}function Hb(t,e){const n=e.query?t(e.query):"";return e.path+(n&&"?")+n+(e.hash||"")}function Sd(t,e){return!e||!t.toLowerCase().startsWith(e.toLowerCase())?t:t.slice(e.length)||"/"}function Vb(t,e,n){const s=e.matched.length-1,o=n.matched.length-1;return s>-1&&s===o&&Rs(e.matched[s],n.matched[o])&&Ep(e.params,n.params)&&t(e.query)===t(n.query)&&e.hash===n.hash}function Rs(t,e){return(t.aliasOf||t)===(e.aliasOf||e)}function Ep(t,e){if(Object.keys(t).length!==Object.keys(e).length)return!1;for(const n in t)if(!Gb(t[n],e[n]))return!1;return!0}function Gb(t,e){return Ft(t)?Td(t,e):Ft(e)?Td(e,t):t===e}function Td(t,e){return Ft(e)?t.length===e.length&&t.every((n,s)=>n===e[s]):t.length===1&&t[0]===e}function Kb(t,e){if(t.startsWith("/"))return t;if(!t)return e;const n=e.split("/"),s=t.split("/");let o=n.length-1,r,i;for(r=0;r1&&o--;else break;return n.slice(0,o).join("/")+"/"+s.slice(r-(r===s.length?1:0)).join("/")}var Ao;(function(t){t.pop="pop",t.push="push"})(Ao||(Ao={}));var lo;(function(t){t.back="back",t.forward="forward",t.unknown=""})(lo||(lo={}));function Wb(t){if(!t)if(fs){const e=document.querySelector("base");t=e&&e.getAttribute("href")||"/",t=t.replace(/^\w+:\/\/[^\/]+/,"")}else t="/";return t[0]!=="/"&&t[0]!=="#"&&(t="/"+t),qb(t)}const Zb=/^[^#]+#/;function Yb(t,e){return t.replace(Zb,"#")+e}function Jb(t,e){const n=document.documentElement.getBoundingClientRect(),s=t.getBoundingClientRect();return{behavior:e.behavior,left:s.left-n.left-(e.left||0),top:s.top-n.top-(e.top||0)}}const ai=()=>({left:window.pageXOffset,top:window.pageYOffset});function Qb(t){let e;if("el"in t){const n=t.el,s=typeof n=="string"&&n.startsWith("#"),o=typeof n=="string"?s?document.getElementById(n.slice(1)):document.querySelector(n):n;if(!o)return;e=Jb(o,t)}else e=t;"scrollBehavior"in document.documentElement.style?window.scrollTo(e):window.scrollTo(e.left!=null?e.left:window.pageXOffset,e.top!=null?e.top:window.pageYOffset)}function Md(t,e){return(history.state?history.state.position-e:-1)+t}const sl=new Map;function Xb(t,e){sl.set(t,e)}function ey(t){const e=sl.get(t);return sl.delete(t),e}let ty=()=>location.protocol+"//"+location.host;function Cp(t,e){const{pathname:n,search:s,hash:o}=e,r=t.indexOf("#");if(r>-1){let a=o.includes(t.slice(r))?t.slice(r).length:1,l=o.slice(a);return l[0]!=="/"&&(l="/"+l),Sd(l,"")}return Sd(n,t)+s+o}function ny(t,e,n,s){let o=[],r=[],i=null;const a=({state:f})=>{const g=Cp(t,location),m=n.value,p=e.value;let b=0;if(f){if(n.value=g,e.value=f,i&&i===m){i=null;return}b=p?f.position-p.position:0}else s(g);o.forEach(_=>{_(n.value,m,{delta:b,type:Ao.pop,direction:b?b>0?lo.forward:lo.back:lo.unknown})})};function l(){i=n.value}function c(f){o.push(f);const g=()=>{const m=o.indexOf(f);m>-1&&o.splice(m,1)};return r.push(g),g}function u(){const{history:f}=window;f.state&&f.replaceState(He({},f.state,{scroll:ai()}),"")}function h(){for(const f of r)f();r=[],window.removeEventListener("popstate",a),window.removeEventListener("beforeunload",u)}return window.addEventListener("popstate",a),window.addEventListener("beforeunload",u),{pauseListeners:l,listen:c,destroy:h}}function Od(t,e,n,s=!1,o=!1){return{back:t,current:e,forward:n,replaced:s,position:window.history.length,scroll:o?ai():null}}function sy(t){const{history:e,location:n}=window,s={value:Cp(t,n)},o={value:e.state};o.value||r(s.value,{back:null,current:s.value,forward:null,position:e.length-1,replaced:!0,scroll:null},!0);function r(l,c,u){const h=t.indexOf("#"),f=h>-1?(n.host&&document.querySelector("base")?t:t.slice(h))+l:ty()+t+l;try{e[u?"replaceState":"pushState"](c,"",f),o.value=c}catch(g){console.error(g),n[u?"replace":"assign"](f)}}function i(l,c){const u=He({},e.state,Od(o.value.back,l,o.value.forward,!0),c,{position:o.value.position});r(l,u,!0),s.value=l}function a(l,c){const u=He({},o.value,e.state,{forward:l,scroll:ai()});r(u.current,u,!0);const h=He({},Od(s.value,l,null),{position:u.position+1},c);r(l,h,!1),s.value=l}return{location:s,state:o,push:a,replace:i}}function oy(t){t=Wb(t);const e=sy(t),n=ny(t,e.state,e.location,e.replace);function s(r,i=!0){i||n.pauseListeners(),history.go(r)}const o=He({location:"",base:t,go:s,createHref:Yb.bind(null,t)},e,n);return Object.defineProperty(o,"location",{enumerable:!0,get:()=>e.location.value}),Object.defineProperty(o,"state",{enumerable:!0,get:()=>e.state.value}),o}function ry(t){return typeof t=="string"||t&&typeof t=="object"}function Ap(t){return typeof t=="string"||typeof t=="symbol"}const mn={path:"/",name:void 0,params:{},query:{},hash:"",fullPath:"/",matched:[],meta:{},redirectedFrom:void 0},Sp=Symbol("");var Rd;(function(t){t[t.aborted=4]="aborted",t[t.cancelled=8]="cancelled",t[t.duplicated=16]="duplicated"})(Rd||(Rd={}));function Ns(t,e){return He(new Error,{type:t,[Sp]:!0},e)}function en(t,e){return t instanceof Error&&Sp in t&&(e==null||!!(t.type&e))}const Nd="[^/]+?",iy={sensitive:!1,strict:!1,start:!0,end:!0},ay=/[.+*?^${}()[\]/\\]/g;function ly(t,e){const n=He({},iy,e),s=[];let o=n.start?"^":"";const r=[];for(const c of t){const u=c.length?[]:[90];n.strict&&!c.length&&(o+="/");for(let h=0;he.length?e.length===1&&e[0]===40+40?1:-1:0}function dy(t,e){let n=0;const s=t.score,o=e.score;for(;n0&&e[e.length-1]<0}const uy={type:0,value:""},hy=/[a-zA-Z0-9_]/;function fy(t){if(!t)return[[]];if(t==="/")return[[uy]];if(!t.startsWith("/"))throw new Error(`Invalid path "${t}"`);function e(g){throw new Error(`ERR (${n})/"${c}": ${g}`)}let n=0,s=n;const o=[];let r;function i(){r&&o.push(r),r=[]}let a=0,l,c="",u="";function h(){c&&(n===0?r.push({type:0,value:c}):n===1||n===2||n===3?(r.length>1&&(l==="*"||l==="+")&&e(`A repeatable param (${c}) must be alone in its segment. eg: '/:ids+.`),r.push({type:1,value:c,regexp:u,repeatable:l==="*"||l==="+",optional:l==="*"||l==="?"})):e("Invalid state to consume buffer"),c="")}function f(){c+=l}for(;a{i(y)}:ao}function i(u){if(Ap(u)){const h=s.get(u);h&&(s.delete(u),n.splice(n.indexOf(h),1),h.children.forEach(i),h.alias.forEach(i))}else{const h=n.indexOf(u);h>-1&&(n.splice(h,1),u.record.name&&s.delete(u.record.name),u.children.forEach(i),u.alias.forEach(i))}}function a(){return n}function l(u){let h=0;for(;h=0&&(u.record.path!==n[h].record.path||!Tp(u,n[h]));)h++;n.splice(h,0,u),u.record.name&&!Id(u)&&s.set(u.record.name,u)}function c(u,h){let f,g={},m,p;if("name"in u&&u.name){if(f=s.get(u.name),!f)throw Ns(1,{location:u});p=f.record.name,g=He(Ld(h.params,f.keys.filter(y=>!y.optional).map(y=>y.name)),u.params&&Ld(u.params,f.keys.map(y=>y.name))),m=f.stringify(g)}else if("path"in u)m=u.path,f=n.find(y=>y.re.test(m)),f&&(g=f.parse(m),p=f.record.name);else{if(f=h.name?s.get(h.name):n.find(y=>y.re.test(h.path)),!f)throw Ns(1,{location:u,currentLocation:h});p=f.record.name,g=He({},h.params,u.params),m=f.stringify(g)}const b=[];let _=f;for(;_;)b.unshift(_.record),_=_.parent;return{name:p,path:m,params:g,matched:b,meta:by(b)}}return t.forEach(u=>r(u)),{addRoute:r,resolve:c,removeRoute:i,getRoutes:a,getRecordMatcher:o}}function Ld(t,e){const n={};for(const s of e)s in t&&(n[s]=t[s]);return n}function my(t){return{path:t.path,redirect:t.redirect,name:t.name,meta:t.meta||{},aliasOf:void 0,beforeEnter:t.beforeEnter,props:_y(t),children:t.children||[],instances:{},leaveGuards:new Set,updateGuards:new Set,enterCallbacks:{},components:"components"in t?t.components||null:t.component&&{default:t.component}}}function _y(t){const e={},n=t.props||!1;if("component"in t)e.default=n;else for(const s in t.components)e[s]=typeof n=="boolean"?n:n[s];return e}function Id(t){for(;t;){if(t.record.aliasOf)return!0;t=t.parent}return!1}function by(t){return t.reduce((e,n)=>He(e,n.meta),{})}function Pd(t,e){const n={};for(const s in t)n[s]=s in e?e[s]:t[s];return n}function Tp(t,e){return e.children.some(n=>n===t||Tp(t,n))}const Mp=/#/g,yy=/&/g,vy=/\//g,wy=/=/g,xy=/\?/g,Op=/\+/g,ky=/%5B/g,Ey=/%5D/g,Rp=/%5E/g,Cy=/%60/g,Np=/%7B/g,Ay=/%7C/g,Dp=/%7D/g,Sy=/%20/g;function ec(t){return encodeURI(""+t).replace(Ay,"|").replace(ky,"[").replace(Ey,"]")}function Ty(t){return ec(t).replace(Np,"{").replace(Dp,"}").replace(Rp,"^")}function ol(t){return ec(t).replace(Op,"%2B").replace(Sy,"+").replace(Mp,"%23").replace(yy,"%26").replace(Cy,"`").replace(Np,"{").replace(Dp,"}").replace(Rp,"^")}function My(t){return ol(t).replace(wy,"%3D")}function Oy(t){return ec(t).replace(Mp,"%23").replace(xy,"%3F")}function Ry(t){return t==null?"":Oy(t).replace(vy,"%2F")}function Ar(t){try{return decodeURIComponent(""+t)}catch{}return""+t}function Ny(t){const e={};if(t===""||t==="?")return e;const s=(t[0]==="?"?t.slice(1):t).split("&");for(let o=0;or&&ol(r)):[s&&ol(s)]).forEach(r=>{r!==void 0&&(e+=(e.length?"&":"")+n,r!=null&&(e+="="+r))})}return e}function Dy(t){const e={};for(const n in t){const s=t[n];s!==void 0&&(e[n]=Ft(s)?s.map(o=>o==null?null:""+o):s==null?s:""+s)}return e}const Ly=Symbol(""),Bd=Symbol(""),tc=Symbol(""),Lp=Symbol(""),rl=Symbol("");function Xs(){let t=[];function e(s){return t.push(s),()=>{const o=t.indexOf(s);o>-1&&t.splice(o,1)}}function n(){t=[]}return{add:e,list:()=>t,reset:n}}function vn(t,e,n,s,o){const r=s&&(s.enterCallbacks[o]=s.enterCallbacks[o]||[]);return()=>new Promise((i,a)=>{const l=h=>{h===!1?a(Ns(4,{from:n,to:e})):h instanceof Error?a(h):ry(h)?a(Ns(2,{from:e,to:h})):(r&&s.enterCallbacks[o]===r&&typeof h=="function"&&r.push(h),i())},c=t.call(s&&s.instances[o],e,n,l);let u=Promise.resolve(c);t.length<3&&(u=u.then(l)),u.catch(h=>a(h))})}function $i(t,e,n,s){const o=[];for(const r of t)for(const i in r.components){let a=r.components[i];if(!(e!=="beforeRouteEnter"&&!r.instances[i]))if(Iy(a)){const c=(a.__vccOpts||a)[e];c&&o.push(vn(c,n,s,r,i))}else{let l=a();o.push(()=>l.then(c=>{if(!c)return Promise.reject(new Error(`Couldn't resolve component "${i}" at "${r.path}"`));const u=zb(c)?c.default:c;r.components[i]=u;const f=(u.__vccOpts||u)[e];return f&&vn(f,n,s,r,i)()}))}}return o}function Iy(t){return typeof t=="object"||"displayName"in t||"props"in t||"__vccOpts"in t}function $d(t){const e=on(tc),n=on(Lp),s=Ct(()=>e.resolve(ht(t.to))),o=Ct(()=>{const{matched:l}=s.value,{length:c}=l,u=l[c-1],h=n.matched;if(!u||!h.length)return-1;const f=h.findIndex(Rs.bind(null,u));if(f>-1)return f;const g=jd(l[c-2]);return c>1&&jd(u)===g&&h[h.length-1].path!==g?h.findIndex(Rs.bind(null,l[c-2])):f}),r=Ct(()=>o.value>-1&&By(n.params,s.value.params)),i=Ct(()=>o.value>-1&&o.value===n.matched.length-1&&Ep(n.params,s.value.params));function a(l={}){return Fy(l)?e[ht(t.replace)?"replace":"push"](ht(t.to)).catch(ao):Promise.resolve()}return{route:s,href:Ct(()=>s.value.href),isActive:r,isExactActive:i,navigate:a}}const Py=kf({name:"RouterLink",compatConfig:{MODE:3},props:{to:{type:[String,Object],required:!0},replace:Boolean,activeClass:String,exactActiveClass:String,custom:Boolean,ariaCurrentValue:{type:String,default:"page"}},useLink:$d,setup(t,{slots:e}){const n=qs($d(t)),{options:s}=on(tc),o=Ct(()=>({[zd(t.activeClass,s.linkActiveClass,"router-link-active")]:n.isActive,[zd(t.exactActiveClass,s.linkExactActiveClass,"router-link-exact-active")]:n.isExactActive}));return()=>{const r=e.default&&e.default(n);return t.custom?r:Hl("a",{"aria-current":n.isExactActive?t.ariaCurrentValue:null,href:n.href,onClick:n.navigate,class:o.value},r)}}}),sn=Py;function Fy(t){if(!(t.metaKey||t.altKey||t.ctrlKey||t.shiftKey)&&!t.defaultPrevented&&!(t.button!==void 0&&t.button!==0)){if(t.currentTarget&&t.currentTarget.getAttribute){const e=t.currentTarget.getAttribute("target");if(/\b_blank\b/i.test(e))return}return t.preventDefault&&t.preventDefault(),!0}}function By(t,e){for(const n in e){const s=e[n],o=t[n];if(typeof s=="string"){if(s!==o)return!1}else if(!Ft(o)||o.length!==s.length||s.some((r,i)=>r!==o[i]))return!1}return!0}function jd(t){return t?t.aliasOf?t.aliasOf.path:t.path:""}const zd=(t,e,n)=>t??e??n,$y=kf({name:"RouterView",inheritAttrs:!1,props:{name:{type:String,default:"default"},route:Object},compatConfig:{MODE:3},setup(t,{attrs:e,slots:n}){const s=on(rl),o=Ct(()=>t.route||s.value),r=on(Bd,0),i=Ct(()=>{let c=ht(r);const{matched:u}=o.value;let h;for(;(h=u[c])&&!h.components;)c++;return c}),a=Ct(()=>o.value.matched[i.value]);ir(Bd,Ct(()=>i.value+1)),ir(Ly,a),ir(rl,o);const l=p_();return Wn(()=>[l.value,a.value,t.name],([c,u,h],[f,g,m])=>{u&&(u.instances[h]=c,g&&g!==u&&c&&c===f&&(u.leaveGuards.size||(u.leaveGuards=g.leaveGuards),u.updateGuards.size||(u.updateGuards=g.updateGuards))),c&&u&&(!g||!Rs(u,g)||!f)&&(u.enterCallbacks[h]||[]).forEach(p=>p(c))},{flush:"post"}),()=>{const c=o.value,u=t.name,h=a.value,f=h&&h.components[u];if(!f)return Ud(n.default,{Component:f,route:c});const g=h.props[u],m=g?g===!0?c.params:typeof g=="function"?g(c):g:null,b=Hl(f,He({},m,e,{onVnodeUnmounted:_=>{_.component.isUnmounted&&(h.instances[u]=null)},ref:l}));return Ud(n.default,{Component:b,route:c})||b}}});function Ud(t,e){if(!t)return null;const n=t(e);return n.length===1?n[0]:n}const Ip=$y;function jy(t){const e=gy(t.routes,t),n=t.parseQuery||Ny,s=t.stringifyQuery||Fd,o=t.history,r=Xs(),i=Xs(),a=Xs(),l=g_(mn);let c=mn;fs&&t.scrollBehavior&&"scrollRestoration"in history&&(history.scrollRestoration="manual");const u=Fi.bind(null,N=>""+N),h=Fi.bind(null,Ry),f=Fi.bind(null,Ar);function g(N,Q){let V,te;return Ap(N)?(V=e.getRecordMatcher(N),te=Q):te=N,e.addRoute(te,V)}function m(N){const Q=e.getRecordMatcher(N);Q&&e.removeRoute(Q)}function p(){return e.getRoutes().map(N=>N.record)}function b(N){return!!e.getRecordMatcher(N)}function _(N,Q){if(Q=He({},Q||l.value),typeof N=="string"){const w=Bi(n,N,Q.path),A=e.resolve({path:w.path},Q),P=o.createHref(w.fullPath);return He(w,A,{params:f(A.params),hash:Ar(w.hash),redirectedFrom:void 0,href:P})}let V;if("path"in N)V=He({},N,{path:Bi(n,N.path,Q.path).path});else{const w=He({},N.params);for(const A in w)w[A]==null&&delete w[A];V=He({},N,{params:h(N.params)}),Q.params=h(Q.params)}const te=e.resolve(V,Q),X=N.hash||"";te.params=u(f(te.params));const ge=Hb(s,He({},N,{hash:Ty(X),path:te.path})),de=o.createHref(ge);return He({fullPath:ge,hash:X,query:s===Fd?Dy(N.query):N.query||{}},te,{redirectedFrom:void 0,href:de})}function y(N){return typeof N=="string"?Bi(n,N,l.value.path):He({},N)}function x(N,Q){if(c!==N)return Ns(8,{from:Q,to:N})}function S(N){return D(N)}function R(N){return S(He(y(N),{replace:!0}))}function O(N){const Q=N.matched[N.matched.length-1];if(Q&&Q.redirect){const{redirect:V}=Q;let te=typeof V=="function"?V(N):V;return typeof te=="string"&&(te=te.includes("?")||te.includes("#")?te=y(te):{path:te},te.params={}),He({query:N.query,hash:N.hash,params:"path"in te?{}:N.params},te)}}function D(N,Q){const V=c=_(N),te=l.value,X=N.state,ge=N.force,de=N.replace===!0,w=O(V);if(w)return D(He(y(w),{state:typeof w=="object"?He({},X,w.state):X,force:ge,replace:de}),Q||V);const A=V;A.redirectedFrom=Q;let P;return!ge&&Vb(s,te,V)&&(P=Ns(16,{to:A,from:te}),we(te,te,!0,!1)),(P?Promise.resolve(P):E(A,te)).catch($=>en($)?en($,2)?$:G($):T($,A,te)).then($=>{if($){if(en($,2))return D(He({replace:de},y($.to),{state:typeof $.to=="object"?He({},X,$.to.state):X,force:ge}),Q||A)}else $=L(A,te,!0,de,X);return M(A,te,$),$})}function v(N,Q){const V=x(N,Q);return V?Promise.reject(V):Promise.resolve()}function E(N,Q){let V;const[te,X,ge]=zy(N,Q);V=$i(te.reverse(),"beforeRouteLeave",N,Q);for(const w of te)w.leaveGuards.forEach(A=>{V.push(vn(A,N,Q))});const de=v.bind(null,N,Q);return V.push(de),ds(V).then(()=>{V=[];for(const w of r.list())V.push(vn(w,N,Q));return V.push(de),ds(V)}).then(()=>{V=$i(X,"beforeRouteUpdate",N,Q);for(const w of X)w.updateGuards.forEach(A=>{V.push(vn(A,N,Q))});return V.push(de),ds(V)}).then(()=>{V=[];for(const w of N.matched)if(w.beforeEnter&&!Q.matched.includes(w))if(Ft(w.beforeEnter))for(const A of w.beforeEnter)V.push(vn(A,N,Q));else V.push(vn(w.beforeEnter,N,Q));return V.push(de),ds(V)}).then(()=>(N.matched.forEach(w=>w.enterCallbacks={}),V=$i(ge,"beforeRouteEnter",N,Q),V.push(de),ds(V))).then(()=>{V=[];for(const w of i.list())V.push(vn(w,N,Q));return V.push(de),ds(V)}).catch(w=>en(w,8)?w:Promise.reject(w))}function M(N,Q,V){for(const te of a.list())te(N,Q,V)}function L(N,Q,V,te,X){const ge=x(N,Q);if(ge)return ge;const de=Q===mn,w=fs?history.state:{};V&&(te||de?o.replace(N.fullPath,He({scroll:de&&w&&w.scroll},X)):o.push(N.fullPath,X)),l.value=N,we(N,Q,V,de),G()}let F;function J(){F||(F=o.listen((N,Q,V)=>{if(!Se.listening)return;const te=_(N),X=O(te);if(X){D(He(X,{replace:!0}),te).catch(ao);return}c=te;const ge=l.value;fs&&Xb(Md(ge.fullPath,V.delta),ai()),E(te,ge).catch(de=>en(de,12)?de:en(de,2)?(D(de.to,te).then(w=>{en(w,20)&&!V.delta&&V.type===Ao.pop&&o.go(-1,!1)}).catch(ao),Promise.reject()):(V.delta&&o.go(-V.delta,!1),T(de,te,ge))).then(de=>{de=de||L(te,ge,!1),de&&(V.delta&&!en(de,8)?o.go(-V.delta,!1):V.type===Ao.pop&&en(de,20)&&o.go(-1,!1)),M(te,ge,de)}).catch(ao)}))}let I=Xs(),ae=Xs(),Z;function T(N,Q,V){G(N);const te=ae.list();return te.length?te.forEach(X=>X(N,Q,V)):console.error(N),Promise.reject(N)}function q(){return Z&&l.value!==mn?Promise.resolve():new Promise((N,Q)=>{I.add([N,Q])})}function G(N){return Z||(Z=!N,J(),I.list().forEach(([Q,V])=>N?V(N):Q()),I.reset()),N}function we(N,Q,V,te){const{scrollBehavior:X}=t;if(!fs||!X)return Promise.resolve();const ge=!V&&ey(Md(N.fullPath,0))||(te||!V)&&history.state&&history.state.scroll||null;return be().then(()=>X(N,Q,ge)).then(de=>de&&Qb(de)).catch(de=>T(de,N,Q))}const _e=N=>o.go(N);let ee;const ke=new Set,Se={currentRoute:l,listening:!0,addRoute:g,removeRoute:m,hasRoute:b,getRoutes:p,resolve:_,options:t,push:S,replace:R,go:_e,back:()=>_e(-1),forward:()=>_e(1),beforeEach:r.add,beforeResolve:i.add,afterEach:a.add,onError:ae.add,isReady:q,install(N){const Q=this;N.component("RouterLink",sn),N.component("RouterView",Ip),N.config.globalProperties.$router=Q,Object.defineProperty(N.config.globalProperties,"$route",{enumerable:!0,get:()=>ht(l)}),fs&&!ee&&l.value===mn&&(ee=!0,S(o.location).catch(X=>{}));const V={};for(const X in mn)V[X]=Ct(()=>l.value[X]);N.provide(tc,Q),N.provide(Lp,qs(V)),N.provide(rl,l);const te=N.unmount;ke.add(N),N.unmount=function(){ke.delete(N),ke.size<1&&(c=mn,F&&F(),F=null,l.value=mn,ee=!1,Z=!1),te()}}};return Se}function ds(t){return t.reduce((e,n)=>e.then(()=>n()),Promise.resolve())}function zy(t,e){const n=[],s=[],o=[],r=Math.max(e.matched.length,t.matched.length);for(let i=0;iRs(c,a))?s.push(a):n.push(a));const l=t.matched[i];l&&(e.matched.find(c=>Rs(c,l))||o.push(l))}return[n,s,o]}const Uy="modulepreload",qy=function(t){return"/"+t},qd={},ji=function(e,n,s){if(!n||n.length===0)return e();const o=document.getElementsByTagName("link");return Promise.all(n.map(r=>{if(r=qy(r),r in qd)return;qd[r]=!0;const i=r.endsWith(".css"),a=i?'[rel="stylesheet"]':"";if(!!s)for(let u=o.length-1;u>=0;u--){const h=o[u];if(h.href===r&&(!i||h.rel==="stylesheet"))return}else if(document.querySelector(`link[href="${r}"]${a}`))return;const c=document.createElement("link");if(c.rel=i?"stylesheet":Uy,i||(c.as="script",c.crossOrigin=""),c.href=r,document.head.appendChild(c),i)return new Promise((u,h)=>{c.addEventListener("load",u),c.addEventListener("error",()=>h(new Error(`Unable to preload CSS for ${r}`)))})})).then(()=>e())},nc="/assets/logo-023c77a1.png";var Pp=typeof globalThis<"u"?globalThis:typeof window<"u"?window:typeof global<"u"?global:typeof self<"u"?self:{};function is(t){return t&&t.__esModule&&Object.prototype.hasOwnProperty.call(t,"default")?t.default:t}function Hy(t){if(t.__esModule)return t;var e=t.default;if(typeof e=="function"){var n=function s(){if(this instanceof s){var o=[null];o.push.apply(o,arguments);var r=Function.bind.apply(e,o);return new r}return e.apply(this,arguments)};n.prototype=e.prototype}else n={};return Object.defineProperty(n,"__esModule",{value:!0}),Object.keys(t).forEach(function(s){var o=Object.getOwnPropertyDescriptor(t,s);Object.defineProperty(n,s,o.get?o:{enumerable:!0,get:function(){return t[s]}})}),n}var Fp={exports:{}};(function(t,e){(function(s,o){t.exports=o()})(typeof self<"u"?self:Pp,function(){return function(n){var s={};function o(r){if(s[r])return s[r].exports;var i=s[r]={i:r,l:!1,exports:{}};return n[r].call(i.exports,i,i.exports,o),i.l=!0,i.exports}return o.m=n,o.c=s,o.d=function(r,i,a){o.o(r,i)||Object.defineProperty(r,i,{configurable:!1,enumerable:!0,get:a})},o.r=function(r){Object.defineProperty(r,"__esModule",{value:!0})},o.n=function(r){var i=r&&r.__esModule?function(){return r.default}:function(){return r};return o.d(i,"a",i),i},o.o=function(r,i){return Object.prototype.hasOwnProperty.call(r,i)},o.p="",o(o.s=0)}({"./dist/icons.json":function(n){n.exports={activity:'',airplay:'',"alert-circle":'',"alert-octagon":'',"alert-triangle":'',"align-center":'',"align-justify":'',"align-left":'',"align-right":'',anchor:'',aperture:'',archive:'',"arrow-down-circle":'',"arrow-down-left":'',"arrow-down-right":'',"arrow-down":'',"arrow-left-circle":'',"arrow-left":'',"arrow-right-circle":'',"arrow-right":'',"arrow-up-circle":'',"arrow-up-left":'',"arrow-up-right":'',"arrow-up":'',"at-sign":'',award:'',"bar-chart-2":'',"bar-chart":'',"battery-charging":'',battery:'',"bell-off":'',bell:'',bluetooth:'',bold:'',"book-open":'',book:'',bookmark:'',box:'',briefcase:'',calendar:'',"camera-off":'',camera:'',cast:'',"check-circle":'',"check-square":'',check:'',"chevron-down":'',"chevron-left":'',"chevron-right":'',"chevron-up":'',"chevrons-down":'',"chevrons-left":'',"chevrons-right":'',"chevrons-up":'',chrome:'',circle:'',clipboard:'',clock:'',"cloud-drizzle":'',"cloud-lightning":'',"cloud-off":'',"cloud-rain":'',"cloud-snow":'',cloud:'',code:'',codepen:'',codesandbox:'',coffee:'',columns:'',command:'',compass:'',copy:'',"corner-down-left":'',"corner-down-right":'',"corner-left-down":'',"corner-left-up":'',"corner-right-down":'',"corner-right-up":'',"corner-up-left":'',"corner-up-right":'',cpu:'',"credit-card":'',crop:'',crosshair:'',database:'',delete:'',disc:'',"divide-circle":'',"divide-square":'',divide:'',"dollar-sign":'',"download-cloud":'',download:'',dribbble:'',droplet:'',"edit-2":'',"edit-3":'',edit:'',"external-link":'',"eye-off":'',eye:'',facebook:'',"fast-forward":'',feather:'',figma:'',"file-minus":'',"file-plus":'',"file-text":'',file:'',film:'',filter:'',flag:'',"folder-minus":'',"folder-plus":'',folder:'',framer:'',frown:'',gift:'',"git-branch":'',"git-commit":'',"git-merge":'',"git-pull-request":'',github:'',gitlab:'',globe:'',grid:'',"hard-drive":'',hash:'',headphones:'',heart:'',"help-circle":'',hexagon:'',home:'',image:'',inbox:'',info:'',instagram:'',italic:'',key:'',layers:'',layout:'',"life-buoy":'',"link-2":'',link:'',linkedin:'',list:'',loader:'',lock:'',"log-in":'',"log-out":'',mail:'',"map-pin":'',map:'',"maximize-2":'',maximize:'',meh:'',menu:'',"message-circle":'',"message-square":'',"mic-off":'',mic:'',"minimize-2":'',minimize:'',"minus-circle":'',"minus-square":'',minus:'',monitor:'',moon:'',"more-horizontal":'',"more-vertical":'',"mouse-pointer":'',move:'',music:'',"navigation-2":'',navigation:'',octagon:'',package:'',paperclip:'',"pause-circle":'',pause:'',"pen-tool":'',percent:'',"phone-call":'',"phone-forwarded":'',"phone-incoming":'',"phone-missed":'',"phone-off":'',"phone-outgoing":'',phone:'',"pie-chart":'',"play-circle":'',play:'',"plus-circle":'',"plus-square":'',plus:'',pocket:'',power:'',printer:'',radio:'',"refresh-ccw":'',"refresh-cw":'',repeat:'',rewind:'',"rotate-ccw":'',"rotate-cw":'',rss:'',save:'',scissors:'',search:'',send:'',server:'',settings:'',"share-2":'',share:'',"shield-off":'',shield:'',"shopping-bag":'',"shopping-cart":'',shuffle:'',sidebar:'',"skip-back":'',"skip-forward":'',slack:'',slash:'',sliders:'',smartphone:'',smile:'',speaker:'',square:'',star:'',"stop-circle":'',sun:'',sunrise:'',sunset:'',table:'',tablet:'',tag:'',target:'',terminal:'',thermometer:'',"thumbs-down":'',"thumbs-up":'',"toggle-left":'',"toggle-right":'',tool:'',"trash-2":'',trash:'',trello:'',"trending-down":'',"trending-up":'',triangle:'',truck:'',tv:'',twitch:'',twitter:'',type:'',umbrella:'',underline:'',unlock:'',"upload-cloud":'',upload:'',"user-check":'',"user-minus":'',"user-plus":'',"user-x":'',user:'',users:'',"video-off":'',video:'',voicemail:'',"volume-1":'',"volume-2":'',"volume-x":'',volume:'',watch:'',"wifi-off":'',wifi:'',wind:'',"x-circle":'',"x-octagon":'',"x-square":'',x:'',youtube:'',"zap-off":'',zap:'',"zoom-in":'',"zoom-out":''}},"./node_modules/classnames/dedupe.js":function(n,s,o){var r,i;/*! + */const fs=typeof window<"u";function zb(t){return t.__esModule||t[Symbol.toStringTag]==="Module"}const He=Object.assign;function Fi(t,e){const n={};for(const s in e){const o=e[s];n[s]=Ft(o)?o.map(t):t(o)}return n}const ao=()=>{},Ft=Array.isArray,Ub=/\/$/,qb=t=>t.replace(Ub,"");function Bi(t,e,n="/"){let s,o={},r="",i="";const a=e.indexOf("#");let l=e.indexOf("?");return a=0&&(l=-1),l>-1&&(s=e.slice(0,l),r=e.slice(l+1,a>-1?a:e.length),o=t(r)),a>-1&&(s=s||e.slice(0,a),i=e.slice(a,e.length)),s=Kb(s??e,n),{fullPath:s+(r&&"?")+r+i,path:s,query:o,hash:i}}function Hb(t,e){const n=e.query?t(e.query):"";return e.path+(n&&"?")+n+(e.hash||"")}function Sd(t,e){return!e||!t.toLowerCase().startsWith(e.toLowerCase())?t:t.slice(e.length)||"/"}function Vb(t,e,n){const s=e.matched.length-1,o=n.matched.length-1;return s>-1&&s===o&&Rs(e.matched[s],n.matched[o])&&Ep(e.params,n.params)&&t(e.query)===t(n.query)&&e.hash===n.hash}function Rs(t,e){return(t.aliasOf||t)===(e.aliasOf||e)}function Ep(t,e){if(Object.keys(t).length!==Object.keys(e).length)return!1;for(const n in t)if(!Gb(t[n],e[n]))return!1;return!0}function Gb(t,e){return Ft(t)?Td(t,e):Ft(e)?Td(e,t):t===e}function Td(t,e){return Ft(e)?t.length===e.length&&t.every((n,s)=>n===e[s]):t.length===1&&t[0]===e}function Kb(t,e){if(t.startsWith("/"))return t;if(!t)return e;const n=e.split("/"),s=t.split("/");let o=n.length-1,r,i;for(r=0;r1&&o--;else break;return n.slice(0,o).join("/")+"/"+s.slice(r-(r===s.length?1:0)).join("/")}var Ao;(function(t){t.pop="pop",t.push="push"})(Ao||(Ao={}));var lo;(function(t){t.back="back",t.forward="forward",t.unknown=""})(lo||(lo={}));function Wb(t){if(!t)if(fs){const e=document.querySelector("base");t=e&&e.getAttribute("href")||"/",t=t.replace(/^\w+:\/\/[^\/]+/,"")}else t="/";return t[0]!=="/"&&t[0]!=="#"&&(t="/"+t),qb(t)}const Zb=/^[^#]+#/;function Yb(t,e){return t.replace(Zb,"#")+e}function Jb(t,e){const n=document.documentElement.getBoundingClientRect(),s=t.getBoundingClientRect();return{behavior:e.behavior,left:s.left-n.left-(e.left||0),top:s.top-n.top-(e.top||0)}}const ai=()=>({left:window.pageXOffset,top:window.pageYOffset});function Qb(t){let e;if("el"in t){const n=t.el,s=typeof n=="string"&&n.startsWith("#"),o=typeof n=="string"?s?document.getElementById(n.slice(1)):document.querySelector(n):n;if(!o)return;e=Jb(o,t)}else e=t;"scrollBehavior"in document.documentElement.style?window.scrollTo(e):window.scrollTo(e.left!=null?e.left:window.pageXOffset,e.top!=null?e.top:window.pageYOffset)}function Md(t,e){return(history.state?history.state.position-e:-1)+t}const sl=new Map;function Xb(t,e){sl.set(t,e)}function ey(t){const e=sl.get(t);return sl.delete(t),e}let ty=()=>location.protocol+"//"+location.host;function Cp(t,e){const{pathname:n,search:s,hash:o}=e,r=t.indexOf("#");if(r>-1){let a=o.includes(t.slice(r))?t.slice(r).length:1,l=o.slice(a);return l[0]!=="/"&&(l="/"+l),Sd(l,"")}return Sd(n,t)+s+o}function ny(t,e,n,s){let o=[],r=[],i=null;const a=({state:f})=>{const g=Cp(t,location),m=n.value,p=e.value;let b=0;if(f){if(n.value=g,e.value=f,i&&i===m){i=null;return}b=p?f.position-p.position:0}else s(g);o.forEach(_=>{_(n.value,m,{delta:b,type:Ao.pop,direction:b?b>0?lo.forward:lo.back:lo.unknown})})};function l(){i=n.value}function c(f){o.push(f);const g=()=>{const m=o.indexOf(f);m>-1&&o.splice(m,1)};return r.push(g),g}function u(){const{history:f}=window;f.state&&f.replaceState(He({},f.state,{scroll:ai()}),"")}function h(){for(const f of r)f();r=[],window.removeEventListener("popstate",a),window.removeEventListener("beforeunload",u)}return window.addEventListener("popstate",a),window.addEventListener("beforeunload",u),{pauseListeners:l,listen:c,destroy:h}}function Od(t,e,n,s=!1,o=!1){return{back:t,current:e,forward:n,replaced:s,position:window.history.length,scroll:o?ai():null}}function sy(t){const{history:e,location:n}=window,s={value:Cp(t,n)},o={value:e.state};o.value||r(s.value,{back:null,current:s.value,forward:null,position:e.length-1,replaced:!0,scroll:null},!0);function r(l,c,u){const h=t.indexOf("#"),f=h>-1?(n.host&&document.querySelector("base")?t:t.slice(h))+l:ty()+t+l;try{e[u?"replaceState":"pushState"](c,"",f),o.value=c}catch(g){console.error(g),n[u?"replace":"assign"](f)}}function i(l,c){const u=He({},e.state,Od(o.value.back,l,o.value.forward,!0),c,{position:o.value.position});r(l,u,!0),s.value=l}function a(l,c){const u=He({},o.value,e.state,{forward:l,scroll:ai()});r(u.current,u,!0);const h=He({},Od(s.value,l,null),{position:u.position+1},c);r(l,h,!1),s.value=l}return{location:s,state:o,push:a,replace:i}}function oy(t){t=Wb(t);const e=sy(t),n=ny(t,e.state,e.location,e.replace);function s(r,i=!0){i||n.pauseListeners(),history.go(r)}const o=He({location:"",base:t,go:s,createHref:Yb.bind(null,t)},e,n);return Object.defineProperty(o,"location",{enumerable:!0,get:()=>e.location.value}),Object.defineProperty(o,"state",{enumerable:!0,get:()=>e.state.value}),o}function ry(t){return typeof t=="string"||t&&typeof t=="object"}function Ap(t){return typeof t=="string"||typeof t=="symbol"}const mn={path:"/",name:void 0,params:{},query:{},hash:"",fullPath:"/",matched:[],meta:{},redirectedFrom:void 0},Sp=Symbol("");var Rd;(function(t){t[t.aborted=4]="aborted",t[t.cancelled=8]="cancelled",t[t.duplicated=16]="duplicated"})(Rd||(Rd={}));function Ns(t,e){return He(new Error,{type:t,[Sp]:!0},e)}function en(t,e){return t instanceof Error&&Sp in t&&(e==null||!!(t.type&e))}const Nd="[^/]+?",iy={sensitive:!1,strict:!1,start:!0,end:!0},ay=/[.+*?^${}()[\]/\\]/g;function ly(t,e){const n=He({},iy,e),s=[];let o=n.start?"^":"";const r=[];for(const c of t){const u=c.length?[]:[90];n.strict&&!c.length&&(o+="/");for(let h=0;he.length?e.length===1&&e[0]===40+40?1:-1:0}function dy(t,e){let n=0;const s=t.score,o=e.score;for(;n0&&e[e.length-1]<0}const uy={type:0,value:""},hy=/[a-zA-Z0-9_]/;function fy(t){if(!t)return[[]];if(t==="/")return[[uy]];if(!t.startsWith("/"))throw new Error(`Invalid path "${t}"`);function e(g){throw new Error(`ERR (${n})/"${c}": ${g}`)}let n=0,s=n;const o=[];let r;function i(){r&&o.push(r),r=[]}let a=0,l,c="",u="";function h(){c&&(n===0?r.push({type:0,value:c}):n===1||n===2||n===3?(r.length>1&&(l==="*"||l==="+")&&e(`A repeatable param (${c}) must be alone in its segment. eg: '/:ids+.`),r.push({type:1,value:c,regexp:u,repeatable:l==="*"||l==="+",optional:l==="*"||l==="?"})):e("Invalid state to consume buffer"),c="")}function f(){c+=l}for(;a{i(y)}:ao}function i(u){if(Ap(u)){const h=s.get(u);h&&(s.delete(u),n.splice(n.indexOf(h),1),h.children.forEach(i),h.alias.forEach(i))}else{const h=n.indexOf(u);h>-1&&(n.splice(h,1),u.record.name&&s.delete(u.record.name),u.children.forEach(i),u.alias.forEach(i))}}function a(){return n}function l(u){let h=0;for(;h=0&&(u.record.path!==n[h].record.path||!Tp(u,n[h]));)h++;n.splice(h,0,u),u.record.name&&!Id(u)&&s.set(u.record.name,u)}function c(u,h){let f,g={},m,p;if("name"in u&&u.name){if(f=s.get(u.name),!f)throw Ns(1,{location:u});p=f.record.name,g=He(Ld(h.params,f.keys.filter(y=>!y.optional).map(y=>y.name)),u.params&&Ld(u.params,f.keys.map(y=>y.name))),m=f.stringify(g)}else if("path"in u)m=u.path,f=n.find(y=>y.re.test(m)),f&&(g=f.parse(m),p=f.record.name);else{if(f=h.name?s.get(h.name):n.find(y=>y.re.test(h.path)),!f)throw Ns(1,{location:u,currentLocation:h});p=f.record.name,g=He({},h.params,u.params),m=f.stringify(g)}const b=[];let _=f;for(;_;)b.unshift(_.record),_=_.parent;return{name:p,path:m,params:g,matched:b,meta:by(b)}}return t.forEach(u=>r(u)),{addRoute:r,resolve:c,removeRoute:i,getRoutes:a,getRecordMatcher:o}}function Ld(t,e){const n={};for(const s of e)s in t&&(n[s]=t[s]);return n}function my(t){return{path:t.path,redirect:t.redirect,name:t.name,meta:t.meta||{},aliasOf:void 0,beforeEnter:t.beforeEnter,props:_y(t),children:t.children||[],instances:{},leaveGuards:new Set,updateGuards:new Set,enterCallbacks:{},components:"components"in t?t.components||null:t.component&&{default:t.component}}}function _y(t){const e={},n=t.props||!1;if("component"in t)e.default=n;else for(const s in t.components)e[s]=typeof n=="boolean"?n:n[s];return e}function Id(t){for(;t;){if(t.record.aliasOf)return!0;t=t.parent}return!1}function by(t){return t.reduce((e,n)=>He(e,n.meta),{})}function Pd(t,e){const n={};for(const s in t)n[s]=s in e?e[s]:t[s];return n}function Tp(t,e){return e.children.some(n=>n===t||Tp(t,n))}const Mp=/#/g,yy=/&/g,vy=/\//g,wy=/=/g,xy=/\?/g,Op=/\+/g,ky=/%5B/g,Ey=/%5D/g,Rp=/%5E/g,Cy=/%60/g,Np=/%7B/g,Ay=/%7C/g,Dp=/%7D/g,Sy=/%20/g;function ec(t){return encodeURI(""+t).replace(Ay,"|").replace(ky,"[").replace(Ey,"]")}function Ty(t){return ec(t).replace(Np,"{").replace(Dp,"}").replace(Rp,"^")}function ol(t){return ec(t).replace(Op,"%2B").replace(Sy,"+").replace(Mp,"%23").replace(yy,"%26").replace(Cy,"`").replace(Np,"{").replace(Dp,"}").replace(Rp,"^")}function My(t){return ol(t).replace(wy,"%3D")}function Oy(t){return ec(t).replace(Mp,"%23").replace(xy,"%3F")}function Ry(t){return t==null?"":Oy(t).replace(vy,"%2F")}function Ar(t){try{return decodeURIComponent(""+t)}catch{}return""+t}function Ny(t){const e={};if(t===""||t==="?")return e;const s=(t[0]==="?"?t.slice(1):t).split("&");for(let o=0;or&&ol(r)):[s&&ol(s)]).forEach(r=>{r!==void 0&&(e+=(e.length?"&":"")+n,r!=null&&(e+="="+r))})}return e}function Dy(t){const e={};for(const n in t){const s=t[n];s!==void 0&&(e[n]=Ft(s)?s.map(o=>o==null?null:""+o):s==null?s:""+s)}return e}const Ly=Symbol(""),Bd=Symbol(""),tc=Symbol(""),Lp=Symbol(""),rl=Symbol("");function Xs(){let t=[];function e(s){return t.push(s),()=>{const o=t.indexOf(s);o>-1&&t.splice(o,1)}}function n(){t=[]}return{add:e,list:()=>t,reset:n}}function vn(t,e,n,s,o){const r=s&&(s.enterCallbacks[o]=s.enterCallbacks[o]||[]);return()=>new Promise((i,a)=>{const l=h=>{h===!1?a(Ns(4,{from:n,to:e})):h instanceof Error?a(h):ry(h)?a(Ns(2,{from:e,to:h})):(r&&s.enterCallbacks[o]===r&&typeof h=="function"&&r.push(h),i())},c=t.call(s&&s.instances[o],e,n,l);let u=Promise.resolve(c);t.length<3&&(u=u.then(l)),u.catch(h=>a(h))})}function $i(t,e,n,s){const o=[];for(const r of t)for(const i in r.components){let a=r.components[i];if(!(e!=="beforeRouteEnter"&&!r.instances[i]))if(Iy(a)){const c=(a.__vccOpts||a)[e];c&&o.push(vn(c,n,s,r,i))}else{let l=a();o.push(()=>l.then(c=>{if(!c)return Promise.reject(new Error(`Couldn't resolve component "${i}" at "${r.path}"`));const u=zb(c)?c.default:c;r.components[i]=u;const f=(u.__vccOpts||u)[e];return f&&vn(f,n,s,r,i)()}))}}return o}function Iy(t){return typeof t=="object"||"displayName"in t||"props"in t||"__vccOpts"in t}function $d(t){const e=on(tc),n=on(Lp),s=Ct(()=>e.resolve(ht(t.to))),o=Ct(()=>{const{matched:l}=s.value,{length:c}=l,u=l[c-1],h=n.matched;if(!u||!h.length)return-1;const f=h.findIndex(Rs.bind(null,u));if(f>-1)return f;const g=jd(l[c-2]);return c>1&&jd(u)===g&&h[h.length-1].path!==g?h.findIndex(Rs.bind(null,l[c-2])):f}),r=Ct(()=>o.value>-1&&By(n.params,s.value.params)),i=Ct(()=>o.value>-1&&o.value===n.matched.length-1&&Ep(n.params,s.value.params));function a(l={}){return Fy(l)?e[ht(t.replace)?"replace":"push"](ht(t.to)).catch(ao):Promise.resolve()}return{route:s,href:Ct(()=>s.value.href),isActive:r,isExactActive:i,navigate:a}}const Py=kf({name:"RouterLink",compatConfig:{MODE:3},props:{to:{type:[String,Object],required:!0},replace:Boolean,activeClass:String,exactActiveClass:String,custom:Boolean,ariaCurrentValue:{type:String,default:"page"}},useLink:$d,setup(t,{slots:e}){const n=qs($d(t)),{options:s}=on(tc),o=Ct(()=>({[zd(t.activeClass,s.linkActiveClass,"router-link-active")]:n.isActive,[zd(t.exactActiveClass,s.linkExactActiveClass,"router-link-exact-active")]:n.isExactActive}));return()=>{const r=e.default&&e.default(n);return t.custom?r:Hl("a",{"aria-current":n.isExactActive?t.ariaCurrentValue:null,href:n.href,onClick:n.navigate,class:o.value},r)}}}),sn=Py;function Fy(t){if(!(t.metaKey||t.altKey||t.ctrlKey||t.shiftKey)&&!t.defaultPrevented&&!(t.button!==void 0&&t.button!==0)){if(t.currentTarget&&t.currentTarget.getAttribute){const e=t.currentTarget.getAttribute("target");if(/\b_blank\b/i.test(e))return}return t.preventDefault&&t.preventDefault(),!0}}function By(t,e){for(const n in e){const s=e[n],o=t[n];if(typeof s=="string"){if(s!==o)return!1}else if(!Ft(o)||o.length!==s.length||s.some((r,i)=>r!==o[i]))return!1}return!0}function jd(t){return t?t.aliasOf?t.aliasOf.path:t.path:""}const zd=(t,e,n)=>t??e??n,$y=kf({name:"RouterView",inheritAttrs:!1,props:{name:{type:String,default:"default"},route:Object},compatConfig:{MODE:3},setup(t,{attrs:e,slots:n}){const s=on(rl),o=Ct(()=>t.route||s.value),r=on(Bd,0),i=Ct(()=>{let c=ht(r);const{matched:u}=o.value;let h;for(;(h=u[c])&&!h.components;)c++;return c}),a=Ct(()=>o.value.matched[i.value]);ir(Bd,Ct(()=>i.value+1)),ir(Ly,a),ir(rl,o);const l=p_();return Wn(()=>[l.value,a.value,t.name],([c,u,h],[f,g,m])=>{u&&(u.instances[h]=c,g&&g!==u&&c&&c===f&&(u.leaveGuards.size||(u.leaveGuards=g.leaveGuards),u.updateGuards.size||(u.updateGuards=g.updateGuards))),c&&u&&(!g||!Rs(u,g)||!f)&&(u.enterCallbacks[h]||[]).forEach(p=>p(c))},{flush:"post"}),()=>{const c=o.value,u=t.name,h=a.value,f=h&&h.components[u];if(!f)return Ud(n.default,{Component:f,route:c});const g=h.props[u],m=g?g===!0?c.params:typeof g=="function"?g(c):g:null,b=Hl(f,He({},m,e,{onVnodeUnmounted:_=>{_.component.isUnmounted&&(h.instances[u]=null)},ref:l}));return Ud(n.default,{Component:b,route:c})||b}}});function Ud(t,e){if(!t)return null;const n=t(e);return n.length===1?n[0]:n}const Ip=$y;function jy(t){const e=gy(t.routes,t),n=t.parseQuery||Ny,s=t.stringifyQuery||Fd,o=t.history,r=Xs(),i=Xs(),a=Xs(),l=g_(mn);let c=mn;fs&&t.scrollBehavior&&"scrollRestoration"in history&&(history.scrollRestoration="manual");const u=Fi.bind(null,N=>""+N),h=Fi.bind(null,Ry),f=Fi.bind(null,Ar);function g(N,Q){let V,te;return Ap(N)?(V=e.getRecordMatcher(N),te=Q):te=N,e.addRoute(te,V)}function m(N){const Q=e.getRecordMatcher(N);Q&&e.removeRoute(Q)}function p(){return e.getRoutes().map(N=>N.record)}function b(N){return!!e.getRecordMatcher(N)}function _(N,Q){if(Q=He({},Q||l.value),typeof N=="string"){const w=Bi(n,N,Q.path),A=e.resolve({path:w.path},Q),P=o.createHref(w.fullPath);return He(w,A,{params:f(A.params),hash:Ar(w.hash),redirectedFrom:void 0,href:P})}let V;if("path"in N)V=He({},N,{path:Bi(n,N.path,Q.path).path});else{const w=He({},N.params);for(const A in w)w[A]==null&&delete w[A];V=He({},N,{params:h(N.params)}),Q.params=h(Q.params)}const te=e.resolve(V,Q),X=N.hash||"";te.params=u(f(te.params));const ge=Hb(s,He({},N,{hash:Ty(X),path:te.path})),de=o.createHref(ge);return He({fullPath:ge,hash:X,query:s===Fd?Dy(N.query):N.query||{}},te,{redirectedFrom:void 0,href:de})}function y(N){return typeof N=="string"?Bi(n,N,l.value.path):He({},N)}function x(N,Q){if(c!==N)return Ns(8,{from:Q,to:N})}function S(N){return D(N)}function R(N){return S(He(y(N),{replace:!0}))}function O(N){const Q=N.matched[N.matched.length-1];if(Q&&Q.redirect){const{redirect:V}=Q;let te=typeof V=="function"?V(N):V;return typeof te=="string"&&(te=te.includes("?")||te.includes("#")?te=y(te):{path:te},te.params={}),He({query:N.query,hash:N.hash,params:"path"in te?{}:N.params},te)}}function D(N,Q){const V=c=_(N),te=l.value,X=N.state,ge=N.force,de=N.replace===!0,w=O(V);if(w)return D(He(y(w),{state:typeof w=="object"?He({},X,w.state):X,force:ge,replace:de}),Q||V);const A=V;A.redirectedFrom=Q;let P;return!ge&&Vb(s,te,V)&&(P=Ns(16,{to:A,from:te}),we(te,te,!0,!1)),(P?Promise.resolve(P):E(A,te)).catch($=>en($)?en($,2)?$:G($):T($,A,te)).then($=>{if($){if(en($,2))return D(He({replace:de},y($.to),{state:typeof $.to=="object"?He({},X,$.to.state):X,force:ge}),Q||A)}else $=L(A,te,!0,de,X);return M(A,te,$),$})}function v(N,Q){const V=x(N,Q);return V?Promise.reject(V):Promise.resolve()}function E(N,Q){let V;const[te,X,ge]=zy(N,Q);V=$i(te.reverse(),"beforeRouteLeave",N,Q);for(const w of te)w.leaveGuards.forEach(A=>{V.push(vn(A,N,Q))});const de=v.bind(null,N,Q);return V.push(de),ds(V).then(()=>{V=[];for(const w of r.list())V.push(vn(w,N,Q));return V.push(de),ds(V)}).then(()=>{V=$i(X,"beforeRouteUpdate",N,Q);for(const w of X)w.updateGuards.forEach(A=>{V.push(vn(A,N,Q))});return V.push(de),ds(V)}).then(()=>{V=[];for(const w of N.matched)if(w.beforeEnter&&!Q.matched.includes(w))if(Ft(w.beforeEnter))for(const A of w.beforeEnter)V.push(vn(A,N,Q));else V.push(vn(w.beforeEnter,N,Q));return V.push(de),ds(V)}).then(()=>(N.matched.forEach(w=>w.enterCallbacks={}),V=$i(ge,"beforeRouteEnter",N,Q),V.push(de),ds(V))).then(()=>{V=[];for(const w of i.list())V.push(vn(w,N,Q));return V.push(de),ds(V)}).catch(w=>en(w,8)?w:Promise.reject(w))}function M(N,Q,V){for(const te of a.list())te(N,Q,V)}function L(N,Q,V,te,X){const ge=x(N,Q);if(ge)return ge;const de=Q===mn,w=fs?history.state:{};V&&(te||de?o.replace(N.fullPath,He({scroll:de&&w&&w.scroll},X)):o.push(N.fullPath,X)),l.value=N,we(N,Q,V,de),G()}let B;function J(){B||(B=o.listen((N,Q,V)=>{if(!Se.listening)return;const te=_(N),X=O(te);if(X){D(He(X,{replace:!0}),te).catch(ao);return}c=te;const ge=l.value;fs&&Xb(Md(ge.fullPath,V.delta),ai()),E(te,ge).catch(de=>en(de,12)?de:en(de,2)?(D(de.to,te).then(w=>{en(w,20)&&!V.delta&&V.type===Ao.pop&&o.go(-1,!1)}).catch(ao),Promise.reject()):(V.delta&&o.go(-V.delta,!1),T(de,te,ge))).then(de=>{de=de||L(te,ge,!1),de&&(V.delta&&!en(de,8)?o.go(-V.delta,!1):V.type===Ao.pop&&en(de,20)&&o.go(-1,!1)),M(te,ge,de)}).catch(ao)}))}let I=Xs(),ae=Xs(),Z;function T(N,Q,V){G(N);const te=ae.list();return te.length?te.forEach(X=>X(N,Q,V)):console.error(N),Promise.reject(N)}function q(){return Z&&l.value!==mn?Promise.resolve():new Promise((N,Q)=>{I.add([N,Q])})}function G(N){return Z||(Z=!N,J(),I.list().forEach(([Q,V])=>N?V(N):Q()),I.reset()),N}function we(N,Q,V,te){const{scrollBehavior:X}=t;if(!fs||!X)return Promise.resolve();const ge=!V&&ey(Md(N.fullPath,0))||(te||!V)&&history.state&&history.state.scroll||null;return be().then(()=>X(N,Q,ge)).then(de=>de&&Qb(de)).catch(de=>T(de,N,Q))}const _e=N=>o.go(N);let ee;const ke=new Set,Se={currentRoute:l,listening:!0,addRoute:g,removeRoute:m,hasRoute:b,getRoutes:p,resolve:_,options:t,push:S,replace:R,go:_e,back:()=>_e(-1),forward:()=>_e(1),beforeEach:r.add,beforeResolve:i.add,afterEach:a.add,onError:ae.add,isReady:q,install(N){const Q=this;N.component("RouterLink",sn),N.component("RouterView",Ip),N.config.globalProperties.$router=Q,Object.defineProperty(N.config.globalProperties,"$route",{enumerable:!0,get:()=>ht(l)}),fs&&!ee&&l.value===mn&&(ee=!0,S(o.location).catch(X=>{}));const V={};for(const X in mn)V[X]=Ct(()=>l.value[X]);N.provide(tc,Q),N.provide(Lp,qs(V)),N.provide(rl,l);const te=N.unmount;ke.add(N),N.unmount=function(){ke.delete(N),ke.size<1&&(c=mn,B&&B(),B=null,l.value=mn,ee=!1,Z=!1),te()}}};return Se}function ds(t){return t.reduce((e,n)=>e.then(()=>n()),Promise.resolve())}function zy(t,e){const n=[],s=[],o=[],r=Math.max(e.matched.length,t.matched.length);for(let i=0;iRs(c,a))?s.push(a):n.push(a));const l=t.matched[i];l&&(e.matched.find(c=>Rs(c,l))||o.push(l))}return[n,s,o]}const Uy="modulepreload",qy=function(t){return"/"+t},qd={},ji=function(e,n,s){if(!n||n.length===0)return e();const o=document.getElementsByTagName("link");return Promise.all(n.map(r=>{if(r=qy(r),r in qd)return;qd[r]=!0;const i=r.endsWith(".css"),a=i?'[rel="stylesheet"]':"";if(!!s)for(let u=o.length-1;u>=0;u--){const h=o[u];if(h.href===r&&(!i||h.rel==="stylesheet"))return}else if(document.querySelector(`link[href="${r}"]${a}`))return;const c=document.createElement("link");if(c.rel=i?"stylesheet":Uy,i||(c.as="script",c.crossOrigin=""),c.href=r,document.head.appendChild(c),i)return new Promise((u,h)=>{c.addEventListener("load",u),c.addEventListener("error",()=>h(new Error(`Unable to preload CSS for ${r}`)))})})).then(()=>e())},nc="/assets/logo-023c77a1.png";var Pp=typeof globalThis<"u"?globalThis:typeof window<"u"?window:typeof global<"u"?global:typeof self<"u"?self:{};function is(t){return t&&t.__esModule&&Object.prototype.hasOwnProperty.call(t,"default")?t.default:t}function Hy(t){if(t.__esModule)return t;var e=t.default;if(typeof e=="function"){var n=function s(){if(this instanceof s){var o=[null];o.push.apply(o,arguments);var r=Function.bind.apply(e,o);return new r}return e.apply(this,arguments)};n.prototype=e.prototype}else n={};return Object.defineProperty(n,"__esModule",{value:!0}),Object.keys(t).forEach(function(s){var o=Object.getOwnPropertyDescriptor(t,s);Object.defineProperty(n,s,o.get?o:{enumerable:!0,get:function(){return t[s]}})}),n}var Fp={exports:{}};(function(t,e){(function(s,o){t.exports=o()})(typeof self<"u"?self:Pp,function(){return function(n){var s={};function o(r){if(s[r])return s[r].exports;var i=s[r]={i:r,l:!1,exports:{}};return n[r].call(i.exports,i,i.exports,o),i.l=!0,i.exports}return o.m=n,o.c=s,o.d=function(r,i,a){o.o(r,i)||Object.defineProperty(r,i,{configurable:!1,enumerable:!0,get:a})},o.r=function(r){Object.defineProperty(r,"__esModule",{value:!0})},o.n=function(r){var i=r&&r.__esModule?function(){return r.default}:function(){return r};return o.d(i,"a",i),i},o.o=function(r,i){return Object.prototype.hasOwnProperty.call(r,i)},o.p="",o(o.s=0)}({"./dist/icons.json":function(n){n.exports={activity:'',airplay:'',"alert-circle":'',"alert-octagon":'',"alert-triangle":'',"align-center":'',"align-justify":'',"align-left":'',"align-right":'',anchor:'',aperture:'',archive:'',"arrow-down-circle":'',"arrow-down-left":'',"arrow-down-right":'',"arrow-down":'',"arrow-left-circle":'',"arrow-left":'',"arrow-right-circle":'',"arrow-right":'',"arrow-up-circle":'',"arrow-up-left":'',"arrow-up-right":'',"arrow-up":'',"at-sign":'',award:'',"bar-chart-2":'',"bar-chart":'',"battery-charging":'',battery:'',"bell-off":'',bell:'',bluetooth:'',bold:'',"book-open":'',book:'',bookmark:'',box:'',briefcase:'',calendar:'',"camera-off":'',camera:'',cast:'',"check-circle":'',"check-square":'',check:'',"chevron-down":'',"chevron-left":'',"chevron-right":'',"chevron-up":'',"chevrons-down":'',"chevrons-left":'',"chevrons-right":'',"chevrons-up":'',chrome:'',circle:'',clipboard:'',clock:'',"cloud-drizzle":'',"cloud-lightning":'',"cloud-off":'',"cloud-rain":'',"cloud-snow":'',cloud:'',code:'',codepen:'',codesandbox:'',coffee:'',columns:'',command:'',compass:'',copy:'',"corner-down-left":'',"corner-down-right":'',"corner-left-down":'',"corner-left-up":'',"corner-right-down":'',"corner-right-up":'',"corner-up-left":'',"corner-up-right":'',cpu:'',"credit-card":'',crop:'',crosshair:'',database:'',delete:'',disc:'',"divide-circle":'',"divide-square":'',divide:'',"dollar-sign":'',"download-cloud":'',download:'',dribbble:'',droplet:'',"edit-2":'',"edit-3":'',edit:'',"external-link":'',"eye-off":'',eye:'',facebook:'',"fast-forward":'',feather:'',figma:'',"file-minus":'',"file-plus":'',"file-text":'',file:'',film:'',filter:'',flag:'',"folder-minus":'',"folder-plus":'',folder:'',framer:'',frown:'',gift:'',"git-branch":'',"git-commit":'',"git-merge":'',"git-pull-request":'',github:'',gitlab:'',globe:'',grid:'',"hard-drive":'',hash:'',headphones:'',heart:'',"help-circle":'',hexagon:'',home:'',image:'',inbox:'',info:'',instagram:'',italic:'',key:'',layers:'',layout:'',"life-buoy":'',"link-2":'',link:'',linkedin:'',list:'',loader:'',lock:'',"log-in":'',"log-out":'',mail:'',"map-pin":'',map:'',"maximize-2":'',maximize:'',meh:'',menu:'',"message-circle":'',"message-square":'',"mic-off":'',mic:'',"minimize-2":'',minimize:'',"minus-circle":'',"minus-square":'',minus:'',monitor:'',moon:'',"more-horizontal":'',"more-vertical":'',"mouse-pointer":'',move:'',music:'',"navigation-2":'',navigation:'',octagon:'',package:'',paperclip:'',"pause-circle":'',pause:'',"pen-tool":'',percent:'',"phone-call":'',"phone-forwarded":'',"phone-incoming":'',"phone-missed":'',"phone-off":'',"phone-outgoing":'',phone:'',"pie-chart":'',"play-circle":'',play:'',"plus-circle":'',"plus-square":'',plus:'',pocket:'',power:'',printer:'',radio:'',"refresh-ccw":'',"refresh-cw":'',repeat:'',rewind:'',"rotate-ccw":'',"rotate-cw":'',rss:'',save:'',scissors:'',search:'',send:'',server:'',settings:'',"share-2":'',share:'',"shield-off":'',shield:'',"shopping-bag":'',"shopping-cart":'',shuffle:'',sidebar:'',"skip-back":'',"skip-forward":'',slack:'',slash:'',sliders:'',smartphone:'',smile:'',speaker:'',square:'',star:'',"stop-circle":'',sun:'',sunrise:'',sunset:'',table:'',tablet:'',tag:'',target:'',terminal:'',thermometer:'',"thumbs-down":'',"thumbs-up":'',"toggle-left":'',"toggle-right":'',tool:'',"trash-2":'',trash:'',trello:'',"trending-down":'',"trending-up":'',triangle:'',truck:'',tv:'',twitch:'',twitter:'',type:'',umbrella:'',underline:'',unlock:'',"upload-cloud":'',upload:'',"user-check":'',"user-minus":'',"user-plus":'',"user-x":'',user:'',users:'',"video-off":'',video:'',voicemail:'',"volume-1":'',"volume-2":'',"volume-x":'',volume:'',watch:'',"wifi-off":'',wifi:'',wind:'',"x-circle":'',"x-octagon":'',"x-square":'',x:'',youtube:'',"zap-off":'',zap:'',"zoom-in":'',"zoom-out":''}},"./node_modules/classnames/dedupe.js":function(n,s,o){var r,i;/*! Copyright (c) 2016 Jed Watson. Licensed under the MIT License (MIT), see http://jedwatson.github.io/classnames -*/(function(){var a=function(){function l(){}l.prototype=Object.create(null);function c(_,y){for(var x=y.length,S=0;S1?arguments[1]:void 0,y=_!==void 0,x=0,S=h(m),R,O,D,v;if(y&&(_=r(_,b>2?arguments[2]:void 0,2)),S!=null&&!(p==Array&&l(S)))for(v=S.call(m),O=new p;!(D=v.next()).done;x++)u(O,x,y?a(v,_,[D.value,x],!0):D.value);else for(R=c(m.length),O=new p(R);R>x;x++)u(O,x,y?_(m[x],x):m[x]);return O.length=x,O}},"./node_modules/core-js/internals/array-includes.js":function(n,s,o){var r=o("./node_modules/core-js/internals/to-indexed-object.js"),i=o("./node_modules/core-js/internals/to-length.js"),a=o("./node_modules/core-js/internals/to-absolute-index.js");n.exports=function(l){return function(c,u,h){var f=r(c),g=i(f.length),m=a(h,g),p;if(l&&u!=u){for(;g>m;)if(p=f[m++],p!=p)return!0}else for(;g>m;m++)if((l||m in f)&&f[m]===u)return l||m||0;return!l&&-1}}},"./node_modules/core-js/internals/bind-context.js":function(n,s,o){var r=o("./node_modules/core-js/internals/a-function.js");n.exports=function(i,a,l){if(r(i),a===void 0)return i;switch(l){case 0:return function(){return i.call(a)};case 1:return function(c){return i.call(a,c)};case 2:return function(c,u){return i.call(a,c,u)};case 3:return function(c,u,h){return i.call(a,c,u,h)}}return function(){return i.apply(a,arguments)}}},"./node_modules/core-js/internals/call-with-safe-iteration-closing.js":function(n,s,o){var r=o("./node_modules/core-js/internals/an-object.js");n.exports=function(i,a,l,c){try{return c?a(r(l)[0],l[1]):a(l)}catch(h){var u=i.return;throw u!==void 0&&r(u.call(i)),h}}},"./node_modules/core-js/internals/check-correctness-of-iteration.js":function(n,s,o){var r=o("./node_modules/core-js/internals/well-known-symbol.js"),i=r("iterator"),a=!1;try{var l=0,c={next:function(){return{done:!!l++}},return:function(){a=!0}};c[i]=function(){return this},Array.from(c,function(){throw 2})}catch{}n.exports=function(u,h){if(!h&&!a)return!1;var f=!1;try{var g={};g[i]=function(){return{next:function(){return{done:f=!0}}}},u(g)}catch{}return f}},"./node_modules/core-js/internals/classof-raw.js":function(n,s){var o={}.toString;n.exports=function(r){return o.call(r).slice(8,-1)}},"./node_modules/core-js/internals/classof.js":function(n,s,o){var r=o("./node_modules/core-js/internals/classof-raw.js"),i=o("./node_modules/core-js/internals/well-known-symbol.js"),a=i("toStringTag"),l=r(function(){return arguments}())=="Arguments",c=function(u,h){try{return u[h]}catch{}};n.exports=function(u){var h,f,g;return u===void 0?"Undefined":u===null?"Null":typeof(f=c(h=Object(u),a))=="string"?f:l?r(h):(g=r(h))=="Object"&&typeof h.callee=="function"?"Arguments":g}},"./node_modules/core-js/internals/copy-constructor-properties.js":function(n,s,o){var r=o("./node_modules/core-js/internals/has.js"),i=o("./node_modules/core-js/internals/own-keys.js"),a=o("./node_modules/core-js/internals/object-get-own-property-descriptor.js"),l=o("./node_modules/core-js/internals/object-define-property.js");n.exports=function(c,u){for(var h=i(u),f=l.f,g=a.f,m=0;m",R="java"+x+":",O;for(b.style.display="none",c.appendChild(b),b.src=String(R),O=b.contentWindow.document,O.open(),O.write(y+x+S+"document.F=Object"+y+"/"+x+S),O.close(),p=O.F;_--;)delete p[g][a[_]];return p()};n.exports=Object.create||function(_,y){var x;return _!==null?(m[g]=r(_),x=new m,m[g]=null,x[f]=_):x=p(),y===void 0?x:i(x,y)},l[f]=!0},"./node_modules/core-js/internals/object-define-properties.js":function(n,s,o){var r=o("./node_modules/core-js/internals/descriptors.js"),i=o("./node_modules/core-js/internals/object-define-property.js"),a=o("./node_modules/core-js/internals/an-object.js"),l=o("./node_modules/core-js/internals/object-keys.js");n.exports=r?Object.defineProperties:function(u,h){a(u);for(var f=l(h),g=f.length,m=0,p;g>m;)i.f(u,p=f[m++],h[p]);return u}},"./node_modules/core-js/internals/object-define-property.js":function(n,s,o){var r=o("./node_modules/core-js/internals/descriptors.js"),i=o("./node_modules/core-js/internals/ie8-dom-define.js"),a=o("./node_modules/core-js/internals/an-object.js"),l=o("./node_modules/core-js/internals/to-primitive.js"),c=Object.defineProperty;s.f=r?c:function(h,f,g){if(a(h),f=l(f,!0),a(g),i)try{return c(h,f,g)}catch{}if("get"in g||"set"in g)throw TypeError("Accessors not supported");return"value"in g&&(h[f]=g.value),h}},"./node_modules/core-js/internals/object-get-own-property-descriptor.js":function(n,s,o){var r=o("./node_modules/core-js/internals/descriptors.js"),i=o("./node_modules/core-js/internals/object-property-is-enumerable.js"),a=o("./node_modules/core-js/internals/create-property-descriptor.js"),l=o("./node_modules/core-js/internals/to-indexed-object.js"),c=o("./node_modules/core-js/internals/to-primitive.js"),u=o("./node_modules/core-js/internals/has.js"),h=o("./node_modules/core-js/internals/ie8-dom-define.js"),f=Object.getOwnPropertyDescriptor;s.f=r?f:function(m,p){if(m=l(m),p=c(p,!0),h)try{return f(m,p)}catch{}if(u(m,p))return a(!i.f.call(m,p),m[p])}},"./node_modules/core-js/internals/object-get-own-property-names.js":function(n,s,o){var r=o("./node_modules/core-js/internals/object-keys-internal.js"),i=o("./node_modules/core-js/internals/enum-bug-keys.js"),a=i.concat("length","prototype");s.f=Object.getOwnPropertyNames||function(c){return r(c,a)}},"./node_modules/core-js/internals/object-get-own-property-symbols.js":function(n,s){s.f=Object.getOwnPropertySymbols},"./node_modules/core-js/internals/object-get-prototype-of.js":function(n,s,o){var r=o("./node_modules/core-js/internals/has.js"),i=o("./node_modules/core-js/internals/to-object.js"),a=o("./node_modules/core-js/internals/shared-key.js"),l=o("./node_modules/core-js/internals/correct-prototype-getter.js"),c=a("IE_PROTO"),u=Object.prototype;n.exports=l?Object.getPrototypeOf:function(h){return h=i(h),r(h,c)?h[c]:typeof h.constructor=="function"&&h instanceof h.constructor?h.constructor.prototype:h instanceof Object?u:null}},"./node_modules/core-js/internals/object-keys-internal.js":function(n,s,o){var r=o("./node_modules/core-js/internals/has.js"),i=o("./node_modules/core-js/internals/to-indexed-object.js"),a=o("./node_modules/core-js/internals/array-includes.js"),l=o("./node_modules/core-js/internals/hidden-keys.js"),c=a(!1);n.exports=function(u,h){var f=i(u),g=0,m=[],p;for(p in f)!r(l,p)&&r(f,p)&&m.push(p);for(;h.length>g;)r(f,p=h[g++])&&(~c(m,p)||m.push(p));return m}},"./node_modules/core-js/internals/object-keys.js":function(n,s,o){var r=o("./node_modules/core-js/internals/object-keys-internal.js"),i=o("./node_modules/core-js/internals/enum-bug-keys.js");n.exports=Object.keys||function(l){return r(l,i)}},"./node_modules/core-js/internals/object-property-is-enumerable.js":function(n,s,o){var r={}.propertyIsEnumerable,i=Object.getOwnPropertyDescriptor,a=i&&!r.call({1:2},1);s.f=a?function(c){var u=i(this,c);return!!u&&u.enumerable}:r},"./node_modules/core-js/internals/object-set-prototype-of.js":function(n,s,o){var r=o("./node_modules/core-js/internals/validate-set-prototype-of-arguments.js");n.exports=Object.setPrototypeOf||("__proto__"in{}?function(){var i=!1,a={},l;try{l=Object.getOwnPropertyDescriptor(Object.prototype,"__proto__").set,l.call(a,[]),i=a instanceof Array}catch{}return function(u,h){return r(u,h),i?l.call(u,h):u.__proto__=h,u}}():void 0)},"./node_modules/core-js/internals/own-keys.js":function(n,s,o){var r=o("./node_modules/core-js/internals/global.js"),i=o("./node_modules/core-js/internals/object-get-own-property-names.js"),a=o("./node_modules/core-js/internals/object-get-own-property-symbols.js"),l=o("./node_modules/core-js/internals/an-object.js"),c=r.Reflect;n.exports=c&&c.ownKeys||function(h){var f=i.f(l(h)),g=a.f;return g?f.concat(g(h)):f}},"./node_modules/core-js/internals/path.js":function(n,s,o){n.exports=o("./node_modules/core-js/internals/global.js")},"./node_modules/core-js/internals/redefine.js":function(n,s,o){var r=o("./node_modules/core-js/internals/global.js"),i=o("./node_modules/core-js/internals/shared.js"),a=o("./node_modules/core-js/internals/hide.js"),l=o("./node_modules/core-js/internals/has.js"),c=o("./node_modules/core-js/internals/set-global.js"),u=o("./node_modules/core-js/internals/function-to-string.js"),h=o("./node_modules/core-js/internals/internal-state.js"),f=h.get,g=h.enforce,m=String(u).split("toString");i("inspectSource",function(p){return u.call(p)}),(n.exports=function(p,b,_,y){var x=y?!!y.unsafe:!1,S=y?!!y.enumerable:!1,R=y?!!y.noTargetGet:!1;if(typeof _=="function"&&(typeof b=="string"&&!l(_,"name")&&a(_,"name",b),g(_).source=m.join(typeof b=="string"?b:"")),p===r){S?p[b]=_:c(b,_);return}else x?!R&&p[b]&&(S=!0):delete p[b];S?p[b]=_:a(p,b,_)})(Function.prototype,"toString",function(){return typeof this=="function"&&f(this).source||u.call(this)})},"./node_modules/core-js/internals/require-object-coercible.js":function(n,s){n.exports=function(o){if(o==null)throw TypeError("Can't call method on "+o);return o}},"./node_modules/core-js/internals/set-global.js":function(n,s,o){var r=o("./node_modules/core-js/internals/global.js"),i=o("./node_modules/core-js/internals/hide.js");n.exports=function(a,l){try{i(r,a,l)}catch{r[a]=l}return l}},"./node_modules/core-js/internals/set-to-string-tag.js":function(n,s,o){var r=o("./node_modules/core-js/internals/object-define-property.js").f,i=o("./node_modules/core-js/internals/has.js"),a=o("./node_modules/core-js/internals/well-known-symbol.js"),l=a("toStringTag");n.exports=function(c,u,h){c&&!i(c=h?c:c.prototype,l)&&r(c,l,{configurable:!0,value:u})}},"./node_modules/core-js/internals/shared-key.js":function(n,s,o){var r=o("./node_modules/core-js/internals/shared.js"),i=o("./node_modules/core-js/internals/uid.js"),a=r("keys");n.exports=function(l){return a[l]||(a[l]=i(l))}},"./node_modules/core-js/internals/shared.js":function(n,s,o){var r=o("./node_modules/core-js/internals/global.js"),i=o("./node_modules/core-js/internals/set-global.js"),a=o("./node_modules/core-js/internals/is-pure.js"),l="__core-js_shared__",c=r[l]||i(l,{});(n.exports=function(u,h){return c[u]||(c[u]=h!==void 0?h:{})})("versions",[]).push({version:"3.1.3",mode:a?"pure":"global",copyright:"© 2019 Denis Pushkarev (zloirock.ru)"})},"./node_modules/core-js/internals/string-at.js":function(n,s,o){var r=o("./node_modules/core-js/internals/to-integer.js"),i=o("./node_modules/core-js/internals/require-object-coercible.js");n.exports=function(a,l,c){var u=String(i(a)),h=r(l),f=u.length,g,m;return h<0||h>=f?c?"":void 0:(g=u.charCodeAt(h),g<55296||g>56319||h+1===f||(m=u.charCodeAt(h+1))<56320||m>57343?c?u.charAt(h):g:c?u.slice(h,h+2):(g-55296<<10)+(m-56320)+65536)}},"./node_modules/core-js/internals/to-absolute-index.js":function(n,s,o){var r=o("./node_modules/core-js/internals/to-integer.js"),i=Math.max,a=Math.min;n.exports=function(l,c){var u=r(l);return u<0?i(u+c,0):a(u,c)}},"./node_modules/core-js/internals/to-indexed-object.js":function(n,s,o){var r=o("./node_modules/core-js/internals/indexed-object.js"),i=o("./node_modules/core-js/internals/require-object-coercible.js");n.exports=function(a){return r(i(a))}},"./node_modules/core-js/internals/to-integer.js":function(n,s){var o=Math.ceil,r=Math.floor;n.exports=function(i){return isNaN(i=+i)?0:(i>0?r:o)(i)}},"./node_modules/core-js/internals/to-length.js":function(n,s,o){var r=o("./node_modules/core-js/internals/to-integer.js"),i=Math.min;n.exports=function(a){return a>0?i(r(a),9007199254740991):0}},"./node_modules/core-js/internals/to-object.js":function(n,s,o){var r=o("./node_modules/core-js/internals/require-object-coercible.js");n.exports=function(i){return Object(r(i))}},"./node_modules/core-js/internals/to-primitive.js":function(n,s,o){var r=o("./node_modules/core-js/internals/is-object.js");n.exports=function(i,a){if(!r(i))return i;var l,c;if(a&&typeof(l=i.toString)=="function"&&!r(c=l.call(i))||typeof(l=i.valueOf)=="function"&&!r(c=l.call(i))||!a&&typeof(l=i.toString)=="function"&&!r(c=l.call(i)))return c;throw TypeError("Can't convert object to primitive value")}},"./node_modules/core-js/internals/uid.js":function(n,s){var o=0,r=Math.random();n.exports=function(i){return"Symbol(".concat(i===void 0?"":i,")_",(++o+r).toString(36))}},"./node_modules/core-js/internals/validate-set-prototype-of-arguments.js":function(n,s,o){var r=o("./node_modules/core-js/internals/is-object.js"),i=o("./node_modules/core-js/internals/an-object.js");n.exports=function(a,l){if(i(a),!r(l)&&l!==null)throw TypeError("Can't set "+String(l)+" as a prototype")}},"./node_modules/core-js/internals/well-known-symbol.js":function(n,s,o){var r=o("./node_modules/core-js/internals/global.js"),i=o("./node_modules/core-js/internals/shared.js"),a=o("./node_modules/core-js/internals/uid.js"),l=o("./node_modules/core-js/internals/native-symbol.js"),c=r.Symbol,u=i("wks");n.exports=function(h){return u[h]||(u[h]=l&&c[h]||(l?c:a)("Symbol."+h))}},"./node_modules/core-js/modules/es.array.from.js":function(n,s,o){var r=o("./node_modules/core-js/internals/export.js"),i=o("./node_modules/core-js/internals/array-from.js"),a=o("./node_modules/core-js/internals/check-correctness-of-iteration.js"),l=!a(function(c){Array.from(c)});r({target:"Array",stat:!0,forced:l},{from:i})},"./node_modules/core-js/modules/es.string.iterator.js":function(n,s,o){var r=o("./node_modules/core-js/internals/string-at.js"),i=o("./node_modules/core-js/internals/internal-state.js"),a=o("./node_modules/core-js/internals/define-iterator.js"),l="String Iterator",c=i.set,u=i.getterFor(l);a(String,"String",function(h){c(this,{type:l,string:String(h),index:0})},function(){var f=u(this),g=f.string,m=f.index,p;return m>=g.length?{value:void 0,done:!0}:(p=r(g,m,!0),f.index+=p.length,{value:p,done:!1})})},"./node_modules/webpack/buildin/global.js":function(n,s){var o;o=function(){return this}();try{o=o||Function("return this")()||(0,eval)("this")}catch{typeof window=="object"&&(o=window)}n.exports=o},"./src/default-attrs.json":function(n){n.exports={xmlns:"http://www.w3.org/2000/svg",width:24,height:24,viewBox:"0 0 24 24",fill:"none",stroke:"currentColor","stroke-width":2,"stroke-linecap":"round","stroke-linejoin":"round"}},"./src/icon.js":function(n,s,o){Object.defineProperty(s,"__esModule",{value:!0});var r=Object.assign||function(p){for(var b=1;b2&&arguments[2]!==void 0?arguments[2]:[];f(this,p),this.name=b,this.contents=_,this.tags=y,this.attrs=r({},u.default,{class:"feather feather-"+b})}return i(p,[{key:"toSvg",value:function(){var _=arguments.length>0&&arguments[0]!==void 0?arguments[0]:{},y=r({},this.attrs,_,{class:(0,l.default)(this.attrs.class,_.class)});return""+this.contents+""}},{key:"toString",value:function(){return this.contents}}]),p}();function m(p){return Object.keys(p).map(function(b){return b+'="'+p[b]+'"'}).join(" ")}s.default=g},"./src/icons.js":function(n,s,o){Object.defineProperty(s,"__esModule",{value:!0});var r=o("./src/icon.js"),i=h(r),a=o("./dist/icons.json"),l=h(a),c=o("./src/tags.json"),u=h(c);function h(f){return f&&f.__esModule?f:{default:f}}s.default=Object.keys(l.default).map(function(f){return new i.default(f,l.default[f],u.default[f])}).reduce(function(f,g){return f[g.name]=g,f},{})},"./src/index.js":function(n,s,o){var r=o("./src/icons.js"),i=h(r),a=o("./src/to-svg.js"),l=h(a),c=o("./src/replace.js"),u=h(c);function h(f){return f&&f.__esModule?f:{default:f}}n.exports={icons:i.default,toSvg:l.default,replace:u.default}},"./src/replace.js":function(n,s,o){Object.defineProperty(s,"__esModule",{value:!0});var r=Object.assign||function(m){for(var p=1;p0&&arguments[0]!==void 0?arguments[0]:{};if(typeof document>"u")throw new Error("`feather.replace()` only works in a browser environment.");var p=document.querySelectorAll("[data-feather]");Array.from(p).forEach(function(b){return f(b,m)})}function f(m){var p=arguments.length>1&&arguments[1]!==void 0?arguments[1]:{},b=g(m),_=b["data-feather"];delete b["data-feather"];var y=c.default[_].toSvg(r({},p,b,{class:(0,a.default)(p.class,b.class)})),x=new DOMParser().parseFromString(y,"image/svg+xml"),S=x.querySelector("svg");m.parentNode.replaceChild(S,m)}function g(m){return Array.from(m.attributes).reduce(function(p,b){return p[b.name]=b.value,p},{})}s.default=h},"./src/tags.json":function(n){n.exports={activity:["pulse","health","action","motion"],airplay:["stream","cast","mirroring"],"alert-circle":["warning","alert","danger"],"alert-octagon":["warning","alert","danger"],"alert-triangle":["warning","alert","danger"],"align-center":["text alignment","center"],"align-justify":["text alignment","justified"],"align-left":["text alignment","left"],"align-right":["text alignment","right"],anchor:[],archive:["index","box"],"at-sign":["mention","at","email","message"],award:["achievement","badge"],aperture:["camera","photo"],"bar-chart":["statistics","diagram","graph"],"bar-chart-2":["statistics","diagram","graph"],battery:["power","electricity"],"battery-charging":["power","electricity"],bell:["alarm","notification","sound"],"bell-off":["alarm","notification","silent"],bluetooth:["wireless"],"book-open":["read","library"],book:["read","dictionary","booklet","magazine","library"],bookmark:["read","clip","marker","tag"],box:["cube"],briefcase:["work","bag","baggage","folder"],calendar:["date"],camera:["photo"],cast:["chromecast","airplay"],"chevron-down":["expand"],"chevron-up":["collapse"],circle:["off","zero","record"],clipboard:["copy"],clock:["time","watch","alarm"],"cloud-drizzle":["weather","shower"],"cloud-lightning":["weather","bolt"],"cloud-rain":["weather"],"cloud-snow":["weather","blizzard"],cloud:["weather"],codepen:["logo"],codesandbox:["logo"],code:["source","programming"],coffee:["drink","cup","mug","tea","cafe","hot","beverage"],columns:["layout"],command:["keyboard","cmd","terminal","prompt"],compass:["navigation","safari","travel","direction"],copy:["clone","duplicate"],"corner-down-left":["arrow","return"],"corner-down-right":["arrow"],"corner-left-down":["arrow"],"corner-left-up":["arrow"],"corner-right-down":["arrow"],"corner-right-up":["arrow"],"corner-up-left":["arrow"],"corner-up-right":["arrow"],cpu:["processor","technology"],"credit-card":["purchase","payment","cc"],crop:["photo","image"],crosshair:["aim","target"],database:["storage","memory"],delete:["remove"],disc:["album","cd","dvd","music"],"dollar-sign":["currency","money","payment"],droplet:["water"],edit:["pencil","change"],"edit-2":["pencil","change"],"edit-3":["pencil","change"],eye:["view","watch"],"eye-off":["view","watch","hide","hidden"],"external-link":["outbound"],facebook:["logo","social"],"fast-forward":["music"],figma:["logo","design","tool"],"file-minus":["delete","remove","erase"],"file-plus":["add","create","new"],"file-text":["data","txt","pdf"],film:["movie","video"],filter:["funnel","hopper"],flag:["report"],"folder-minus":["directory"],"folder-plus":["directory"],folder:["directory"],framer:["logo","design","tool"],frown:["emoji","face","bad","sad","emotion"],gift:["present","box","birthday","party"],"git-branch":["code","version control"],"git-commit":["code","version control"],"git-merge":["code","version control"],"git-pull-request":["code","version control"],github:["logo","version control"],gitlab:["logo","version control"],globe:["world","browser","language","translate"],"hard-drive":["computer","server","memory","data"],hash:["hashtag","number","pound"],headphones:["music","audio","sound"],heart:["like","love","emotion"],"help-circle":["question mark"],hexagon:["shape","node.js","logo"],home:["house","living"],image:["picture"],inbox:["email"],instagram:["logo","camera"],key:["password","login","authentication","secure"],layers:["stack"],layout:["window","webpage"],"life-bouy":["help","life ring","support"],link:["chain","url"],"link-2":["chain","url"],linkedin:["logo","social media"],list:["options"],lock:["security","password","secure"],"log-in":["sign in","arrow","enter"],"log-out":["sign out","arrow","exit"],mail:["email","message"],"map-pin":["location","navigation","travel","marker"],map:["location","navigation","travel"],maximize:["fullscreen"],"maximize-2":["fullscreen","arrows","expand"],meh:["emoji","face","neutral","emotion"],menu:["bars","navigation","hamburger"],"message-circle":["comment","chat"],"message-square":["comment","chat"],"mic-off":["record","sound","mute"],mic:["record","sound","listen"],minimize:["exit fullscreen","close"],"minimize-2":["exit fullscreen","arrows","close"],minus:["subtract"],monitor:["tv","screen","display"],moon:["dark","night"],"more-horizontal":["ellipsis"],"more-vertical":["ellipsis"],"mouse-pointer":["arrow","cursor"],move:["arrows"],music:["note"],navigation:["location","travel"],"navigation-2":["location","travel"],octagon:["stop"],package:["box","container"],paperclip:["attachment"],pause:["music","stop"],"pause-circle":["music","audio","stop"],"pen-tool":["vector","drawing"],percent:["discount"],"phone-call":["ring"],"phone-forwarded":["call"],"phone-incoming":["call"],"phone-missed":["call"],"phone-off":["call","mute"],"phone-outgoing":["call"],phone:["call"],play:["music","start"],"pie-chart":["statistics","diagram"],"play-circle":["music","start"],plus:["add","new"],"plus-circle":["add","new"],"plus-square":["add","new"],pocket:["logo","save"],power:["on","off"],printer:["fax","office","device"],radio:["signal"],"refresh-cw":["synchronise","arrows"],"refresh-ccw":["arrows"],repeat:["loop","arrows"],rewind:["music"],"rotate-ccw":["arrow"],"rotate-cw":["arrow"],rss:["feed","subscribe"],save:["floppy disk"],scissors:["cut"],search:["find","magnifier","magnifying glass"],send:["message","mail","email","paper airplane","paper aeroplane"],settings:["cog","edit","gear","preferences"],"share-2":["network","connections"],shield:["security","secure"],"shield-off":["security","insecure"],"shopping-bag":["ecommerce","cart","purchase","store"],"shopping-cart":["ecommerce","cart","purchase","store"],shuffle:["music"],"skip-back":["music"],"skip-forward":["music"],slack:["logo"],slash:["ban","no"],sliders:["settings","controls"],smartphone:["cellphone","device"],smile:["emoji","face","happy","good","emotion"],speaker:["audio","music"],star:["bookmark","favorite","like"],"stop-circle":["media","music"],sun:["brightness","weather","light"],sunrise:["weather","time","morning","day"],sunset:["weather","time","evening","night"],tablet:["device"],tag:["label"],target:["logo","bullseye"],terminal:["code","command line","prompt"],thermometer:["temperature","celsius","fahrenheit","weather"],"thumbs-down":["dislike","bad","emotion"],"thumbs-up":["like","good","emotion"],"toggle-left":["on","off","switch"],"toggle-right":["on","off","switch"],tool:["settings","spanner"],trash:["garbage","delete","remove","bin"],"trash-2":["garbage","delete","remove","bin"],triangle:["delta"],truck:["delivery","van","shipping","transport","lorry"],tv:["television","stream"],twitch:["logo"],twitter:["logo","social"],type:["text"],umbrella:["rain","weather"],unlock:["security"],"user-check":["followed","subscribed"],"user-minus":["delete","remove","unfollow","unsubscribe"],"user-plus":["new","add","create","follow","subscribe"],"user-x":["delete","remove","unfollow","unsubscribe","unavailable"],user:["person","account"],users:["group"],"video-off":["camera","movie","film"],video:["camera","movie","film"],voicemail:["phone"],volume:["music","sound","mute"],"volume-1":["music","sound"],"volume-2":["music","sound"],"volume-x":["music","sound","mute"],watch:["clock","time"],"wifi-off":["disabled"],wifi:["connection","signal","wireless"],wind:["weather","air"],"x-circle":["cancel","close","delete","remove","times","clear"],"x-octagon":["delete","stop","alert","warning","times","clear"],"x-square":["cancel","close","delete","remove","times","clear"],x:["cancel","close","delete","remove","times","clear"],youtube:["logo","video","play"],"zap-off":["flash","camera","lightning"],zap:["flash","camera","lightning"],"zoom-in":["magnifying glass"],"zoom-out":["magnifying glass"]}},"./src/to-svg.js":function(n,s,o){Object.defineProperty(s,"__esModule",{value:!0});var r=o("./src/icons.js"),i=a(r);function a(c){return c&&c.__esModule?c:{default:c}}function l(c){var u=arguments.length>1&&arguments[1]!==void 0?arguments[1]:{};if(console.warn("feather.toSvg() is deprecated. Please use feather.icons[name].toSvg() instead."),!c)throw new Error("The required `key` (icon name) parameter is missing.");if(!i.default[c])throw new Error("No icon matching '"+c+"'. See the complete list of icons at https://feathericons.com");return i.default[c].toSvg(u)}s.default=l},0:function(n,s,o){o("./node_modules/core-js/es/array/from.js"),n.exports=o("./src/index.js")}})})})(Fp);var Vy=Fp.exports;const ve=is(Vy);const Gy={key:0,class:"container flex flex-col sm:flex-row items-center"},Ky={class:"w-full"},Wy={class:"flex flex-row font-medium nav-ul"},Bp={__name:"Navigation",setup(t){return(e,n)=>e.$store.state.ready?(k(),C("div",Gy,[d("div",Ky,[d("div",Wy,[he(ht(sn),{to:{name:"discussions"},class:"link-item dark:link-item-dark"},{default:De(()=>[xe(" Discussions ")]),_:1}),he(ht(sn),{to:{name:"playground"},class:"link-item dark:link-item-dark"},{default:De(()=>[xe(" Playground ")]),_:1}),he(ht(sn),{to:{name:"settings"},class:"link-item dark:link-item-dark"},{default:De(()=>[xe(" Settings ")]),_:1}),he(ht(sn),{to:{name:"extensions"},class:"link-item dark:link-item-dark"},{default:De(()=>[xe(" Extensions ")]),_:1}),he(ht(sn),{to:{name:"training"},class:"link-item dark:link-item-dark"},{default:De(()=>[xe(" Training ")]),_:1}),he(ht(sn),{to:{name:"quantizing"},class:"link-item dark:link-item-dark"},{default:De(()=>[xe(" Quantizing ")]),_:1}),he(ht(sn),{to:{name:"help"},class:"link-item dark:link-item-dark"},{default:De(()=>[xe(" Help ")]),_:1})])])])):B("",!0)}};const Zy={class:"top-0 shadow-lg"},Yy={class:"container flex flex-col lg:flex-row item-center gap-2 pb-0"},Jy=d("div",{class:"flex items-center gap-3 flex-1"},[d("img",{class:"w-12 hover:scale-95 duration-150",title:"LoLLMS WebUI",src:nc,alt:"Logo"}),d("div",{class:"flex flex-col"},[d("p",{class:"text-2xl"},"Lord of Large Language Models"),d("p",{class:"text-gray-400"},"One tool to rule them all")])],-1),Qy={class:"flex gap-3 flex-1 items-center justify-end"},Xy=os('
',2),e2={href:"https://twitter.com/SpaceNerduino",target:"_blank"},t2={class:"text-2xl hover:fill-primary dark:fill-white dark:hover:fill-primary duration-150",title:"Follow me on my twitter acount"},n2={class:"w-10 h-10 rounded-lg object-fill dark:text-white",xmlns:"http://www.w3.org/2000/svg",viewBox:"0 0 1668.56 1221.19",style:{"enable-background":"new 0 0 1668.56 1221.19"},"xml:space":"preserve"},s2=d("g",{id:"layer1",transform:"translate(52.390088,-25.058597)"},[d("path",{id:"path1009",d:`M283.94,167.31l386.39,516.64L281.5,1104h87.51l340.42-367.76L984.48,1104h297.8L874.15,558.3l361.92-390.99\r - h-87.51l-313.51,338.7l-253.31-338.7H283.94z M412.63,231.77h136.81l604.13,807.76h-136.81L412.63,231.77z`})],-1),o2=[s2],r2=d("i",{"data-feather":"sun"},null,-1),i2=[r2],a2=d("i",{"data-feather":"moon"},null,-1),l2=[a2],c2=d("body",null,null,-1),d2={name:"TopBar",computed:{isConnected(){return this.$store.state.isConnected}},data(){return{codeBlockStylesheet:"",sunIcon:document.querySelector(".sun"),moonIcon:document.querySelector(".moon"),userTheme:localStorage.getItem("theme"),systemTheme:window.matchMedia("prefers-color-scheme: dark").matches}},mounted(){this.sunIcon=document.querySelector(".sun"),this.moonIcon=document.querySelector(".moon"),this.userTheme=localStorage.getItem("theme"),this.systemTheme=window.matchMedia("prefers-color-scheme: dark").matches,this.themeCheck(),be(()=>{ve.replace()})},created(){this.sunIcon=document.querySelector(".sun"),this.moonIcon=document.querySelector(".moon"),this.userTheme=localStorage.getItem("theme"),this.systemTheme=window.matchMedia("prefers-color-scheme: dark").matches},methods:{themeCheck(){if(this.userTheme=="dark"||!this.userTheme&&this.systemTheme){document.documentElement.classList.add("dark"),this.moonIcon.classList.add("display-none"),be(()=>{ji(()=>Promise.resolve({}),["assets/stackoverflow-dark-7e41bf22.css"])});return}be(()=>{ji(()=>Promise.resolve({}),["assets/stackoverflow-light-b5b5e2eb.css"])}),this.sunIcon.classList.add("display-none")},themeSwitch(){if(document.documentElement.classList.contains("dark")){document.documentElement.classList.remove("dark"),localStorage.setItem("theme","light"),this.userTheme=="light",this.iconToggle();return}ji(()=>Promise.resolve({}),["assets/tokyo-night-dark-a847eb67.css"]),document.documentElement.classList.add("dark"),localStorage.setItem("theme","dark"),this.userTheme=="dark",this.iconToggle()},iconToggle(){this.sunIcon.classList.toggle("display-none"),this.moonIcon.classList.toggle("display-none")}},components:{Navigation:Bp}},u2=Object.assign(d2,{setup(t){return(e,n)=>(k(),C(Oe,null,[d("header",Zy,[d("nav",Yy,[he(ht(sn),{to:{name:"discussions"}},{default:De(()=>[Jy]),_:1}),d("div",Qy,[d("div",{title:"Connection status",class:Me(["dot",{"dot-green":e.isConnected,"dot-red":!e.isConnected}])},null,2),Xy,d("a",e2,[d("div",t2,[(k(),C("svg",n2,o2))])]),d("div",{class:"sun text-2xl w-6 hover:text-primary duration-150",title:"Swith to Light theme",onClick:n[0]||(n[0]=s=>e.themeSwitch())},i2),d("div",{class:"moon text-2xl w-6 hover:text-primary duration-150",title:"Swith to Dark theme",onClick:n[1]||(n[1]=s=>e.themeSwitch())},l2)])]),he(Bp)]),c2],64))}}),h2={class:"flex flex-col h-screen font-sans bg-bg-light text-slate-950 dark:bg-bg-dark dark:text-slate-50"},f2={class:"flex overflow-hidden flex-grow"},p2={__name:"App",setup(t){return(e,n)=>(k(),C("div",h2,[he(u2),d("div",f2,[he(ht(Ip),null,{default:De(({Component:s})=>[(k(),st(L_,null,[(k(),st(H_(s)))],1024))]),_:1})])]))}},Yt=Object.create(null);Yt.open="0";Yt.close="1";Yt.ping="2";Yt.pong="3";Yt.message="4";Yt.upgrade="5";Yt.noop="6";const fr=Object.create(null);Object.keys(Yt).forEach(t=>{fr[Yt[t]]=t});const g2={type:"error",data:"parser error"},m2=typeof Blob=="function"||typeof Blob<"u"&&Object.prototype.toString.call(Blob)==="[object BlobConstructor]",_2=typeof ArrayBuffer=="function",b2=t=>typeof ArrayBuffer.isView=="function"?ArrayBuffer.isView(t):t&&t.buffer instanceof ArrayBuffer,$p=({type:t,data:e},n,s)=>m2&&e instanceof Blob?n?s(e):Hd(e,s):_2&&(e instanceof ArrayBuffer||b2(e))?n?s(e):Hd(new Blob([e]),s):s(Yt[t]+(e||"")),Hd=(t,e)=>{const n=new FileReader;return n.onload=function(){const s=n.result.split(",")[1];e("b"+(s||""))},n.readAsDataURL(t)},Vd="ABCDEFGHIJKLMNOPQRSTUVWXYZabcdefghijklmnopqrstuvwxyz0123456789+/",oo=typeof Uint8Array>"u"?[]:new Uint8Array(256);for(let t=0;t{let e=t.length*.75,n=t.length,s,o=0,r,i,a,l;t[t.length-1]==="="&&(e--,t[t.length-2]==="="&&e--);const c=new ArrayBuffer(e),u=new Uint8Array(c);for(s=0;s>4,u[o++]=(i&15)<<4|a>>2,u[o++]=(a&3)<<6|l&63;return c},v2=typeof ArrayBuffer=="function",jp=(t,e)=>{if(typeof t!="string")return{type:"message",data:zp(t,e)};const n=t.charAt(0);return n==="b"?{type:"message",data:w2(t.substring(1),e)}:fr[n]?t.length>1?{type:fr[n],data:t.substring(1)}:{type:fr[n]}:g2},w2=(t,e)=>{if(v2){const n=y2(t);return zp(n,e)}else return{base64:!0,data:t}},zp=(t,e)=>{switch(e){case"blob":return t instanceof ArrayBuffer?new Blob([t]):t;case"arraybuffer":default:return t}},Up=String.fromCharCode(30),x2=(t,e)=>{const n=t.length,s=new Array(n);let o=0;t.forEach((r,i)=>{$p(r,!1,a=>{s[i]=a,++o===n&&e(s.join(Up))})})},k2=(t,e)=>{const n=t.split(Up),s=[];for(let o=0;otypeof self<"u"?self:typeof window<"u"?window:Function("return this")())();function Hp(t,...e){return e.reduce((n,s)=>(t.hasOwnProperty(s)&&(n[s]=t[s]),n),{})}const C2=Et.setTimeout,A2=Et.clearTimeout;function li(t,e){e.useNativeTimers?(t.setTimeoutFn=C2.bind(Et),t.clearTimeoutFn=A2.bind(Et)):(t.setTimeoutFn=Et.setTimeout.bind(Et),t.clearTimeoutFn=Et.clearTimeout.bind(Et))}const S2=1.33;function T2(t){return typeof t=="string"?M2(t):Math.ceil((t.byteLength||t.size)*S2)}function M2(t){let e=0,n=0;for(let s=0,o=t.length;s=57344?n+=3:(s++,n+=4);return n}class O2 extends Error{constructor(e,n,s){super(e),this.description=n,this.context=s,this.type="TransportError"}}class Vp extends tt{constructor(e){super(),this.writable=!1,li(this,e),this.opts=e,this.query=e.query,this.socket=e.socket}onError(e,n,s){return super.emitReserved("error",new O2(e,n,s)),this}open(){return this.readyState="opening",this.doOpen(),this}close(){return(this.readyState==="opening"||this.readyState==="open")&&(this.doClose(),this.onClose()),this}send(e){this.readyState==="open"&&this.write(e)}onOpen(){this.readyState="open",this.writable=!0,super.emitReserved("open")}onData(e){const n=jp(e,this.socket.binaryType);this.onPacket(n)}onPacket(e){super.emitReserved("packet",e)}onClose(e){this.readyState="closed",super.emitReserved("close",e)}pause(e){}}const Gp="0123456789ABCDEFGHIJKLMNOPQRSTUVWXYZabcdefghijklmnopqrstuvwxyz-_".split(""),il=64,R2={};let Gd=0,Ko=0,Kd;function Wd(t){let e="";do e=Gp[t%il]+e,t=Math.floor(t/il);while(t>0);return e}function Kp(){const t=Wd(+new Date);return t!==Kd?(Gd=0,Kd=t):t+"."+Wd(Gd++)}for(;Ko{this.readyState="paused",e()};if(this.polling||!this.writable){let s=0;this.polling&&(s++,this.once("pollComplete",function(){--s||n()})),this.writable||(s++,this.once("drain",function(){--s||n()}))}else n()}poll(){this.polling=!0,this.doPoll(),this.emitReserved("poll")}onData(e){const n=s=>{if(this.readyState==="opening"&&s.type==="open"&&this.onOpen(),s.type==="close")return this.onClose({description:"transport closed by the server"}),!1;this.onPacket(s)};k2(e,this.socket.binaryType).forEach(n),this.readyState!=="closed"&&(this.polling=!1,this.emitReserved("pollComplete"),this.readyState==="open"&&this.poll())}doClose(){const e=()=>{this.write([{type:"close"}])};this.readyState==="open"?e():this.once("open",e)}write(e){this.writable=!1,x2(e,n=>{this.doWrite(n,()=>{this.writable=!0,this.emitReserved("drain")})})}uri(){let e=this.query||{};const n=this.opts.secure?"https":"http";let s="";this.opts.timestampRequests!==!1&&(e[this.opts.timestampParam]=Kp()),!this.supportsBinary&&!e.sid&&(e.b64=1),this.opts.port&&(n==="https"&&Number(this.opts.port)!==443||n==="http"&&Number(this.opts.port)!==80)&&(s=":"+this.opts.port);const o=Wp(e),r=this.opts.hostname.indexOf(":")!==-1;return n+"://"+(r?"["+this.opts.hostname+"]":this.opts.hostname)+s+this.opts.path+(o.length?"?"+o:"")}request(e={}){return Object.assign(e,{xd:this.xd,xs:this.xs},this.opts),new Kt(this.uri(),e)}doWrite(e,n){const s=this.request({method:"POST",data:e});s.on("success",n),s.on("error",(o,r)=>{this.onError("xhr post error",o,r)})}doPoll(){const e=this.request();e.on("data",this.onData.bind(this)),e.on("error",(n,s)=>{this.onError("xhr poll error",n,s)}),this.pollXhr=e}}class Kt extends tt{constructor(e,n){super(),li(this,n),this.opts=n,this.method=n.method||"GET",this.uri=e,this.async=n.async!==!1,this.data=n.data!==void 0?n.data:null,this.create()}create(){const e=Hp(this.opts,"agent","pfx","key","passphrase","cert","ca","ciphers","rejectUnauthorized","autoUnref");e.xdomain=!!this.opts.xd,e.xscheme=!!this.opts.xs;const n=this.xhr=new Yp(e);try{n.open(this.method,this.uri,this.async);try{if(this.opts.extraHeaders){n.setDisableHeaderCheck&&n.setDisableHeaderCheck(!0);for(let s in this.opts.extraHeaders)this.opts.extraHeaders.hasOwnProperty(s)&&n.setRequestHeader(s,this.opts.extraHeaders[s])}}catch{}if(this.method==="POST")try{n.setRequestHeader("Content-type","text/plain;charset=UTF-8")}catch{}try{n.setRequestHeader("Accept","*/*")}catch{}"withCredentials"in n&&(n.withCredentials=this.opts.withCredentials),this.opts.requestTimeout&&(n.timeout=this.opts.requestTimeout),n.onreadystatechange=()=>{n.readyState===4&&(n.status===200||n.status===1223?this.onLoad():this.setTimeoutFn(()=>{this.onError(typeof n.status=="number"?n.status:0)},0))},n.send(this.data)}catch(s){this.setTimeoutFn(()=>{this.onError(s)},0);return}typeof document<"u"&&(this.index=Kt.requestsCount++,Kt.requests[this.index]=this)}onError(e){this.emitReserved("error",e,this.xhr),this.cleanup(!0)}cleanup(e){if(!(typeof this.xhr>"u"||this.xhr===null)){if(this.xhr.onreadystatechange=L2,e)try{this.xhr.abort()}catch{}typeof document<"u"&&delete Kt.requests[this.index],this.xhr=null}}onLoad(){const e=this.xhr.responseText;e!==null&&(this.emitReserved("data",e),this.emitReserved("success"),this.cleanup())}abort(){this.cleanup()}}Kt.requestsCount=0;Kt.requests={};if(typeof document<"u"){if(typeof attachEvent=="function")attachEvent("onunload",Zd);else if(typeof addEventListener=="function"){const t="onpagehide"in Et?"pagehide":"unload";addEventListener(t,Zd,!1)}}function Zd(){for(let t in Kt.requests)Kt.requests.hasOwnProperty(t)&&Kt.requests[t].abort()}const Jp=(()=>typeof Promise=="function"&&typeof Promise.resolve=="function"?e=>Promise.resolve().then(e):(e,n)=>n(e,0))(),Wo=Et.WebSocket||Et.MozWebSocket,Yd=!0,F2="arraybuffer",Jd=typeof navigator<"u"&&typeof navigator.product=="string"&&navigator.product.toLowerCase()==="reactnative";class B2 extends Vp{constructor(e){super(e),this.supportsBinary=!e.forceBase64}get name(){return"websocket"}doOpen(){if(!this.check())return;const e=this.uri(),n=this.opts.protocols,s=Jd?{}:Hp(this.opts,"agent","perMessageDeflate","pfx","key","passphrase","cert","ca","ciphers","rejectUnauthorized","localAddress","protocolVersion","origin","maxPayload","family","checkServerIdentity");this.opts.extraHeaders&&(s.headers=this.opts.extraHeaders);try{this.ws=Yd&&!Jd?n?new Wo(e,n):new Wo(e):new Wo(e,n,s)}catch(o){return this.emitReserved("error",o)}this.ws.binaryType=this.socket.binaryType||F2,this.addEventListeners()}addEventListeners(){this.ws.onopen=()=>{this.opts.autoUnref&&this.ws._socket.unref(),this.onOpen()},this.ws.onclose=e=>this.onClose({description:"websocket connection closed",context:e}),this.ws.onmessage=e=>this.onData(e.data),this.ws.onerror=e=>this.onError("websocket error",e)}write(e){this.writable=!1;for(let n=0;n{const i={};try{Yd&&this.ws.send(r)}catch{}o&&Jp(()=>{this.writable=!0,this.emitReserved("drain")},this.setTimeoutFn)})}}doClose(){typeof this.ws<"u"&&(this.ws.close(),this.ws=null)}uri(){let e=this.query||{};const n=this.opts.secure?"wss":"ws";let s="";this.opts.port&&(n==="wss"&&Number(this.opts.port)!==443||n==="ws"&&Number(this.opts.port)!==80)&&(s=":"+this.opts.port),this.opts.timestampRequests&&(e[this.opts.timestampParam]=Kp()),this.supportsBinary||(e.b64=1);const o=Wp(e),r=this.opts.hostname.indexOf(":")!==-1;return n+"://"+(r?"["+this.opts.hostname+"]":this.opts.hostname)+s+this.opts.path+(o.length?"?"+o:"")}check(){return!!Wo}}const $2={websocket:B2,polling:P2},j2=/^(?:(?![^:@\/?#]+:[^:@\/]*@)(http|https|ws|wss):\/\/)?((?:(([^:@\/?#]*)(?::([^:@\/?#]*))?)?@)?((?:[a-f0-9]{0,4}:){2,7}[a-f0-9]{0,4}|[^:\/?#]*)(?::(\d*))?)(((\/(?:[^?#](?![^?#\/]*\.[^?#\/.]+(?:[?#]|$)))*\/?)?([^?#\/]*))(?:\?([^#]*))?(?:#(.*))?)/,z2=["source","protocol","authority","userInfo","user","password","host","port","relative","path","directory","file","query","anchor"];function al(t){const e=t,n=t.indexOf("["),s=t.indexOf("]");n!=-1&&s!=-1&&(t=t.substring(0,n)+t.substring(n,s).replace(/:/g,";")+t.substring(s,t.length));let o=j2.exec(t||""),r={},i=14;for(;i--;)r[z2[i]]=o[i]||"";return n!=-1&&s!=-1&&(r.source=e,r.host=r.host.substring(1,r.host.length-1).replace(/;/g,":"),r.authority=r.authority.replace("[","").replace("]","").replace(/;/g,":"),r.ipv6uri=!0),r.pathNames=U2(r,r.path),r.queryKey=q2(r,r.query),r}function U2(t,e){const n=/\/{2,9}/g,s=e.replace(n,"/").split("/");return(e.slice(0,1)=="/"||e.length===0)&&s.splice(0,1),e.slice(-1)=="/"&&s.splice(s.length-1,1),s}function q2(t,e){const n={};return e.replace(/(?:^|&)([^&=]*)=?([^&]*)/g,function(s,o,r){o&&(n[o]=r)}),n}let Qp=class ps extends tt{constructor(e,n={}){super(),this.writeBuffer=[],e&&typeof e=="object"&&(n=e,e=null),e?(e=al(e),n.hostname=e.host,n.secure=e.protocol==="https"||e.protocol==="wss",n.port=e.port,e.query&&(n.query=e.query)):n.host&&(n.hostname=al(n.host).host),li(this,n),this.secure=n.secure!=null?n.secure:typeof location<"u"&&location.protocol==="https:",n.hostname&&!n.port&&(n.port=this.secure?"443":"80"),this.hostname=n.hostname||(typeof location<"u"?location.hostname:"localhost"),this.port=n.port||(typeof location<"u"&&location.port?location.port:this.secure?"443":"80"),this.transports=n.transports||["polling","websocket"],this.writeBuffer=[],this.prevBufferLen=0,this.opts=Object.assign({path:"/engine.io",agent:!1,withCredentials:!1,upgrade:!0,timestampParam:"t",rememberUpgrade:!1,addTrailingSlash:!0,rejectUnauthorized:!0,perMessageDeflate:{threshold:1024},transportOptions:{},closeOnBeforeunload:!0},n),this.opts.path=this.opts.path.replace(/\/$/,"")+(this.opts.addTrailingSlash?"/":""),typeof this.opts.query=="string"&&(this.opts.query=N2(this.opts.query)),this.id=null,this.upgrades=null,this.pingInterval=null,this.pingTimeout=null,this.pingTimeoutTimer=null,typeof addEventListener=="function"&&(this.opts.closeOnBeforeunload&&(this.beforeunloadEventListener=()=>{this.transport&&(this.transport.removeAllListeners(),this.transport.close())},addEventListener("beforeunload",this.beforeunloadEventListener,!1)),this.hostname!=="localhost"&&(this.offlineEventListener=()=>{this.onClose("transport close",{description:"network connection lost"})},addEventListener("offline",this.offlineEventListener,!1))),this.open()}createTransport(e){const n=Object.assign({},this.opts.query);n.EIO=qp,n.transport=e,this.id&&(n.sid=this.id);const s=Object.assign({},this.opts.transportOptions[e],this.opts,{query:n,socket:this,hostname:this.hostname,secure:this.secure,port:this.port});return new $2[e](s)}open(){let e;if(this.opts.rememberUpgrade&&ps.priorWebsocketSuccess&&this.transports.indexOf("websocket")!==-1)e="websocket";else if(this.transports.length===0){this.setTimeoutFn(()=>{this.emitReserved("error","No transports available")},0);return}else e=this.transports[0];this.readyState="opening";try{e=this.createTransport(e)}catch{this.transports.shift(),this.open();return}e.open(),this.setTransport(e)}setTransport(e){this.transport&&this.transport.removeAllListeners(),this.transport=e,e.on("drain",this.onDrain.bind(this)).on("packet",this.onPacket.bind(this)).on("error",this.onError.bind(this)).on("close",n=>this.onClose("transport close",n))}probe(e){let n=this.createTransport(e),s=!1;ps.priorWebsocketSuccess=!1;const o=()=>{s||(n.send([{type:"ping",data:"probe"}]),n.once("packet",h=>{if(!s)if(h.type==="pong"&&h.data==="probe"){if(this.upgrading=!0,this.emitReserved("upgrading",n),!n)return;ps.priorWebsocketSuccess=n.name==="websocket",this.transport.pause(()=>{s||this.readyState!=="closed"&&(u(),this.setTransport(n),n.send([{type:"upgrade"}]),this.emitReserved("upgrade",n),n=null,this.upgrading=!1,this.flush())})}else{const f=new Error("probe error");f.transport=n.name,this.emitReserved("upgradeError",f)}}))};function r(){s||(s=!0,u(),n.close(),n=null)}const i=h=>{const f=new Error("probe error: "+h);f.transport=n.name,r(),this.emitReserved("upgradeError",f)};function a(){i("transport closed")}function l(){i("socket closed")}function c(h){n&&h.name!==n.name&&r()}const u=()=>{n.removeListener("open",o),n.removeListener("error",i),n.removeListener("close",a),this.off("close",l),this.off("upgrading",c)};n.once("open",o),n.once("error",i),n.once("close",a),this.once("close",l),this.once("upgrading",c),n.open()}onOpen(){if(this.readyState="open",ps.priorWebsocketSuccess=this.transport.name==="websocket",this.emitReserved("open"),this.flush(),this.readyState==="open"&&this.opts.upgrade){let e=0;const n=this.upgrades.length;for(;e{this.onClose("ping timeout")},this.pingInterval+this.pingTimeout),this.opts.autoUnref&&this.pingTimeoutTimer.unref()}onDrain(){this.writeBuffer.splice(0,this.prevBufferLen),this.prevBufferLen=0,this.writeBuffer.length===0?this.emitReserved("drain"):this.flush()}flush(){if(this.readyState!=="closed"&&this.transport.writable&&!this.upgrading&&this.writeBuffer.length){const e=this.getWritablePackets();this.transport.send(e),this.prevBufferLen=e.length,this.emitReserved("flush")}}getWritablePackets(){if(!(this.maxPayload&&this.transport.name==="polling"&&this.writeBuffer.length>1))return this.writeBuffer;let n=1;for(let s=0;s0&&n>this.maxPayload)return this.writeBuffer.slice(0,s);n+=2}return this.writeBuffer}write(e,n,s){return this.sendPacket("message",e,n,s),this}send(e,n,s){return this.sendPacket("message",e,n,s),this}sendPacket(e,n,s,o){if(typeof n=="function"&&(o=n,n=void 0),typeof s=="function"&&(o=s,s=null),this.readyState==="closing"||this.readyState==="closed")return;s=s||{},s.compress=s.compress!==!1;const r={type:e,data:n,options:s};this.emitReserved("packetCreate",r),this.writeBuffer.push(r),o&&this.once("flush",o),this.flush()}close(){const e=()=>{this.onClose("forced close"),this.transport.close()},n=()=>{this.off("upgrade",n),this.off("upgradeError",n),e()},s=()=>{this.once("upgrade",n),this.once("upgradeError",n)};return(this.readyState==="opening"||this.readyState==="open")&&(this.readyState="closing",this.writeBuffer.length?this.once("drain",()=>{this.upgrading?s():e()}):this.upgrading?s():e()),this}onError(e){ps.priorWebsocketSuccess=!1,this.emitReserved("error",e),this.onClose("transport error",e)}onClose(e,n){(this.readyState==="opening"||this.readyState==="open"||this.readyState==="closing")&&(this.clearTimeoutFn(this.pingTimeoutTimer),this.transport.removeAllListeners("close"),this.transport.close(),this.transport.removeAllListeners(),typeof removeEventListener=="function"&&(removeEventListener("beforeunload",this.beforeunloadEventListener,!1),removeEventListener("offline",this.offlineEventListener,!1)),this.readyState="closed",this.id=null,this.emitReserved("close",e,n),this.writeBuffer=[],this.prevBufferLen=0)}filterUpgrades(e){const n=[];let s=0;const o=e.length;for(;stypeof ArrayBuffer.isView=="function"?ArrayBuffer.isView(t):t.buffer instanceof ArrayBuffer,Xp=Object.prototype.toString,K2=typeof Blob=="function"||typeof Blob<"u"&&Xp.call(Blob)==="[object BlobConstructor]",W2=typeof File=="function"||typeof File<"u"&&Xp.call(File)==="[object FileConstructor]";function sc(t){return V2&&(t instanceof ArrayBuffer||G2(t))||K2&&t instanceof Blob||W2&&t instanceof File}function pr(t,e){if(!t||typeof t!="object")return!1;if(Array.isArray(t)){for(let n=0,s=t.length;n=0&&t.num{delete this.acks[e];for(let i=0;i{this.io.clearTimeoutFn(r),n.apply(this,[null,...i])}}emitWithAck(e,...n){const s=this.flags.timeout!==void 0||this._opts.ackTimeout!==void 0;return new Promise((o,r)=>{n.push((i,a)=>s?i?r(i):o(a):o(i)),this.emit(e,...n)})}_addToQueue(e){let n;typeof e[e.length-1]=="function"&&(n=e.pop());const s={id:this._queueSeq++,tryCount:0,pending:!1,args:e,flags:Object.assign({fromQueue:!0},this.flags)};e.push((o,...r)=>s!==this._queue[0]?void 0:(o!==null?s.tryCount>this._opts.retries&&(this._queue.shift(),n&&n(o)):(this._queue.shift(),n&&n(null,...r)),s.pending=!1,this._drainQueue())),this._queue.push(s),this._drainQueue()}_drainQueue(e=!1){if(!this.connected||this._queue.length===0)return;const n=this._queue[0];n.pending&&!e||(n.pending=!0,n.tryCount++,this.flags=n.flags,this.emit.apply(this,n.args))}packet(e){e.nsp=this.nsp,this.io._packet(e)}onopen(){typeof this.auth=="function"?this.auth(e=>{this._sendConnectPacket(e)}):this._sendConnectPacket(this.auth)}_sendConnectPacket(e){this.packet({type:Fe.CONNECT,data:this._pid?Object.assign({pid:this._pid,offset:this._lastOffset},e):e})}onerror(e){this.connected||this.emitReserved("connect_error",e)}onclose(e,n){this.connected=!1,delete this.id,this.emitReserved("disconnect",e,n)}onpacket(e){if(e.nsp===this.nsp)switch(e.type){case Fe.CONNECT:e.data&&e.data.sid?this.onconnect(e.data.sid,e.data.pid):this.emitReserved("connect_error",new Error("It seems you are trying to reach a Socket.IO server in v2.x with a v3.x client, but they are not compatible (more information here: https://socket.io/docs/v3/migrating-from-2-x-to-3-0/)"));break;case Fe.EVENT:case Fe.BINARY_EVENT:this.onevent(e);break;case Fe.ACK:case Fe.BINARY_ACK:this.onack(e);break;case Fe.DISCONNECT:this.ondisconnect();break;case Fe.CONNECT_ERROR:this.destroy();const s=new Error(e.data.message);s.data=e.data.data,this.emitReserved("connect_error",s);break}}onevent(e){const n=e.data||[];e.id!=null&&n.push(this.ack(e.id)),this.connected?this.emitEvent(n):this.receiveBuffer.push(Object.freeze(n))}emitEvent(e){if(this._anyListeners&&this._anyListeners.length){const n=this._anyListeners.slice();for(const s of n)s.apply(this,e)}super.emit.apply(this,e),this._pid&&e.length&&typeof e[e.length-1]=="string"&&(this._lastOffset=e[e.length-1])}ack(e){const n=this;let s=!1;return function(...o){s||(s=!0,n.packet({type:Fe.ACK,id:e,data:o}))}}onack(e){const n=this.acks[e.id];typeof n=="function"&&(n.apply(this,e.data),delete this.acks[e.id])}onconnect(e,n){this.id=e,this.recovered=n&&this._pid===n,this._pid=n,this.connected=!0,this.emitBuffered(),this.emitReserved("connect"),this._drainQueue(!0)}emitBuffered(){this.receiveBuffer.forEach(e=>this.emitEvent(e)),this.receiveBuffer=[],this.sendBuffer.forEach(e=>{this.notifyOutgoingListeners(e),this.packet(e)}),this.sendBuffer=[]}ondisconnect(){this.destroy(),this.onclose("io server disconnect")}destroy(){this.subs&&(this.subs.forEach(e=>e()),this.subs=void 0),this.io._destroy(this)}disconnect(){return this.connected&&this.packet({type:Fe.DISCONNECT}),this.destroy(),this.connected&&this.onclose("io client disconnect"),this}close(){return this.disconnect()}compress(e){return this.flags.compress=e,this}get volatile(){return this.flags.volatile=!0,this}timeout(e){return this.flags.timeout=e,this}onAny(e){return this._anyListeners=this._anyListeners||[],this._anyListeners.push(e),this}prependAny(e){return this._anyListeners=this._anyListeners||[],this._anyListeners.unshift(e),this}offAny(e){if(!this._anyListeners)return this;if(e){const n=this._anyListeners;for(let s=0;s0&&t.jitter<=1?t.jitter:0,this.attempts=0}Gs.prototype.duration=function(){var t=this.ms*Math.pow(this.factor,this.attempts++);if(this.jitter){var e=Math.random(),n=Math.floor(e*this.jitter*t);t=Math.floor(e*10)&1?t+n:t-n}return Math.min(t,this.max)|0};Gs.prototype.reset=function(){this.attempts=0};Gs.prototype.setMin=function(t){this.ms=t};Gs.prototype.setMax=function(t){this.max=t};Gs.prototype.setJitter=function(t){this.jitter=t};class dl extends tt{constructor(e,n){var s;super(),this.nsps={},this.subs=[],e&&typeof e=="object"&&(n=e,e=void 0),n=n||{},n.path=n.path||"/socket.io",this.opts=n,li(this,n),this.reconnection(n.reconnection!==!1),this.reconnectionAttempts(n.reconnectionAttempts||1/0),this.reconnectionDelay(n.reconnectionDelay||1e3),this.reconnectionDelayMax(n.reconnectionDelayMax||5e3),this.randomizationFactor((s=n.randomizationFactor)!==null&&s!==void 0?s:.5),this.backoff=new Gs({min:this.reconnectionDelay(),max:this.reconnectionDelayMax(),jitter:this.randomizationFactor()}),this.timeout(n.timeout==null?2e4:n.timeout),this._readyState="closed",this.uri=e;const o=n.parser||ev;this.encoder=new o.Encoder,this.decoder=new o.Decoder,this._autoConnect=n.autoConnect!==!1,this._autoConnect&&this.open()}reconnection(e){return arguments.length?(this._reconnection=!!e,this):this._reconnection}reconnectionAttempts(e){return e===void 0?this._reconnectionAttempts:(this._reconnectionAttempts=e,this)}reconnectionDelay(e){var n;return e===void 0?this._reconnectionDelay:(this._reconnectionDelay=e,(n=this.backoff)===null||n===void 0||n.setMin(e),this)}randomizationFactor(e){var n;return e===void 0?this._randomizationFactor:(this._randomizationFactor=e,(n=this.backoff)===null||n===void 0||n.setJitter(e),this)}reconnectionDelayMax(e){var n;return e===void 0?this._reconnectionDelayMax:(this._reconnectionDelayMax=e,(n=this.backoff)===null||n===void 0||n.setMax(e),this)}timeout(e){return arguments.length?(this._timeout=e,this):this._timeout}maybeReconnectOnOpen(){!this._reconnecting&&this._reconnection&&this.backoff.attempts===0&&this.reconnect()}open(e){if(~this._readyState.indexOf("open"))return this;this.engine=new Qp(this.uri,this.opts);const n=this.engine,s=this;this._readyState="opening",this.skipReconnect=!1;const o=Dt(n,"open",function(){s.onopen(),e&&e()}),r=Dt(n,"error",i=>{s.cleanup(),s._readyState="closed",this.emitReserved("error",i),e?e(i):s.maybeReconnectOnOpen()});if(this._timeout!==!1){const i=this._timeout;i===0&&o();const a=this.setTimeoutFn(()=>{o(),n.close(),n.emit("error",new Error("timeout"))},i);this.opts.autoUnref&&a.unref(),this.subs.push(function(){clearTimeout(a)})}return this.subs.push(o),this.subs.push(r),this}connect(e){return this.open(e)}onopen(){this.cleanup(),this._readyState="open",this.emitReserved("open");const e=this.engine;this.subs.push(Dt(e,"ping",this.onping.bind(this)),Dt(e,"data",this.ondata.bind(this)),Dt(e,"error",this.onerror.bind(this)),Dt(e,"close",this.onclose.bind(this)),Dt(this.decoder,"decoded",this.ondecoded.bind(this)))}onping(){this.emitReserved("ping")}ondata(e){try{this.decoder.add(e)}catch(n){this.onclose("parse error",n)}}ondecoded(e){Jp(()=>{this.emitReserved("packet",e)},this.setTimeoutFn)}onerror(e){this.emitReserved("error",e)}socket(e,n){let s=this.nsps[e];return s?this._autoConnect&&!s.active&&s.connect():(s=new eg(this,e,n),this.nsps[e]=s),s}_destroy(e){const n=Object.keys(this.nsps);for(const s of n)if(this.nsps[s].active)return;this._close()}_packet(e){const n=this.encoder.encode(e);for(let s=0;se()),this.subs.length=0,this.decoder.destroy()}_close(){this.skipReconnect=!0,this._reconnecting=!1,this.onclose("forced close"),this.engine&&this.engine.close()}disconnect(){return this._close()}onclose(e,n){this.cleanup(),this.backoff.reset(),this._readyState="closed",this.emitReserved("close",e,n),this._reconnection&&!this.skipReconnect&&this.reconnect()}reconnect(){if(this._reconnecting||this.skipReconnect)return this;const e=this;if(this.backoff.attempts>=this._reconnectionAttempts)this.backoff.reset(),this.emitReserved("reconnect_failed"),this._reconnecting=!1;else{const n=this.backoff.duration();this._reconnecting=!0;const s=this.setTimeoutFn(()=>{e.skipReconnect||(this.emitReserved("reconnect_attempt",e.backoff.attempts),!e.skipReconnect&&e.open(o=>{o?(e._reconnecting=!1,e.reconnect(),this.emitReserved("reconnect_error",o)):e.onreconnect()}))},n);this.opts.autoUnref&&s.unref(),this.subs.push(function(){clearTimeout(s)})}}onreconnect(){const e=this.backoff.attempts;this._reconnecting=!1,this.backoff.reset(),this.emitReserved("reconnect",e)}}const eo={};function gr(t,e){typeof t=="object"&&(e=t,t=void 0),e=e||{};const n=H2(t,e.path||"/socket.io"),s=n.source,o=n.id,r=n.path,i=eo[o]&&r in eo[o].nsps,a=e.forceNew||e["force new connection"]||e.multiplex===!1||i;let l;return a?l=new dl(s,e):(eo[o]||(eo[o]=new dl(s,e)),l=eo[o]),n.query&&!e.query&&(e.query=n.queryKey),l.socket(n.path,e)}Object.assign(gr,{Manager:dl,Socket:eg,io:gr,connect:gr});const nv=void 0,Ee=new gr(nv);const Ue=(t,e)=>{const n=t.__vccOpts||t;for(const[s,o]of e)n[s]=o;return n},sv={name:"Toast",props:{},data(){return{show:!1,success:!0,message:"",toastArr:[]}},methods:{close(t){this.toastArr=this.toastArr.filter(e=>e.id!=t)},copyToClipBoard(t){navigator.clipboard.writeText(t),be(()=>{ve.replace()})},showToast(t,e=3,n=!0){const s=parseInt((new Date().getTime()*Math.random()).toString()).toString(),o={id:s,success:n,message:t,show:!0};this.toastArr.push(o),be(()=>{ve.replace()}),setTimeout(()=>{this.toastArr=this.toastArr.filter(r=>r.id!=s)},e*1e3)}},watch:{}},Rn=t=>(ns("data-v-3ffdabf3"),t=t(),ss(),t),ov={class:"absolute bottom-16 right-2 z-20 flex flex-col gap-3 min-w-[300px]"},rv={class:"flex flex-row items-center w-full max-w-xs p-4 mb-4 text-gray-500 bg-white rounded-lg shadow dark:text-gray-400 dark:bg-gray-800",role:"alert"},iv={class:"flex flex-row flex-grow items-center"},av={key:0,class:"inline-flex items-center justify-center flex-shrink-0 w-8 h-8 text-green-500 bg-green-100 rounded-lg dark:bg-green-800 dark:text-green-200"},lv=Rn(()=>d("i",{"data-feather":"check"},null,-1)),cv=Rn(()=>d("span",{class:"sr-only"},"Check icon",-1)),dv=[lv,cv],uv={key:1,class:"inline-flex items-center justify-center flex-shrink-0 w-8 h-8 text-red-500 bg-red-100 rounded-lg dark:bg-red-800 dark:text-red-200"},hv=Rn(()=>d("i",{"data-feather":"x"},null,-1)),fv=Rn(()=>d("span",{class:"sr-only"},"Cross icon",-1)),pv=[hv,fv],gv=["title"],mv={class:"flex"},_v=["onClick"],bv=Rn(()=>d("span",{class:"sr-only"},"Copy message",-1)),yv=Rn(()=>d("i",{"data-feather":"clipboard",class:"w-5 h-5"},null,-1)),vv=[bv,yv],wv=["onClick"],xv=Rn(()=>d("span",{class:"sr-only"},"Close",-1)),kv=Rn(()=>d("svg",{"aria-hidden":"true",class:"w-5 h-5",fill:"currentColor",viewBox:"0 0 20 20",xmlns:"http://www.w3.org/2000/svg"},[d("path",{"fill-rule":"evenodd",d:"M4.293 4.293a1 1 0 011.414 0L10 8.586l4.293-4.293a1 1 0 111.414 1.414L11.414 10l4.293 4.293a1 1 0 01-1.414 1.414L10 11.414l-4.293 4.293a1 1 0 01-1.414-1.414L8.586 10 4.293 5.707a1 1 0 010-1.414z","clip-rule":"evenodd"})],-1)),Ev=[xv,kv];function Cv(t,e,n,s,o,r){return k(),C("div",ov,[he(Ut,{name:"toastItem",tag:"div"},{default:De(()=>[(k(!0),C(Oe,null,Ge(o.toastArr,i=>(k(),C("div",{key:i.id,class:"relative"},[d("div",rv,[d("div",iv,[xr(t.$slots,"default",{},()=>[i.success?(k(),C("div",av,dv)):B("",!0),i.success?B("",!0):(k(),C("div",uv,pv)),d("div",{class:"ml-3 text-sm font-normal whitespace-pre-wrap line-clamp-3",title:i.message},H(i.message),9,gv)],!0)]),d("div",mv,[d("button",{type:"button",onClick:le(a=>r.copyToClipBoard(i.message),["stop"]),title:"Copy message",class:"bg-white text-gray-400 hover:text-gray-900 rounded-lg focus:ring-2 focus:ring-gray-300 p-1.5 hover:bg-gray-100 inline-flex h-8 w-8 dark:text-gray-500 dark:hover:text-white dark:bg-gray-800 dark:hover:bg-gray-700"},vv,8,_v),d("button",{type:"button",onClick:a=>r.close(i.id),title:"Close",class:"bg-white text-gray-400 hover:text-gray-900 rounded-lg focus:ring-2 focus:ring-gray-300 p-1.5 hover:bg-gray-100 inline-flex h-8 w-8 dark:text-gray-500 dark:hover:text-white dark:bg-gray-800 dark:hover:bg-gray-700"},Ev,8,wv)])])]))),128))]),_:3})])}const Io=Ue(sv,[["render",Cv],["__scopeId","data-v-3ffdabf3"]]);var qe={};const Av="Á",Sv="á",Tv="Ă",Mv="ă",Ov="∾",Rv="∿",Nv="∾̳",Dv="Â",Lv="â",Iv="´",Pv="А",Fv="а",Bv="Æ",$v="æ",jv="⁡",zv="𝔄",Uv="𝔞",qv="À",Hv="à",Vv="ℵ",Gv="ℵ",Kv="Α",Wv="α",Zv="Ā",Yv="ā",Jv="⨿",Qv="&",Xv="&",ew="⩕",tw="⩓",nw="∧",sw="⩜",ow="⩘",rw="⩚",iw="∠",aw="⦤",lw="∠",cw="⦨",dw="⦩",uw="⦪",hw="⦫",fw="⦬",pw="⦭",gw="⦮",mw="⦯",_w="∡",bw="∟",yw="⊾",vw="⦝",ww="∢",xw="Å",kw="⍼",Ew="Ą",Cw="ą",Aw="𝔸",Sw="𝕒",Tw="⩯",Mw="≈",Ow="⩰",Rw="≊",Nw="≋",Dw="'",Lw="⁡",Iw="≈",Pw="≊",Fw="Å",Bw="å",$w="𝒜",jw="𝒶",zw="≔",Uw="*",qw="≈",Hw="≍",Vw="Ã",Gw="ã",Kw="Ä",Ww="ä",Zw="∳",Yw="⨑",Jw="≌",Qw="϶",Xw="‵",ex="∽",tx="⋍",nx="∖",sx="⫧",ox="⊽",rx="⌅",ix="⌆",ax="⌅",lx="⎵",cx="⎶",dx="≌",ux="Б",hx="б",fx="„",px="∵",gx="∵",mx="∵",_x="⦰",bx="϶",yx="ℬ",vx="ℬ",wx="Β",xx="β",kx="ℶ",Ex="≬",Cx="𝔅",Ax="𝔟",Sx="⋂",Tx="◯",Mx="⋃",Ox="⨀",Rx="⨁",Nx="⨂",Dx="⨆",Lx="★",Ix="▽",Px="△",Fx="⨄",Bx="⋁",$x="⋀",jx="⤍",zx="⧫",Ux="▪",qx="▴",Hx="▾",Vx="◂",Gx="▸",Kx="␣",Wx="▒",Zx="░",Yx="▓",Jx="█",Qx="=⃥",Xx="≡⃥",ek="⫭",tk="⌐",nk="𝔹",sk="𝕓",ok="⊥",rk="⊥",ik="⋈",ak="⧉",lk="┐",ck="╕",dk="╖",uk="╗",hk="┌",fk="╒",pk="╓",gk="╔",mk="─",_k="═",bk="┬",yk="╤",vk="╥",wk="╦",xk="┴",kk="╧",Ek="╨",Ck="╩",Ak="⊟",Sk="⊞",Tk="⊠",Mk="┘",Ok="╛",Rk="╜",Nk="╝",Dk="└",Lk="╘",Ik="╙",Pk="╚",Fk="│",Bk="║",$k="┼",jk="╪",zk="╫",Uk="╬",qk="┤",Hk="╡",Vk="╢",Gk="╣",Kk="├",Wk="╞",Zk="╟",Yk="╠",Jk="‵",Qk="˘",Xk="˘",e5="¦",t5="𝒷",n5="ℬ",s5="⁏",o5="∽",r5="⋍",i5="⧅",a5="\\",l5="⟈",c5="•",d5="•",u5="≎",h5="⪮",f5="≏",p5="≎",g5="≏",m5="Ć",_5="ć",b5="⩄",y5="⩉",v5="⩋",w5="∩",x5="⋒",k5="⩇",E5="⩀",C5="ⅅ",A5="∩︀",S5="⁁",T5="ˇ",M5="ℭ",O5="⩍",R5="Č",N5="č",D5="Ç",L5="ç",I5="Ĉ",P5="ĉ",F5="∰",B5="⩌",$5="⩐",j5="Ċ",z5="ċ",U5="¸",q5="¸",H5="⦲",V5="¢",G5="·",K5="·",W5="𝔠",Z5="ℭ",Y5="Ч",J5="ч",Q5="✓",X5="✓",eE="Χ",tE="χ",nE="ˆ",sE="≗",oE="↺",rE="↻",iE="⊛",aE="⊚",lE="⊝",cE="⊙",dE="®",uE="Ⓢ",hE="⊖",fE="⊕",pE="⊗",gE="○",mE="⧃",_E="≗",bE="⨐",yE="⫯",vE="⧂",wE="∲",xE="”",kE="’",EE="♣",CE="♣",AE=":",SE="∷",TE="⩴",ME="≔",OE="≔",RE=",",NE="@",DE="∁",LE="∘",IE="∁",PE="ℂ",FE="≅",BE="⩭",$E="≡",jE="∮",zE="∯",UE="∮",qE="𝕔",HE="ℂ",VE="∐",GE="∐",KE="©",WE="©",ZE="℗",YE="∳",JE="↵",QE="✗",XE="⨯",e4="𝒞",t4="𝒸",n4="⫏",s4="⫑",o4="⫐",r4="⫒",i4="⋯",a4="⤸",l4="⤵",c4="⋞",d4="⋟",u4="↶",h4="⤽",f4="⩈",p4="⩆",g4="≍",m4="∪",_4="⋓",b4="⩊",y4="⊍",v4="⩅",w4="∪︀",x4="↷",k4="⤼",E4="⋞",C4="⋟",A4="⋎",S4="⋏",T4="¤",M4="↶",O4="↷",R4="⋎",N4="⋏",D4="∲",L4="∱",I4="⌭",P4="†",F4="‡",B4="ℸ",$4="↓",j4="↡",z4="⇓",U4="‐",q4="⫤",H4="⊣",V4="⤏",G4="˝",K4="Ď",W4="ď",Z4="Д",Y4="д",J4="‡",Q4="⇊",X4="ⅅ",e8="ⅆ",t8="⤑",n8="⩷",s8="°",o8="∇",r8="Δ",i8="δ",a8="⦱",l8="⥿",c8="𝔇",d8="𝔡",u8="⥥",h8="⇃",f8="⇂",p8="´",g8="˙",m8="˝",_8="`",b8="˜",y8="⋄",v8="⋄",w8="⋄",x8="♦",k8="♦",E8="¨",C8="ⅆ",A8="ϝ",S8="⋲",T8="÷",M8="÷",O8="⋇",R8="⋇",N8="Ђ",D8="ђ",L8="⌞",I8="⌍",P8="$",F8="𝔻",B8="𝕕",$8="¨",j8="˙",z8="⃜",U8="≐",q8="≑",H8="≐",V8="∸",G8="∔",K8="⊡",W8="⌆",Z8="∯",Y8="¨",J8="⇓",Q8="⇐",X8="⇔",eC="⫤",tC="⟸",nC="⟺",sC="⟹",oC="⇒",rC="⊨",iC="⇑",aC="⇕",lC="∥",cC="⤓",dC="↓",uC="↓",hC="⇓",fC="⇵",pC="̑",gC="⇊",mC="⇃",_C="⇂",bC="⥐",yC="⥞",vC="⥖",wC="↽",xC="⥟",kC="⥗",EC="⇁",CC="↧",AC="⊤",SC="⤐",TC="⌟",MC="⌌",OC="𝒟",RC="𝒹",NC="Ѕ",DC="ѕ",LC="⧶",IC="Đ",PC="đ",FC="⋱",BC="▿",$C="▾",jC="⇵",zC="⥯",UC="⦦",qC="Џ",HC="џ",VC="⟿",GC="É",KC="é",WC="⩮",ZC="Ě",YC="ě",JC="Ê",QC="ê",XC="≖",e3="≕",t3="Э",n3="э",s3="⩷",o3="Ė",r3="ė",i3="≑",a3="ⅇ",l3="≒",c3="𝔈",d3="𝔢",u3="⪚",h3="È",f3="è",p3="⪖",g3="⪘",m3="⪙",_3="∈",b3="⏧",y3="ℓ",v3="⪕",w3="⪗",x3="Ē",k3="ē",E3="∅",C3="∅",A3="◻",S3="∅",T3="▫",M3=" ",O3=" ",R3=" ",N3="Ŋ",D3="ŋ",L3=" ",I3="Ę",P3="ę",F3="𝔼",B3="𝕖",$3="⋕",j3="⧣",z3="⩱",U3="ε",q3="Ε",H3="ε",V3="ϵ",G3="≖",K3="≕",W3="≂",Z3="⪖",Y3="⪕",J3="⩵",Q3="=",X3="≂",e9="≟",t9="⇌",n9="≡",s9="⩸",o9="⧥",r9="⥱",i9="≓",a9="ℯ",l9="ℰ",c9="≐",d9="⩳",u9="≂",h9="Η",f9="η",p9="Ð",g9="ð",m9="Ë",_9="ë",b9="€",y9="!",v9="∃",w9="∃",x9="ℰ",k9="ⅇ",E9="ⅇ",C9="≒",A9="Ф",S9="ф",T9="♀",M9="ffi",O9="ff",R9="ffl",N9="𝔉",D9="𝔣",L9="fi",I9="◼",P9="▪",F9="fj",B9="♭",$9="fl",j9="▱",z9="ƒ",U9="𝔽",q9="𝕗",H9="∀",V9="∀",G9="⋔",K9="⫙",W9="ℱ",Z9="⨍",Y9="½",J9="⅓",Q9="¼",X9="⅕",e6="⅙",t6="⅛",n6="⅔",s6="⅖",o6="¾",r6="⅗",i6="⅜",a6="⅘",l6="⅚",c6="⅝",d6="⅞",u6="⁄",h6="⌢",f6="𝒻",p6="ℱ",g6="ǵ",m6="Γ",_6="γ",b6="Ϝ",y6="ϝ",v6="⪆",w6="Ğ",x6="ğ",k6="Ģ",E6="Ĝ",C6="ĝ",A6="Г",S6="г",T6="Ġ",M6="ġ",O6="≥",R6="≧",N6="⪌",D6="⋛",L6="≥",I6="≧",P6="⩾",F6="⪩",B6="⩾",$6="⪀",j6="⪂",z6="⪄",U6="⋛︀",q6="⪔",H6="𝔊",V6="𝔤",G6="≫",K6="⋙",W6="⋙",Z6="ℷ",Y6="Ѓ",J6="ѓ",Q6="⪥",X6="≷",eA="⪒",tA="⪤",nA="⪊",sA="⪊",oA="⪈",rA="≩",iA="⪈",aA="≩",lA="⋧",cA="𝔾",dA="𝕘",uA="`",hA="≥",fA="⋛",pA="≧",gA="⪢",mA="≷",_A="⩾",bA="≳",yA="𝒢",vA="ℊ",wA="≳",xA="⪎",kA="⪐",EA="⪧",CA="⩺",AA=">",SA=">",TA="≫",MA="⋗",OA="⦕",RA="⩼",NA="⪆",DA="⥸",LA="⋗",IA="⋛",PA="⪌",FA="≷",BA="≳",$A="≩︀",jA="≩︀",zA="ˇ",UA=" ",qA="½",HA="ℋ",VA="Ъ",GA="ъ",KA="⥈",WA="↔",ZA="⇔",YA="↭",JA="^",QA="ℏ",XA="Ĥ",eS="ĥ",tS="♥",nS="♥",sS="…",oS="⊹",rS="𝔥",iS="ℌ",aS="ℋ",lS="⤥",cS="⤦",dS="⇿",uS="∻",hS="↩",fS="↪",pS="𝕙",gS="ℍ",mS="―",_S="─",bS="𝒽",yS="ℋ",vS="ℏ",wS="Ħ",xS="ħ",kS="≎",ES="≏",CS="⁃",AS="‐",SS="Í",TS="í",MS="⁣",OS="Î",RS="î",NS="И",DS="и",LS="İ",IS="Е",PS="е",FS="¡",BS="⇔",$S="𝔦",jS="ℑ",zS="Ì",US="ì",qS="ⅈ",HS="⨌",VS="∭",GS="⧜",KS="℩",WS="IJ",ZS="ij",YS="Ī",JS="ī",QS="ℑ",XS="ⅈ",eT="ℐ",tT="ℑ",nT="ı",sT="ℑ",oT="⊷",rT="Ƶ",iT="⇒",aT="℅",lT="∞",cT="⧝",dT="ı",uT="⊺",hT="∫",fT="∬",pT="ℤ",gT="∫",mT="⊺",_T="⋂",bT="⨗",yT="⨼",vT="⁣",wT="⁢",xT="Ё",kT="ё",ET="Į",CT="į",AT="𝕀",ST="𝕚",TT="Ι",MT="ι",OT="⨼",RT="¿",NT="𝒾",DT="ℐ",LT="∈",IT="⋵",PT="⋹",FT="⋴",BT="⋳",$T="∈",jT="⁢",zT="Ĩ",UT="ĩ",qT="І",HT="і",VT="Ï",GT="ï",KT="Ĵ",WT="ĵ",ZT="Й",YT="й",JT="𝔍",QT="𝔧",XT="ȷ",e7="𝕁",t7="𝕛",n7="𝒥",s7="𝒿",o7="Ј",r7="ј",i7="Є",a7="є",l7="Κ",c7="κ",d7="ϰ",u7="Ķ",h7="ķ",f7="К",p7="к",g7="𝔎",m7="𝔨",_7="ĸ",b7="Х",y7="х",v7="Ќ",w7="ќ",x7="𝕂",k7="𝕜",E7="𝒦",C7="𝓀",A7="⇚",S7="Ĺ",T7="ĺ",M7="⦴",O7="ℒ",R7="Λ",N7="λ",D7="⟨",L7="⟪",I7="⦑",P7="⟨",F7="⪅",B7="ℒ",$7="«",j7="⇤",z7="⤟",U7="←",q7="↞",H7="⇐",V7="⤝",G7="↩",K7="↫",W7="⤹",Z7="⥳",Y7="↢",J7="⤙",Q7="⤛",X7="⪫",eM="⪭",tM="⪭︀",nM="⤌",sM="⤎",oM="❲",rM="{",iM="[",aM="⦋",lM="⦏",cM="⦍",dM="Ľ",uM="ľ",hM="Ļ",fM="ļ",pM="⌈",gM="{",mM="Л",_M="л",bM="⤶",yM="“",vM="„",wM="⥧",xM="⥋",kM="↲",EM="≤",CM="≦",AM="⟨",SM="⇤",TM="←",MM="←",OM="⇐",RM="⇆",NM="↢",DM="⌈",LM="⟦",IM="⥡",PM="⥙",FM="⇃",BM="⌊",$M="↽",jM="↼",zM="⇇",UM="↔",qM="↔",HM="⇔",VM="⇆",GM="⇋",KM="↭",WM="⥎",ZM="↤",YM="⊣",JM="⥚",QM="⋋",XM="⧏",eO="⊲",tO="⊴",nO="⥑",sO="⥠",oO="⥘",rO="↿",iO="⥒",aO="↼",lO="⪋",cO="⋚",dO="≤",uO="≦",hO="⩽",fO="⪨",pO="⩽",gO="⩿",mO="⪁",_O="⪃",bO="⋚︀",yO="⪓",vO="⪅",wO="⋖",xO="⋚",kO="⪋",EO="⋚",CO="≦",AO="≶",SO="≶",TO="⪡",MO="≲",OO="⩽",RO="≲",NO="⥼",DO="⌊",LO="𝔏",IO="𝔩",PO="≶",FO="⪑",BO="⥢",$O="↽",jO="↼",zO="⥪",UO="▄",qO="Љ",HO="љ",VO="⇇",GO="≪",KO="⋘",WO="⌞",ZO="⇚",YO="⥫",JO="◺",QO="Ŀ",XO="ŀ",eR="⎰",tR="⎰",nR="⪉",sR="⪉",oR="⪇",rR="≨",iR="⪇",aR="≨",lR="⋦",cR="⟬",dR="⇽",uR="⟦",hR="⟵",fR="⟵",pR="⟸",gR="⟷",mR="⟷",_R="⟺",bR="⟼",yR="⟶",vR="⟶",wR="⟹",xR="↫",kR="↬",ER="⦅",CR="𝕃",AR="𝕝",SR="⨭",TR="⨴",MR="∗",OR="_",RR="↙",NR="↘",DR="◊",LR="◊",IR="⧫",PR="(",FR="⦓",BR="⇆",$R="⌟",jR="⇋",zR="⥭",UR="‎",qR="⊿",HR="‹",VR="𝓁",GR="ℒ",KR="↰",WR="↰",ZR="≲",YR="⪍",JR="⪏",QR="[",XR="‘",eN="‚",tN="Ł",nN="ł",sN="⪦",oN="⩹",rN="<",iN="<",aN="≪",lN="⋖",cN="⋋",dN="⋉",uN="⥶",hN="⩻",fN="◃",pN="⊴",gN="◂",mN="⦖",_N="⥊",bN="⥦",yN="≨︀",vN="≨︀",wN="¯",xN="♂",kN="✠",EN="✠",CN="↦",AN="↦",SN="↧",TN="↤",MN="↥",ON="▮",RN="⨩",NN="М",DN="м",LN="—",IN="∺",PN="∡",FN=" ",BN="ℳ",$N="𝔐",jN="𝔪",zN="℧",UN="µ",qN="*",HN="⫰",VN="∣",GN="·",KN="⊟",WN="−",ZN="∸",YN="⨪",JN="∓",QN="⫛",XN="…",eD="∓",tD="⊧",nD="𝕄",sD="𝕞",oD="∓",rD="𝓂",iD="ℳ",aD="∾",lD="Μ",cD="μ",dD="⊸",uD="⊸",hD="∇",fD="Ń",pD="ń",gD="∠⃒",mD="≉",_D="⩰̸",bD="≋̸",yD="ʼn",vD="≉",wD="♮",xD="ℕ",kD="♮",ED=" ",CD="≎̸",AD="≏̸",SD="⩃",TD="Ň",MD="ň",OD="Ņ",RD="ņ",ND="≇",DD="⩭̸",LD="⩂",ID="Н",PD="н",FD="–",BD="⤤",$D="↗",jD="⇗",zD="↗",UD="≠",qD="≐̸",HD="​",VD="​",GD="​",KD="​",WD="≢",ZD="⤨",YD="≂̸",JD="≫",QD="≪",XD=` +*/(function(){var a=function(){function l(){}l.prototype=Object.create(null);function c(_,y){for(var x=y.length,S=0;S1?arguments[1]:void 0,y=_!==void 0,x=0,S=h(m),R,O,D,v;if(y&&(_=r(_,b>2?arguments[2]:void 0,2)),S!=null&&!(p==Array&&l(S)))for(v=S.call(m),O=new p;!(D=v.next()).done;x++)u(O,x,y?a(v,_,[D.value,x],!0):D.value);else for(R=c(m.length),O=new p(R);R>x;x++)u(O,x,y?_(m[x],x):m[x]);return O.length=x,O}},"./node_modules/core-js/internals/array-includes.js":function(n,s,o){var r=o("./node_modules/core-js/internals/to-indexed-object.js"),i=o("./node_modules/core-js/internals/to-length.js"),a=o("./node_modules/core-js/internals/to-absolute-index.js");n.exports=function(l){return function(c,u,h){var f=r(c),g=i(f.length),m=a(h,g),p;if(l&&u!=u){for(;g>m;)if(p=f[m++],p!=p)return!0}else for(;g>m;m++)if((l||m in f)&&f[m]===u)return l||m||0;return!l&&-1}}},"./node_modules/core-js/internals/bind-context.js":function(n,s,o){var r=o("./node_modules/core-js/internals/a-function.js");n.exports=function(i,a,l){if(r(i),a===void 0)return i;switch(l){case 0:return function(){return i.call(a)};case 1:return function(c){return i.call(a,c)};case 2:return function(c,u){return i.call(a,c,u)};case 3:return function(c,u,h){return i.call(a,c,u,h)}}return function(){return i.apply(a,arguments)}}},"./node_modules/core-js/internals/call-with-safe-iteration-closing.js":function(n,s,o){var r=o("./node_modules/core-js/internals/an-object.js");n.exports=function(i,a,l,c){try{return c?a(r(l)[0],l[1]):a(l)}catch(h){var u=i.return;throw u!==void 0&&r(u.call(i)),h}}},"./node_modules/core-js/internals/check-correctness-of-iteration.js":function(n,s,o){var r=o("./node_modules/core-js/internals/well-known-symbol.js"),i=r("iterator"),a=!1;try{var l=0,c={next:function(){return{done:!!l++}},return:function(){a=!0}};c[i]=function(){return this},Array.from(c,function(){throw 2})}catch{}n.exports=function(u,h){if(!h&&!a)return!1;var f=!1;try{var g={};g[i]=function(){return{next:function(){return{done:f=!0}}}},u(g)}catch{}return f}},"./node_modules/core-js/internals/classof-raw.js":function(n,s){var o={}.toString;n.exports=function(r){return o.call(r).slice(8,-1)}},"./node_modules/core-js/internals/classof.js":function(n,s,o){var r=o("./node_modules/core-js/internals/classof-raw.js"),i=o("./node_modules/core-js/internals/well-known-symbol.js"),a=i("toStringTag"),l=r(function(){return arguments}())=="Arguments",c=function(u,h){try{return u[h]}catch{}};n.exports=function(u){var h,f,g;return u===void 0?"Undefined":u===null?"Null":typeof(f=c(h=Object(u),a))=="string"?f:l?r(h):(g=r(h))=="Object"&&typeof h.callee=="function"?"Arguments":g}},"./node_modules/core-js/internals/copy-constructor-properties.js":function(n,s,o){var r=o("./node_modules/core-js/internals/has.js"),i=o("./node_modules/core-js/internals/own-keys.js"),a=o("./node_modules/core-js/internals/object-get-own-property-descriptor.js"),l=o("./node_modules/core-js/internals/object-define-property.js");n.exports=function(c,u){for(var h=i(u),f=l.f,g=a.f,m=0;m",R="java"+x+":",O;for(b.style.display="none",c.appendChild(b),b.src=String(R),O=b.contentWindow.document,O.open(),O.write(y+x+S+"document.F=Object"+y+"/"+x+S),O.close(),p=O.F;_--;)delete p[g][a[_]];return p()};n.exports=Object.create||function(_,y){var x;return _!==null?(m[g]=r(_),x=new m,m[g]=null,x[f]=_):x=p(),y===void 0?x:i(x,y)},l[f]=!0},"./node_modules/core-js/internals/object-define-properties.js":function(n,s,o){var r=o("./node_modules/core-js/internals/descriptors.js"),i=o("./node_modules/core-js/internals/object-define-property.js"),a=o("./node_modules/core-js/internals/an-object.js"),l=o("./node_modules/core-js/internals/object-keys.js");n.exports=r?Object.defineProperties:function(u,h){a(u);for(var f=l(h),g=f.length,m=0,p;g>m;)i.f(u,p=f[m++],h[p]);return u}},"./node_modules/core-js/internals/object-define-property.js":function(n,s,o){var r=o("./node_modules/core-js/internals/descriptors.js"),i=o("./node_modules/core-js/internals/ie8-dom-define.js"),a=o("./node_modules/core-js/internals/an-object.js"),l=o("./node_modules/core-js/internals/to-primitive.js"),c=Object.defineProperty;s.f=r?c:function(h,f,g){if(a(h),f=l(f,!0),a(g),i)try{return c(h,f,g)}catch{}if("get"in g||"set"in g)throw TypeError("Accessors not supported");return"value"in g&&(h[f]=g.value),h}},"./node_modules/core-js/internals/object-get-own-property-descriptor.js":function(n,s,o){var r=o("./node_modules/core-js/internals/descriptors.js"),i=o("./node_modules/core-js/internals/object-property-is-enumerable.js"),a=o("./node_modules/core-js/internals/create-property-descriptor.js"),l=o("./node_modules/core-js/internals/to-indexed-object.js"),c=o("./node_modules/core-js/internals/to-primitive.js"),u=o("./node_modules/core-js/internals/has.js"),h=o("./node_modules/core-js/internals/ie8-dom-define.js"),f=Object.getOwnPropertyDescriptor;s.f=r?f:function(m,p){if(m=l(m),p=c(p,!0),h)try{return f(m,p)}catch{}if(u(m,p))return a(!i.f.call(m,p),m[p])}},"./node_modules/core-js/internals/object-get-own-property-names.js":function(n,s,o){var r=o("./node_modules/core-js/internals/object-keys-internal.js"),i=o("./node_modules/core-js/internals/enum-bug-keys.js"),a=i.concat("length","prototype");s.f=Object.getOwnPropertyNames||function(c){return r(c,a)}},"./node_modules/core-js/internals/object-get-own-property-symbols.js":function(n,s){s.f=Object.getOwnPropertySymbols},"./node_modules/core-js/internals/object-get-prototype-of.js":function(n,s,o){var r=o("./node_modules/core-js/internals/has.js"),i=o("./node_modules/core-js/internals/to-object.js"),a=o("./node_modules/core-js/internals/shared-key.js"),l=o("./node_modules/core-js/internals/correct-prototype-getter.js"),c=a("IE_PROTO"),u=Object.prototype;n.exports=l?Object.getPrototypeOf:function(h){return h=i(h),r(h,c)?h[c]:typeof h.constructor=="function"&&h instanceof h.constructor?h.constructor.prototype:h instanceof Object?u:null}},"./node_modules/core-js/internals/object-keys-internal.js":function(n,s,o){var r=o("./node_modules/core-js/internals/has.js"),i=o("./node_modules/core-js/internals/to-indexed-object.js"),a=o("./node_modules/core-js/internals/array-includes.js"),l=o("./node_modules/core-js/internals/hidden-keys.js"),c=a(!1);n.exports=function(u,h){var f=i(u),g=0,m=[],p;for(p in f)!r(l,p)&&r(f,p)&&m.push(p);for(;h.length>g;)r(f,p=h[g++])&&(~c(m,p)||m.push(p));return m}},"./node_modules/core-js/internals/object-keys.js":function(n,s,o){var r=o("./node_modules/core-js/internals/object-keys-internal.js"),i=o("./node_modules/core-js/internals/enum-bug-keys.js");n.exports=Object.keys||function(l){return r(l,i)}},"./node_modules/core-js/internals/object-property-is-enumerable.js":function(n,s,o){var r={}.propertyIsEnumerable,i=Object.getOwnPropertyDescriptor,a=i&&!r.call({1:2},1);s.f=a?function(c){var u=i(this,c);return!!u&&u.enumerable}:r},"./node_modules/core-js/internals/object-set-prototype-of.js":function(n,s,o){var r=o("./node_modules/core-js/internals/validate-set-prototype-of-arguments.js");n.exports=Object.setPrototypeOf||("__proto__"in{}?function(){var i=!1,a={},l;try{l=Object.getOwnPropertyDescriptor(Object.prototype,"__proto__").set,l.call(a,[]),i=a instanceof Array}catch{}return function(u,h){return r(u,h),i?l.call(u,h):u.__proto__=h,u}}():void 0)},"./node_modules/core-js/internals/own-keys.js":function(n,s,o){var r=o("./node_modules/core-js/internals/global.js"),i=o("./node_modules/core-js/internals/object-get-own-property-names.js"),a=o("./node_modules/core-js/internals/object-get-own-property-symbols.js"),l=o("./node_modules/core-js/internals/an-object.js"),c=r.Reflect;n.exports=c&&c.ownKeys||function(h){var f=i.f(l(h)),g=a.f;return g?f.concat(g(h)):f}},"./node_modules/core-js/internals/path.js":function(n,s,o){n.exports=o("./node_modules/core-js/internals/global.js")},"./node_modules/core-js/internals/redefine.js":function(n,s,o){var r=o("./node_modules/core-js/internals/global.js"),i=o("./node_modules/core-js/internals/shared.js"),a=o("./node_modules/core-js/internals/hide.js"),l=o("./node_modules/core-js/internals/has.js"),c=o("./node_modules/core-js/internals/set-global.js"),u=o("./node_modules/core-js/internals/function-to-string.js"),h=o("./node_modules/core-js/internals/internal-state.js"),f=h.get,g=h.enforce,m=String(u).split("toString");i("inspectSource",function(p){return u.call(p)}),(n.exports=function(p,b,_,y){var x=y?!!y.unsafe:!1,S=y?!!y.enumerable:!1,R=y?!!y.noTargetGet:!1;if(typeof _=="function"&&(typeof b=="string"&&!l(_,"name")&&a(_,"name",b),g(_).source=m.join(typeof b=="string"?b:"")),p===r){S?p[b]=_:c(b,_);return}else x?!R&&p[b]&&(S=!0):delete p[b];S?p[b]=_:a(p,b,_)})(Function.prototype,"toString",function(){return typeof this=="function"&&f(this).source||u.call(this)})},"./node_modules/core-js/internals/require-object-coercible.js":function(n,s){n.exports=function(o){if(o==null)throw TypeError("Can't call method on "+o);return o}},"./node_modules/core-js/internals/set-global.js":function(n,s,o){var r=o("./node_modules/core-js/internals/global.js"),i=o("./node_modules/core-js/internals/hide.js");n.exports=function(a,l){try{i(r,a,l)}catch{r[a]=l}return l}},"./node_modules/core-js/internals/set-to-string-tag.js":function(n,s,o){var r=o("./node_modules/core-js/internals/object-define-property.js").f,i=o("./node_modules/core-js/internals/has.js"),a=o("./node_modules/core-js/internals/well-known-symbol.js"),l=a("toStringTag");n.exports=function(c,u,h){c&&!i(c=h?c:c.prototype,l)&&r(c,l,{configurable:!0,value:u})}},"./node_modules/core-js/internals/shared-key.js":function(n,s,o){var r=o("./node_modules/core-js/internals/shared.js"),i=o("./node_modules/core-js/internals/uid.js"),a=r("keys");n.exports=function(l){return a[l]||(a[l]=i(l))}},"./node_modules/core-js/internals/shared.js":function(n,s,o){var r=o("./node_modules/core-js/internals/global.js"),i=o("./node_modules/core-js/internals/set-global.js"),a=o("./node_modules/core-js/internals/is-pure.js"),l="__core-js_shared__",c=r[l]||i(l,{});(n.exports=function(u,h){return c[u]||(c[u]=h!==void 0?h:{})})("versions",[]).push({version:"3.1.3",mode:a?"pure":"global",copyright:"© 2019 Denis Pushkarev (zloirock.ru)"})},"./node_modules/core-js/internals/string-at.js":function(n,s,o){var r=o("./node_modules/core-js/internals/to-integer.js"),i=o("./node_modules/core-js/internals/require-object-coercible.js");n.exports=function(a,l,c){var u=String(i(a)),h=r(l),f=u.length,g,m;return h<0||h>=f?c?"":void 0:(g=u.charCodeAt(h),g<55296||g>56319||h+1===f||(m=u.charCodeAt(h+1))<56320||m>57343?c?u.charAt(h):g:c?u.slice(h,h+2):(g-55296<<10)+(m-56320)+65536)}},"./node_modules/core-js/internals/to-absolute-index.js":function(n,s,o){var r=o("./node_modules/core-js/internals/to-integer.js"),i=Math.max,a=Math.min;n.exports=function(l,c){var u=r(l);return u<0?i(u+c,0):a(u,c)}},"./node_modules/core-js/internals/to-indexed-object.js":function(n,s,o){var r=o("./node_modules/core-js/internals/indexed-object.js"),i=o("./node_modules/core-js/internals/require-object-coercible.js");n.exports=function(a){return r(i(a))}},"./node_modules/core-js/internals/to-integer.js":function(n,s){var o=Math.ceil,r=Math.floor;n.exports=function(i){return isNaN(i=+i)?0:(i>0?r:o)(i)}},"./node_modules/core-js/internals/to-length.js":function(n,s,o){var r=o("./node_modules/core-js/internals/to-integer.js"),i=Math.min;n.exports=function(a){return a>0?i(r(a),9007199254740991):0}},"./node_modules/core-js/internals/to-object.js":function(n,s,o){var r=o("./node_modules/core-js/internals/require-object-coercible.js");n.exports=function(i){return Object(r(i))}},"./node_modules/core-js/internals/to-primitive.js":function(n,s,o){var r=o("./node_modules/core-js/internals/is-object.js");n.exports=function(i,a){if(!r(i))return i;var l,c;if(a&&typeof(l=i.toString)=="function"&&!r(c=l.call(i))||typeof(l=i.valueOf)=="function"&&!r(c=l.call(i))||!a&&typeof(l=i.toString)=="function"&&!r(c=l.call(i)))return c;throw TypeError("Can't convert object to primitive value")}},"./node_modules/core-js/internals/uid.js":function(n,s){var o=0,r=Math.random();n.exports=function(i){return"Symbol(".concat(i===void 0?"":i,")_",(++o+r).toString(36))}},"./node_modules/core-js/internals/validate-set-prototype-of-arguments.js":function(n,s,o){var r=o("./node_modules/core-js/internals/is-object.js"),i=o("./node_modules/core-js/internals/an-object.js");n.exports=function(a,l){if(i(a),!r(l)&&l!==null)throw TypeError("Can't set "+String(l)+" as a prototype")}},"./node_modules/core-js/internals/well-known-symbol.js":function(n,s,o){var r=o("./node_modules/core-js/internals/global.js"),i=o("./node_modules/core-js/internals/shared.js"),a=o("./node_modules/core-js/internals/uid.js"),l=o("./node_modules/core-js/internals/native-symbol.js"),c=r.Symbol,u=i("wks");n.exports=function(h){return u[h]||(u[h]=l&&c[h]||(l?c:a)("Symbol."+h))}},"./node_modules/core-js/modules/es.array.from.js":function(n,s,o){var r=o("./node_modules/core-js/internals/export.js"),i=o("./node_modules/core-js/internals/array-from.js"),a=o("./node_modules/core-js/internals/check-correctness-of-iteration.js"),l=!a(function(c){Array.from(c)});r({target:"Array",stat:!0,forced:l},{from:i})},"./node_modules/core-js/modules/es.string.iterator.js":function(n,s,o){var r=o("./node_modules/core-js/internals/string-at.js"),i=o("./node_modules/core-js/internals/internal-state.js"),a=o("./node_modules/core-js/internals/define-iterator.js"),l="String Iterator",c=i.set,u=i.getterFor(l);a(String,"String",function(h){c(this,{type:l,string:String(h),index:0})},function(){var f=u(this),g=f.string,m=f.index,p;return m>=g.length?{value:void 0,done:!0}:(p=r(g,m,!0),f.index+=p.length,{value:p,done:!1})})},"./node_modules/webpack/buildin/global.js":function(n,s){var o;o=function(){return this}();try{o=o||Function("return this")()||(0,eval)("this")}catch{typeof window=="object"&&(o=window)}n.exports=o},"./src/default-attrs.json":function(n){n.exports={xmlns:"http://www.w3.org/2000/svg",width:24,height:24,viewBox:"0 0 24 24",fill:"none",stroke:"currentColor","stroke-width":2,"stroke-linecap":"round","stroke-linejoin":"round"}},"./src/icon.js":function(n,s,o){Object.defineProperty(s,"__esModule",{value:!0});var r=Object.assign||function(p){for(var b=1;b2&&arguments[2]!==void 0?arguments[2]:[];f(this,p),this.name=b,this.contents=_,this.tags=y,this.attrs=r({},u.default,{class:"feather feather-"+b})}return i(p,[{key:"toSvg",value:function(){var _=arguments.length>0&&arguments[0]!==void 0?arguments[0]:{},y=r({},this.attrs,_,{class:(0,l.default)(this.attrs.class,_.class)});return""+this.contents+""}},{key:"toString",value:function(){return this.contents}}]),p}();function m(p){return Object.keys(p).map(function(b){return b+'="'+p[b]+'"'}).join(" ")}s.default=g},"./src/icons.js":function(n,s,o){Object.defineProperty(s,"__esModule",{value:!0});var r=o("./src/icon.js"),i=h(r),a=o("./dist/icons.json"),l=h(a),c=o("./src/tags.json"),u=h(c);function h(f){return f&&f.__esModule?f:{default:f}}s.default=Object.keys(l.default).map(function(f){return new i.default(f,l.default[f],u.default[f])}).reduce(function(f,g){return f[g.name]=g,f},{})},"./src/index.js":function(n,s,o){var r=o("./src/icons.js"),i=h(r),a=o("./src/to-svg.js"),l=h(a),c=o("./src/replace.js"),u=h(c);function h(f){return f&&f.__esModule?f:{default:f}}n.exports={icons:i.default,toSvg:l.default,replace:u.default}},"./src/replace.js":function(n,s,o){Object.defineProperty(s,"__esModule",{value:!0});var r=Object.assign||function(m){for(var p=1;p0&&arguments[0]!==void 0?arguments[0]:{};if(typeof document>"u")throw new Error("`feather.replace()` only works in a browser environment.");var p=document.querySelectorAll("[data-feather]");Array.from(p).forEach(function(b){return f(b,m)})}function f(m){var p=arguments.length>1&&arguments[1]!==void 0?arguments[1]:{},b=g(m),_=b["data-feather"];delete b["data-feather"];var y=c.default[_].toSvg(r({},p,b,{class:(0,a.default)(p.class,b.class)})),x=new DOMParser().parseFromString(y,"image/svg+xml"),S=x.querySelector("svg");m.parentNode.replaceChild(S,m)}function g(m){return Array.from(m.attributes).reduce(function(p,b){return p[b.name]=b.value,p},{})}s.default=h},"./src/tags.json":function(n){n.exports={activity:["pulse","health","action","motion"],airplay:["stream","cast","mirroring"],"alert-circle":["warning","alert","danger"],"alert-octagon":["warning","alert","danger"],"alert-triangle":["warning","alert","danger"],"align-center":["text alignment","center"],"align-justify":["text alignment","justified"],"align-left":["text alignment","left"],"align-right":["text alignment","right"],anchor:[],archive:["index","box"],"at-sign":["mention","at","email","message"],award:["achievement","badge"],aperture:["camera","photo"],"bar-chart":["statistics","diagram","graph"],"bar-chart-2":["statistics","diagram","graph"],battery:["power","electricity"],"battery-charging":["power","electricity"],bell:["alarm","notification","sound"],"bell-off":["alarm","notification","silent"],bluetooth:["wireless"],"book-open":["read","library"],book:["read","dictionary","booklet","magazine","library"],bookmark:["read","clip","marker","tag"],box:["cube"],briefcase:["work","bag","baggage","folder"],calendar:["date"],camera:["photo"],cast:["chromecast","airplay"],"chevron-down":["expand"],"chevron-up":["collapse"],circle:["off","zero","record"],clipboard:["copy"],clock:["time","watch","alarm"],"cloud-drizzle":["weather","shower"],"cloud-lightning":["weather","bolt"],"cloud-rain":["weather"],"cloud-snow":["weather","blizzard"],cloud:["weather"],codepen:["logo"],codesandbox:["logo"],code:["source","programming"],coffee:["drink","cup","mug","tea","cafe","hot","beverage"],columns:["layout"],command:["keyboard","cmd","terminal","prompt"],compass:["navigation","safari","travel","direction"],copy:["clone","duplicate"],"corner-down-left":["arrow","return"],"corner-down-right":["arrow"],"corner-left-down":["arrow"],"corner-left-up":["arrow"],"corner-right-down":["arrow"],"corner-right-up":["arrow"],"corner-up-left":["arrow"],"corner-up-right":["arrow"],cpu:["processor","technology"],"credit-card":["purchase","payment","cc"],crop:["photo","image"],crosshair:["aim","target"],database:["storage","memory"],delete:["remove"],disc:["album","cd","dvd","music"],"dollar-sign":["currency","money","payment"],droplet:["water"],edit:["pencil","change"],"edit-2":["pencil","change"],"edit-3":["pencil","change"],eye:["view","watch"],"eye-off":["view","watch","hide","hidden"],"external-link":["outbound"],facebook:["logo","social"],"fast-forward":["music"],figma:["logo","design","tool"],"file-minus":["delete","remove","erase"],"file-plus":["add","create","new"],"file-text":["data","txt","pdf"],film:["movie","video"],filter:["funnel","hopper"],flag:["report"],"folder-minus":["directory"],"folder-plus":["directory"],folder:["directory"],framer:["logo","design","tool"],frown:["emoji","face","bad","sad","emotion"],gift:["present","box","birthday","party"],"git-branch":["code","version control"],"git-commit":["code","version control"],"git-merge":["code","version control"],"git-pull-request":["code","version control"],github:["logo","version control"],gitlab:["logo","version control"],globe:["world","browser","language","translate"],"hard-drive":["computer","server","memory","data"],hash:["hashtag","number","pound"],headphones:["music","audio","sound"],heart:["like","love","emotion"],"help-circle":["question mark"],hexagon:["shape","node.js","logo"],home:["house","living"],image:["picture"],inbox:["email"],instagram:["logo","camera"],key:["password","login","authentication","secure"],layers:["stack"],layout:["window","webpage"],"life-bouy":["help","life ring","support"],link:["chain","url"],"link-2":["chain","url"],linkedin:["logo","social media"],list:["options"],lock:["security","password","secure"],"log-in":["sign in","arrow","enter"],"log-out":["sign out","arrow","exit"],mail:["email","message"],"map-pin":["location","navigation","travel","marker"],map:["location","navigation","travel"],maximize:["fullscreen"],"maximize-2":["fullscreen","arrows","expand"],meh:["emoji","face","neutral","emotion"],menu:["bars","navigation","hamburger"],"message-circle":["comment","chat"],"message-square":["comment","chat"],"mic-off":["record","sound","mute"],mic:["record","sound","listen"],minimize:["exit fullscreen","close"],"minimize-2":["exit fullscreen","arrows","close"],minus:["subtract"],monitor:["tv","screen","display"],moon:["dark","night"],"more-horizontal":["ellipsis"],"more-vertical":["ellipsis"],"mouse-pointer":["arrow","cursor"],move:["arrows"],music:["note"],navigation:["location","travel"],"navigation-2":["location","travel"],octagon:["stop"],package:["box","container"],paperclip:["attachment"],pause:["music","stop"],"pause-circle":["music","audio","stop"],"pen-tool":["vector","drawing"],percent:["discount"],"phone-call":["ring"],"phone-forwarded":["call"],"phone-incoming":["call"],"phone-missed":["call"],"phone-off":["call","mute"],"phone-outgoing":["call"],phone:["call"],play:["music","start"],"pie-chart":["statistics","diagram"],"play-circle":["music","start"],plus:["add","new"],"plus-circle":["add","new"],"plus-square":["add","new"],pocket:["logo","save"],power:["on","off"],printer:["fax","office","device"],radio:["signal"],"refresh-cw":["synchronise","arrows"],"refresh-ccw":["arrows"],repeat:["loop","arrows"],rewind:["music"],"rotate-ccw":["arrow"],"rotate-cw":["arrow"],rss:["feed","subscribe"],save:["floppy disk"],scissors:["cut"],search:["find","magnifier","magnifying glass"],send:["message","mail","email","paper airplane","paper aeroplane"],settings:["cog","edit","gear","preferences"],"share-2":["network","connections"],shield:["security","secure"],"shield-off":["security","insecure"],"shopping-bag":["ecommerce","cart","purchase","store"],"shopping-cart":["ecommerce","cart","purchase","store"],shuffle:["music"],"skip-back":["music"],"skip-forward":["music"],slack:["logo"],slash:["ban","no"],sliders:["settings","controls"],smartphone:["cellphone","device"],smile:["emoji","face","happy","good","emotion"],speaker:["audio","music"],star:["bookmark","favorite","like"],"stop-circle":["media","music"],sun:["brightness","weather","light"],sunrise:["weather","time","morning","day"],sunset:["weather","time","evening","night"],tablet:["device"],tag:["label"],target:["logo","bullseye"],terminal:["code","command line","prompt"],thermometer:["temperature","celsius","fahrenheit","weather"],"thumbs-down":["dislike","bad","emotion"],"thumbs-up":["like","good","emotion"],"toggle-left":["on","off","switch"],"toggle-right":["on","off","switch"],tool:["settings","spanner"],trash:["garbage","delete","remove","bin"],"trash-2":["garbage","delete","remove","bin"],triangle:["delta"],truck:["delivery","van","shipping","transport","lorry"],tv:["television","stream"],twitch:["logo"],twitter:["logo","social"],type:["text"],umbrella:["rain","weather"],unlock:["security"],"user-check":["followed","subscribed"],"user-minus":["delete","remove","unfollow","unsubscribe"],"user-plus":["new","add","create","follow","subscribe"],"user-x":["delete","remove","unfollow","unsubscribe","unavailable"],user:["person","account"],users:["group"],"video-off":["camera","movie","film"],video:["camera","movie","film"],voicemail:["phone"],volume:["music","sound","mute"],"volume-1":["music","sound"],"volume-2":["music","sound"],"volume-x":["music","sound","mute"],watch:["clock","time"],"wifi-off":["disabled"],wifi:["connection","signal","wireless"],wind:["weather","air"],"x-circle":["cancel","close","delete","remove","times","clear"],"x-octagon":["delete","stop","alert","warning","times","clear"],"x-square":["cancel","close","delete","remove","times","clear"],x:["cancel","close","delete","remove","times","clear"],youtube:["logo","video","play"],"zap-off":["flash","camera","lightning"],zap:["flash","camera","lightning"],"zoom-in":["magnifying glass"],"zoom-out":["magnifying glass"]}},"./src/to-svg.js":function(n,s,o){Object.defineProperty(s,"__esModule",{value:!0});var r=o("./src/icons.js"),i=a(r);function a(c){return c&&c.__esModule?c:{default:c}}function l(c){var u=arguments.length>1&&arguments[1]!==void 0?arguments[1]:{};if(console.warn("feather.toSvg() is deprecated. Please use feather.icons[name].toSvg() instead."),!c)throw new Error("The required `key` (icon name) parameter is missing.");if(!i.default[c])throw new Error("No icon matching '"+c+"'. See the complete list of icons at https://feathericons.com");return i.default[c].toSvg(u)}s.default=l},0:function(n,s,o){o("./node_modules/core-js/es/array/from.js"),n.exports=o("./src/index.js")}})})})(Fp);var Vy=Fp.exports;const ve=is(Vy);const Gy={key:0,class:"container flex flex-col sm:flex-row items-center"},Ky={class:"w-full"},Wy={class:"flex flex-row font-medium nav-ul"},Bp={__name:"Navigation",setup(t){return(e,n)=>e.$store.state.ready?(k(),C("div",Gy,[d("div",Ky,[d("div",Wy,[he(ht(sn),{to:{name:"discussions"},class:"link-item dark:link-item-dark"},{default:De(()=>[xe(" Discussions ")]),_:1}),he(ht(sn),{to:{name:"playground"},class:"link-item dark:link-item-dark"},{default:De(()=>[xe(" Playground ")]),_:1}),he(ht(sn),{to:{name:"settings"},class:"link-item dark:link-item-dark"},{default:De(()=>[xe(" Settings ")]),_:1}),he(ht(sn),{to:{name:"extensions"},class:"link-item dark:link-item-dark"},{default:De(()=>[xe(" Extensions ")]),_:1}),he(ht(sn),{to:{name:"training"},class:"link-item dark:link-item-dark"},{default:De(()=>[xe(" Training ")]),_:1}),he(ht(sn),{to:{name:"quantizing"},class:"link-item dark:link-item-dark"},{default:De(()=>[xe(" Quantizing ")]),_:1}),he(ht(sn),{to:{name:"help"},class:"link-item dark:link-item-dark"},{default:De(()=>[xe(" Help ")]),_:1})])])])):F("",!0)}};const Zy={class:"top-0 shadow-lg"},Yy={class:"container flex flex-col lg:flex-row item-center gap-2 pb-0"},Jy=d("div",{class:"flex items-center gap-3 flex-1"},[d("img",{class:"w-12 hover:scale-95 duration-150",title:"LoLLMS WebUI",src:nc,alt:"Logo"}),d("div",{class:"flex flex-col"},[d("p",{class:"text-2xl"},"Lord of Large Language Models"),d("p",{class:"text-gray-400"},"One tool to rule them all")])],-1),Qy={class:"flex gap-3 flex-1 items-center justify-end"},Xy=os('
',2),e2={href:"https://twitter.com/SpaceNerduino",target:"_blank"},t2={class:"text-2xl hover:fill-primary dark:fill-white dark:hover:fill-primary duration-150",title:"Follow me on my twitter acount"},n2={class:"w-10 h-10 rounded-lg object-fill dark:text-white",xmlns:"http://www.w3.org/2000/svg",viewBox:"0 0 1668.56 1221.19",style:{"enable-background":"new 0 0 1668.56 1221.19"},"xml:space":"preserve"},s2=d("g",{id:"layer1",transform:"translate(52.390088,-25.058597)"},[d("path",{id:"path1009",d:`M283.94,167.31l386.39,516.64L281.5,1104h87.51l340.42-367.76L984.48,1104h297.8L874.15,558.3l361.92-390.99\r + h-87.51l-313.51,338.7l-253.31-338.7H283.94z M412.63,231.77h136.81l604.13,807.76h-136.81L412.63,231.77z`})],-1),o2=[s2],r2=d("i",{"data-feather":"sun"},null,-1),i2=[r2],a2=d("i",{"data-feather":"moon"},null,-1),l2=[a2],c2=d("body",null,null,-1),d2={name:"TopBar",computed:{isConnected(){return this.$store.state.isConnected}},data(){return{codeBlockStylesheet:"",sunIcon:document.querySelector(".sun"),moonIcon:document.querySelector(".moon"),userTheme:localStorage.getItem("theme"),systemTheme:window.matchMedia("prefers-color-scheme: dark").matches}},mounted(){this.sunIcon=document.querySelector(".sun"),this.moonIcon=document.querySelector(".moon"),this.userTheme=localStorage.getItem("theme"),this.systemTheme=window.matchMedia("prefers-color-scheme: dark").matches,this.themeCheck(),be(()=>{ve.replace()})},created(){this.sunIcon=document.querySelector(".sun"),this.moonIcon=document.querySelector(".moon"),this.userTheme=localStorage.getItem("theme"),this.systemTheme=window.matchMedia("prefers-color-scheme: dark").matches},methods:{themeCheck(){if(this.userTheme=="dark"||!this.userTheme&&this.systemTheme){document.documentElement.classList.add("dark"),this.moonIcon.classList.add("display-none"),be(()=>{ji(()=>Promise.resolve({}),["assets/stackoverflow-dark-7e41bf22.css"])});return}be(()=>{ji(()=>Promise.resolve({}),["assets/stackoverflow-light-b5b5e2eb.css"])}),this.sunIcon.classList.add("display-none")},themeSwitch(){if(document.documentElement.classList.contains("dark")){document.documentElement.classList.remove("dark"),localStorage.setItem("theme","light"),this.userTheme=="light",this.iconToggle();return}ji(()=>Promise.resolve({}),["assets/tokyo-night-dark-a847eb67.css"]),document.documentElement.classList.add("dark"),localStorage.setItem("theme","dark"),this.userTheme=="dark",this.iconToggle()},iconToggle(){this.sunIcon.classList.toggle("display-none"),this.moonIcon.classList.toggle("display-none")}},components:{Navigation:Bp}},u2=Object.assign(d2,{setup(t){return(e,n)=>(k(),C(Oe,null,[d("header",Zy,[d("nav",Yy,[he(ht(sn),{to:{name:"discussions"}},{default:De(()=>[Jy]),_:1}),d("div",Qy,[d("div",{title:"Connection status",class:Me(["dot",{"dot-green":e.isConnected,"dot-red":!e.isConnected}])},null,2),Xy,d("a",e2,[d("div",t2,[(k(),C("svg",n2,o2))])]),d("div",{class:"sun text-2xl w-6 hover:text-primary duration-150",title:"Swith to Light theme",onClick:n[0]||(n[0]=s=>e.themeSwitch())},i2),d("div",{class:"moon text-2xl w-6 hover:text-primary duration-150",title:"Swith to Dark theme",onClick:n[1]||(n[1]=s=>e.themeSwitch())},l2)])]),he(Bp)]),c2],64))}}),h2={class:"flex flex-col h-screen font-sans bg-bg-light text-slate-950 dark:bg-bg-dark dark:text-slate-50"},f2={class:"flex overflow-hidden flex-grow"},p2={__name:"App",setup(t){return(e,n)=>(k(),C("div",h2,[he(u2),d("div",f2,[he(ht(Ip),null,{default:De(({Component:s})=>[(k(),st(L_,null,[(k(),st(H_(s)))],1024))]),_:1})])]))}},Yt=Object.create(null);Yt.open="0";Yt.close="1";Yt.ping="2";Yt.pong="3";Yt.message="4";Yt.upgrade="5";Yt.noop="6";const fr=Object.create(null);Object.keys(Yt).forEach(t=>{fr[Yt[t]]=t});const g2={type:"error",data:"parser error"},m2=typeof Blob=="function"||typeof Blob<"u"&&Object.prototype.toString.call(Blob)==="[object BlobConstructor]",_2=typeof ArrayBuffer=="function",b2=t=>typeof ArrayBuffer.isView=="function"?ArrayBuffer.isView(t):t&&t.buffer instanceof ArrayBuffer,$p=({type:t,data:e},n,s)=>m2&&e instanceof Blob?n?s(e):Hd(e,s):_2&&(e instanceof ArrayBuffer||b2(e))?n?s(e):Hd(new Blob([e]),s):s(Yt[t]+(e||"")),Hd=(t,e)=>{const n=new FileReader;return n.onload=function(){const s=n.result.split(",")[1];e("b"+(s||""))},n.readAsDataURL(t)},Vd="ABCDEFGHIJKLMNOPQRSTUVWXYZabcdefghijklmnopqrstuvwxyz0123456789+/",oo=typeof Uint8Array>"u"?[]:new Uint8Array(256);for(let t=0;t{let e=t.length*.75,n=t.length,s,o=0,r,i,a,l;t[t.length-1]==="="&&(e--,t[t.length-2]==="="&&e--);const c=new ArrayBuffer(e),u=new Uint8Array(c);for(s=0;s>4,u[o++]=(i&15)<<4|a>>2,u[o++]=(a&3)<<6|l&63;return c},v2=typeof ArrayBuffer=="function",jp=(t,e)=>{if(typeof t!="string")return{type:"message",data:zp(t,e)};const n=t.charAt(0);return n==="b"?{type:"message",data:w2(t.substring(1),e)}:fr[n]?t.length>1?{type:fr[n],data:t.substring(1)}:{type:fr[n]}:g2},w2=(t,e)=>{if(v2){const n=y2(t);return zp(n,e)}else return{base64:!0,data:t}},zp=(t,e)=>{switch(e){case"blob":return t instanceof ArrayBuffer?new Blob([t]):t;case"arraybuffer":default:return t}},Up=String.fromCharCode(30),x2=(t,e)=>{const n=t.length,s=new Array(n);let o=0;t.forEach((r,i)=>{$p(r,!1,a=>{s[i]=a,++o===n&&e(s.join(Up))})})},k2=(t,e)=>{const n=t.split(Up),s=[];for(let o=0;otypeof self<"u"?self:typeof window<"u"?window:Function("return this")())();function Hp(t,...e){return e.reduce((n,s)=>(t.hasOwnProperty(s)&&(n[s]=t[s]),n),{})}const C2=Et.setTimeout,A2=Et.clearTimeout;function li(t,e){e.useNativeTimers?(t.setTimeoutFn=C2.bind(Et),t.clearTimeoutFn=A2.bind(Et)):(t.setTimeoutFn=Et.setTimeout.bind(Et),t.clearTimeoutFn=Et.clearTimeout.bind(Et))}const S2=1.33;function T2(t){return typeof t=="string"?M2(t):Math.ceil((t.byteLength||t.size)*S2)}function M2(t){let e=0,n=0;for(let s=0,o=t.length;s=57344?n+=3:(s++,n+=4);return n}class O2 extends Error{constructor(e,n,s){super(e),this.description=n,this.context=s,this.type="TransportError"}}class Vp extends tt{constructor(e){super(),this.writable=!1,li(this,e),this.opts=e,this.query=e.query,this.socket=e.socket}onError(e,n,s){return super.emitReserved("error",new O2(e,n,s)),this}open(){return this.readyState="opening",this.doOpen(),this}close(){return(this.readyState==="opening"||this.readyState==="open")&&(this.doClose(),this.onClose()),this}send(e){this.readyState==="open"&&this.write(e)}onOpen(){this.readyState="open",this.writable=!0,super.emitReserved("open")}onData(e){const n=jp(e,this.socket.binaryType);this.onPacket(n)}onPacket(e){super.emitReserved("packet",e)}onClose(e){this.readyState="closed",super.emitReserved("close",e)}pause(e){}}const Gp="0123456789ABCDEFGHIJKLMNOPQRSTUVWXYZabcdefghijklmnopqrstuvwxyz-_".split(""),il=64,R2={};let Gd=0,Ko=0,Kd;function Wd(t){let e="";do e=Gp[t%il]+e,t=Math.floor(t/il);while(t>0);return e}function Kp(){const t=Wd(+new Date);return t!==Kd?(Gd=0,Kd=t):t+"."+Wd(Gd++)}for(;Ko{this.readyState="paused",e()};if(this.polling||!this.writable){let s=0;this.polling&&(s++,this.once("pollComplete",function(){--s||n()})),this.writable||(s++,this.once("drain",function(){--s||n()}))}else n()}poll(){this.polling=!0,this.doPoll(),this.emitReserved("poll")}onData(e){const n=s=>{if(this.readyState==="opening"&&s.type==="open"&&this.onOpen(),s.type==="close")return this.onClose({description:"transport closed by the server"}),!1;this.onPacket(s)};k2(e,this.socket.binaryType).forEach(n),this.readyState!=="closed"&&(this.polling=!1,this.emitReserved("pollComplete"),this.readyState==="open"&&this.poll())}doClose(){const e=()=>{this.write([{type:"close"}])};this.readyState==="open"?e():this.once("open",e)}write(e){this.writable=!1,x2(e,n=>{this.doWrite(n,()=>{this.writable=!0,this.emitReserved("drain")})})}uri(){let e=this.query||{};const n=this.opts.secure?"https":"http";let s="";this.opts.timestampRequests!==!1&&(e[this.opts.timestampParam]=Kp()),!this.supportsBinary&&!e.sid&&(e.b64=1),this.opts.port&&(n==="https"&&Number(this.opts.port)!==443||n==="http"&&Number(this.opts.port)!==80)&&(s=":"+this.opts.port);const o=Wp(e),r=this.opts.hostname.indexOf(":")!==-1;return n+"://"+(r?"["+this.opts.hostname+"]":this.opts.hostname)+s+this.opts.path+(o.length?"?"+o:"")}request(e={}){return Object.assign(e,{xd:this.xd,xs:this.xs},this.opts),new Kt(this.uri(),e)}doWrite(e,n){const s=this.request({method:"POST",data:e});s.on("success",n),s.on("error",(o,r)=>{this.onError("xhr post error",o,r)})}doPoll(){const e=this.request();e.on("data",this.onData.bind(this)),e.on("error",(n,s)=>{this.onError("xhr poll error",n,s)}),this.pollXhr=e}}class Kt extends tt{constructor(e,n){super(),li(this,n),this.opts=n,this.method=n.method||"GET",this.uri=e,this.async=n.async!==!1,this.data=n.data!==void 0?n.data:null,this.create()}create(){const e=Hp(this.opts,"agent","pfx","key","passphrase","cert","ca","ciphers","rejectUnauthorized","autoUnref");e.xdomain=!!this.opts.xd,e.xscheme=!!this.opts.xs;const n=this.xhr=new Yp(e);try{n.open(this.method,this.uri,this.async);try{if(this.opts.extraHeaders){n.setDisableHeaderCheck&&n.setDisableHeaderCheck(!0);for(let s in this.opts.extraHeaders)this.opts.extraHeaders.hasOwnProperty(s)&&n.setRequestHeader(s,this.opts.extraHeaders[s])}}catch{}if(this.method==="POST")try{n.setRequestHeader("Content-type","text/plain;charset=UTF-8")}catch{}try{n.setRequestHeader("Accept","*/*")}catch{}"withCredentials"in n&&(n.withCredentials=this.opts.withCredentials),this.opts.requestTimeout&&(n.timeout=this.opts.requestTimeout),n.onreadystatechange=()=>{n.readyState===4&&(n.status===200||n.status===1223?this.onLoad():this.setTimeoutFn(()=>{this.onError(typeof n.status=="number"?n.status:0)},0))},n.send(this.data)}catch(s){this.setTimeoutFn(()=>{this.onError(s)},0);return}typeof document<"u"&&(this.index=Kt.requestsCount++,Kt.requests[this.index]=this)}onError(e){this.emitReserved("error",e,this.xhr),this.cleanup(!0)}cleanup(e){if(!(typeof this.xhr>"u"||this.xhr===null)){if(this.xhr.onreadystatechange=L2,e)try{this.xhr.abort()}catch{}typeof document<"u"&&delete Kt.requests[this.index],this.xhr=null}}onLoad(){const e=this.xhr.responseText;e!==null&&(this.emitReserved("data",e),this.emitReserved("success"),this.cleanup())}abort(){this.cleanup()}}Kt.requestsCount=0;Kt.requests={};if(typeof document<"u"){if(typeof attachEvent=="function")attachEvent("onunload",Zd);else if(typeof addEventListener=="function"){const t="onpagehide"in Et?"pagehide":"unload";addEventListener(t,Zd,!1)}}function Zd(){for(let t in Kt.requests)Kt.requests.hasOwnProperty(t)&&Kt.requests[t].abort()}const Jp=(()=>typeof Promise=="function"&&typeof Promise.resolve=="function"?e=>Promise.resolve().then(e):(e,n)=>n(e,0))(),Wo=Et.WebSocket||Et.MozWebSocket,Yd=!0,F2="arraybuffer",Jd=typeof navigator<"u"&&typeof navigator.product=="string"&&navigator.product.toLowerCase()==="reactnative";class B2 extends Vp{constructor(e){super(e),this.supportsBinary=!e.forceBase64}get name(){return"websocket"}doOpen(){if(!this.check())return;const e=this.uri(),n=this.opts.protocols,s=Jd?{}:Hp(this.opts,"agent","perMessageDeflate","pfx","key","passphrase","cert","ca","ciphers","rejectUnauthorized","localAddress","protocolVersion","origin","maxPayload","family","checkServerIdentity");this.opts.extraHeaders&&(s.headers=this.opts.extraHeaders);try{this.ws=Yd&&!Jd?n?new Wo(e,n):new Wo(e):new Wo(e,n,s)}catch(o){return this.emitReserved("error",o)}this.ws.binaryType=this.socket.binaryType||F2,this.addEventListeners()}addEventListeners(){this.ws.onopen=()=>{this.opts.autoUnref&&this.ws._socket.unref(),this.onOpen()},this.ws.onclose=e=>this.onClose({description:"websocket connection closed",context:e}),this.ws.onmessage=e=>this.onData(e.data),this.ws.onerror=e=>this.onError("websocket error",e)}write(e){this.writable=!1;for(let n=0;n{const i={};try{Yd&&this.ws.send(r)}catch{}o&&Jp(()=>{this.writable=!0,this.emitReserved("drain")},this.setTimeoutFn)})}}doClose(){typeof this.ws<"u"&&(this.ws.close(),this.ws=null)}uri(){let e=this.query||{};const n=this.opts.secure?"wss":"ws";let s="";this.opts.port&&(n==="wss"&&Number(this.opts.port)!==443||n==="ws"&&Number(this.opts.port)!==80)&&(s=":"+this.opts.port),this.opts.timestampRequests&&(e[this.opts.timestampParam]=Kp()),this.supportsBinary||(e.b64=1);const o=Wp(e),r=this.opts.hostname.indexOf(":")!==-1;return n+"://"+(r?"["+this.opts.hostname+"]":this.opts.hostname)+s+this.opts.path+(o.length?"?"+o:"")}check(){return!!Wo}}const $2={websocket:B2,polling:P2},j2=/^(?:(?![^:@\/?#]+:[^:@\/]*@)(http|https|ws|wss):\/\/)?((?:(([^:@\/?#]*)(?::([^:@\/?#]*))?)?@)?((?:[a-f0-9]{0,4}:){2,7}[a-f0-9]{0,4}|[^:\/?#]*)(?::(\d*))?)(((\/(?:[^?#](?![^?#\/]*\.[^?#\/.]+(?:[?#]|$)))*\/?)?([^?#\/]*))(?:\?([^#]*))?(?:#(.*))?)/,z2=["source","protocol","authority","userInfo","user","password","host","port","relative","path","directory","file","query","anchor"];function al(t){const e=t,n=t.indexOf("["),s=t.indexOf("]");n!=-1&&s!=-1&&(t=t.substring(0,n)+t.substring(n,s).replace(/:/g,";")+t.substring(s,t.length));let o=j2.exec(t||""),r={},i=14;for(;i--;)r[z2[i]]=o[i]||"";return n!=-1&&s!=-1&&(r.source=e,r.host=r.host.substring(1,r.host.length-1).replace(/;/g,":"),r.authority=r.authority.replace("[","").replace("]","").replace(/;/g,":"),r.ipv6uri=!0),r.pathNames=U2(r,r.path),r.queryKey=q2(r,r.query),r}function U2(t,e){const n=/\/{2,9}/g,s=e.replace(n,"/").split("/");return(e.slice(0,1)=="/"||e.length===0)&&s.splice(0,1),e.slice(-1)=="/"&&s.splice(s.length-1,1),s}function q2(t,e){const n={};return e.replace(/(?:^|&)([^&=]*)=?([^&]*)/g,function(s,o,r){o&&(n[o]=r)}),n}let Qp=class ps extends tt{constructor(e,n={}){super(),this.writeBuffer=[],e&&typeof e=="object"&&(n=e,e=null),e?(e=al(e),n.hostname=e.host,n.secure=e.protocol==="https"||e.protocol==="wss",n.port=e.port,e.query&&(n.query=e.query)):n.host&&(n.hostname=al(n.host).host),li(this,n),this.secure=n.secure!=null?n.secure:typeof location<"u"&&location.protocol==="https:",n.hostname&&!n.port&&(n.port=this.secure?"443":"80"),this.hostname=n.hostname||(typeof location<"u"?location.hostname:"localhost"),this.port=n.port||(typeof location<"u"&&location.port?location.port:this.secure?"443":"80"),this.transports=n.transports||["polling","websocket"],this.writeBuffer=[],this.prevBufferLen=0,this.opts=Object.assign({path:"/engine.io",agent:!1,withCredentials:!1,upgrade:!0,timestampParam:"t",rememberUpgrade:!1,addTrailingSlash:!0,rejectUnauthorized:!0,perMessageDeflate:{threshold:1024},transportOptions:{},closeOnBeforeunload:!0},n),this.opts.path=this.opts.path.replace(/\/$/,"")+(this.opts.addTrailingSlash?"/":""),typeof this.opts.query=="string"&&(this.opts.query=N2(this.opts.query)),this.id=null,this.upgrades=null,this.pingInterval=null,this.pingTimeout=null,this.pingTimeoutTimer=null,typeof addEventListener=="function"&&(this.opts.closeOnBeforeunload&&(this.beforeunloadEventListener=()=>{this.transport&&(this.transport.removeAllListeners(),this.transport.close())},addEventListener("beforeunload",this.beforeunloadEventListener,!1)),this.hostname!=="localhost"&&(this.offlineEventListener=()=>{this.onClose("transport close",{description:"network connection lost"})},addEventListener("offline",this.offlineEventListener,!1))),this.open()}createTransport(e){const n=Object.assign({},this.opts.query);n.EIO=qp,n.transport=e,this.id&&(n.sid=this.id);const s=Object.assign({},this.opts.transportOptions[e],this.opts,{query:n,socket:this,hostname:this.hostname,secure:this.secure,port:this.port});return new $2[e](s)}open(){let e;if(this.opts.rememberUpgrade&&ps.priorWebsocketSuccess&&this.transports.indexOf("websocket")!==-1)e="websocket";else if(this.transports.length===0){this.setTimeoutFn(()=>{this.emitReserved("error","No transports available")},0);return}else e=this.transports[0];this.readyState="opening";try{e=this.createTransport(e)}catch{this.transports.shift(),this.open();return}e.open(),this.setTransport(e)}setTransport(e){this.transport&&this.transport.removeAllListeners(),this.transport=e,e.on("drain",this.onDrain.bind(this)).on("packet",this.onPacket.bind(this)).on("error",this.onError.bind(this)).on("close",n=>this.onClose("transport close",n))}probe(e){let n=this.createTransport(e),s=!1;ps.priorWebsocketSuccess=!1;const o=()=>{s||(n.send([{type:"ping",data:"probe"}]),n.once("packet",h=>{if(!s)if(h.type==="pong"&&h.data==="probe"){if(this.upgrading=!0,this.emitReserved("upgrading",n),!n)return;ps.priorWebsocketSuccess=n.name==="websocket",this.transport.pause(()=>{s||this.readyState!=="closed"&&(u(),this.setTransport(n),n.send([{type:"upgrade"}]),this.emitReserved("upgrade",n),n=null,this.upgrading=!1,this.flush())})}else{const f=new Error("probe error");f.transport=n.name,this.emitReserved("upgradeError",f)}}))};function r(){s||(s=!0,u(),n.close(),n=null)}const i=h=>{const f=new Error("probe error: "+h);f.transport=n.name,r(),this.emitReserved("upgradeError",f)};function a(){i("transport closed")}function l(){i("socket closed")}function c(h){n&&h.name!==n.name&&r()}const u=()=>{n.removeListener("open",o),n.removeListener("error",i),n.removeListener("close",a),this.off("close",l),this.off("upgrading",c)};n.once("open",o),n.once("error",i),n.once("close",a),this.once("close",l),this.once("upgrading",c),n.open()}onOpen(){if(this.readyState="open",ps.priorWebsocketSuccess=this.transport.name==="websocket",this.emitReserved("open"),this.flush(),this.readyState==="open"&&this.opts.upgrade){let e=0;const n=this.upgrades.length;for(;e{this.onClose("ping timeout")},this.pingInterval+this.pingTimeout),this.opts.autoUnref&&this.pingTimeoutTimer.unref()}onDrain(){this.writeBuffer.splice(0,this.prevBufferLen),this.prevBufferLen=0,this.writeBuffer.length===0?this.emitReserved("drain"):this.flush()}flush(){if(this.readyState!=="closed"&&this.transport.writable&&!this.upgrading&&this.writeBuffer.length){const e=this.getWritablePackets();this.transport.send(e),this.prevBufferLen=e.length,this.emitReserved("flush")}}getWritablePackets(){if(!(this.maxPayload&&this.transport.name==="polling"&&this.writeBuffer.length>1))return this.writeBuffer;let n=1;for(let s=0;s0&&n>this.maxPayload)return this.writeBuffer.slice(0,s);n+=2}return this.writeBuffer}write(e,n,s){return this.sendPacket("message",e,n,s),this}send(e,n,s){return this.sendPacket("message",e,n,s),this}sendPacket(e,n,s,o){if(typeof n=="function"&&(o=n,n=void 0),typeof s=="function"&&(o=s,s=null),this.readyState==="closing"||this.readyState==="closed")return;s=s||{},s.compress=s.compress!==!1;const r={type:e,data:n,options:s};this.emitReserved("packetCreate",r),this.writeBuffer.push(r),o&&this.once("flush",o),this.flush()}close(){const e=()=>{this.onClose("forced close"),this.transport.close()},n=()=>{this.off("upgrade",n),this.off("upgradeError",n),e()},s=()=>{this.once("upgrade",n),this.once("upgradeError",n)};return(this.readyState==="opening"||this.readyState==="open")&&(this.readyState="closing",this.writeBuffer.length?this.once("drain",()=>{this.upgrading?s():e()}):this.upgrading?s():e()),this}onError(e){ps.priorWebsocketSuccess=!1,this.emitReserved("error",e),this.onClose("transport error",e)}onClose(e,n){(this.readyState==="opening"||this.readyState==="open"||this.readyState==="closing")&&(this.clearTimeoutFn(this.pingTimeoutTimer),this.transport.removeAllListeners("close"),this.transport.close(),this.transport.removeAllListeners(),typeof removeEventListener=="function"&&(removeEventListener("beforeunload",this.beforeunloadEventListener,!1),removeEventListener("offline",this.offlineEventListener,!1)),this.readyState="closed",this.id=null,this.emitReserved("close",e,n),this.writeBuffer=[],this.prevBufferLen=0)}filterUpgrades(e){const n=[];let s=0;const o=e.length;for(;stypeof ArrayBuffer.isView=="function"?ArrayBuffer.isView(t):t.buffer instanceof ArrayBuffer,Xp=Object.prototype.toString,K2=typeof Blob=="function"||typeof Blob<"u"&&Xp.call(Blob)==="[object BlobConstructor]",W2=typeof File=="function"||typeof File<"u"&&Xp.call(File)==="[object FileConstructor]";function sc(t){return V2&&(t instanceof ArrayBuffer||G2(t))||K2&&t instanceof Blob||W2&&t instanceof File}function pr(t,e){if(!t||typeof t!="object")return!1;if(Array.isArray(t)){for(let n=0,s=t.length;n=0&&t.num{delete this.acks[e];for(let i=0;i{this.io.clearTimeoutFn(r),n.apply(this,[null,...i])}}emitWithAck(e,...n){const s=this.flags.timeout!==void 0||this._opts.ackTimeout!==void 0;return new Promise((o,r)=>{n.push((i,a)=>s?i?r(i):o(a):o(i)),this.emit(e,...n)})}_addToQueue(e){let n;typeof e[e.length-1]=="function"&&(n=e.pop());const s={id:this._queueSeq++,tryCount:0,pending:!1,args:e,flags:Object.assign({fromQueue:!0},this.flags)};e.push((o,...r)=>s!==this._queue[0]?void 0:(o!==null?s.tryCount>this._opts.retries&&(this._queue.shift(),n&&n(o)):(this._queue.shift(),n&&n(null,...r)),s.pending=!1,this._drainQueue())),this._queue.push(s),this._drainQueue()}_drainQueue(e=!1){if(!this.connected||this._queue.length===0)return;const n=this._queue[0];n.pending&&!e||(n.pending=!0,n.tryCount++,this.flags=n.flags,this.emit.apply(this,n.args))}packet(e){e.nsp=this.nsp,this.io._packet(e)}onopen(){typeof this.auth=="function"?this.auth(e=>{this._sendConnectPacket(e)}):this._sendConnectPacket(this.auth)}_sendConnectPacket(e){this.packet({type:Fe.CONNECT,data:this._pid?Object.assign({pid:this._pid,offset:this._lastOffset},e):e})}onerror(e){this.connected||this.emitReserved("connect_error",e)}onclose(e,n){this.connected=!1,delete this.id,this.emitReserved("disconnect",e,n)}onpacket(e){if(e.nsp===this.nsp)switch(e.type){case Fe.CONNECT:e.data&&e.data.sid?this.onconnect(e.data.sid,e.data.pid):this.emitReserved("connect_error",new Error("It seems you are trying to reach a Socket.IO server in v2.x with a v3.x client, but they are not compatible (more information here: https://socket.io/docs/v3/migrating-from-2-x-to-3-0/)"));break;case Fe.EVENT:case Fe.BINARY_EVENT:this.onevent(e);break;case Fe.ACK:case Fe.BINARY_ACK:this.onack(e);break;case Fe.DISCONNECT:this.ondisconnect();break;case Fe.CONNECT_ERROR:this.destroy();const s=new Error(e.data.message);s.data=e.data.data,this.emitReserved("connect_error",s);break}}onevent(e){const n=e.data||[];e.id!=null&&n.push(this.ack(e.id)),this.connected?this.emitEvent(n):this.receiveBuffer.push(Object.freeze(n))}emitEvent(e){if(this._anyListeners&&this._anyListeners.length){const n=this._anyListeners.slice();for(const s of n)s.apply(this,e)}super.emit.apply(this,e),this._pid&&e.length&&typeof e[e.length-1]=="string"&&(this._lastOffset=e[e.length-1])}ack(e){const n=this;let s=!1;return function(...o){s||(s=!0,n.packet({type:Fe.ACK,id:e,data:o}))}}onack(e){const n=this.acks[e.id];typeof n=="function"&&(n.apply(this,e.data),delete this.acks[e.id])}onconnect(e,n){this.id=e,this.recovered=n&&this._pid===n,this._pid=n,this.connected=!0,this.emitBuffered(),this.emitReserved("connect"),this._drainQueue(!0)}emitBuffered(){this.receiveBuffer.forEach(e=>this.emitEvent(e)),this.receiveBuffer=[],this.sendBuffer.forEach(e=>{this.notifyOutgoingListeners(e),this.packet(e)}),this.sendBuffer=[]}ondisconnect(){this.destroy(),this.onclose("io server disconnect")}destroy(){this.subs&&(this.subs.forEach(e=>e()),this.subs=void 0),this.io._destroy(this)}disconnect(){return this.connected&&this.packet({type:Fe.DISCONNECT}),this.destroy(),this.connected&&this.onclose("io client disconnect"),this}close(){return this.disconnect()}compress(e){return this.flags.compress=e,this}get volatile(){return this.flags.volatile=!0,this}timeout(e){return this.flags.timeout=e,this}onAny(e){return this._anyListeners=this._anyListeners||[],this._anyListeners.push(e),this}prependAny(e){return this._anyListeners=this._anyListeners||[],this._anyListeners.unshift(e),this}offAny(e){if(!this._anyListeners)return this;if(e){const n=this._anyListeners;for(let s=0;s0&&t.jitter<=1?t.jitter:0,this.attempts=0}Gs.prototype.duration=function(){var t=this.ms*Math.pow(this.factor,this.attempts++);if(this.jitter){var e=Math.random(),n=Math.floor(e*this.jitter*t);t=Math.floor(e*10)&1?t+n:t-n}return Math.min(t,this.max)|0};Gs.prototype.reset=function(){this.attempts=0};Gs.prototype.setMin=function(t){this.ms=t};Gs.prototype.setMax=function(t){this.max=t};Gs.prototype.setJitter=function(t){this.jitter=t};class dl extends tt{constructor(e,n){var s;super(),this.nsps={},this.subs=[],e&&typeof e=="object"&&(n=e,e=void 0),n=n||{},n.path=n.path||"/socket.io",this.opts=n,li(this,n),this.reconnection(n.reconnection!==!1),this.reconnectionAttempts(n.reconnectionAttempts||1/0),this.reconnectionDelay(n.reconnectionDelay||1e3),this.reconnectionDelayMax(n.reconnectionDelayMax||5e3),this.randomizationFactor((s=n.randomizationFactor)!==null&&s!==void 0?s:.5),this.backoff=new Gs({min:this.reconnectionDelay(),max:this.reconnectionDelayMax(),jitter:this.randomizationFactor()}),this.timeout(n.timeout==null?2e4:n.timeout),this._readyState="closed",this.uri=e;const o=n.parser||ev;this.encoder=new o.Encoder,this.decoder=new o.Decoder,this._autoConnect=n.autoConnect!==!1,this._autoConnect&&this.open()}reconnection(e){return arguments.length?(this._reconnection=!!e,this):this._reconnection}reconnectionAttempts(e){return e===void 0?this._reconnectionAttempts:(this._reconnectionAttempts=e,this)}reconnectionDelay(e){var n;return e===void 0?this._reconnectionDelay:(this._reconnectionDelay=e,(n=this.backoff)===null||n===void 0||n.setMin(e),this)}randomizationFactor(e){var n;return e===void 0?this._randomizationFactor:(this._randomizationFactor=e,(n=this.backoff)===null||n===void 0||n.setJitter(e),this)}reconnectionDelayMax(e){var n;return e===void 0?this._reconnectionDelayMax:(this._reconnectionDelayMax=e,(n=this.backoff)===null||n===void 0||n.setMax(e),this)}timeout(e){return arguments.length?(this._timeout=e,this):this._timeout}maybeReconnectOnOpen(){!this._reconnecting&&this._reconnection&&this.backoff.attempts===0&&this.reconnect()}open(e){if(~this._readyState.indexOf("open"))return this;this.engine=new Qp(this.uri,this.opts);const n=this.engine,s=this;this._readyState="opening",this.skipReconnect=!1;const o=Dt(n,"open",function(){s.onopen(),e&&e()}),r=Dt(n,"error",i=>{s.cleanup(),s._readyState="closed",this.emitReserved("error",i),e?e(i):s.maybeReconnectOnOpen()});if(this._timeout!==!1){const i=this._timeout;i===0&&o();const a=this.setTimeoutFn(()=>{o(),n.close(),n.emit("error",new Error("timeout"))},i);this.opts.autoUnref&&a.unref(),this.subs.push(function(){clearTimeout(a)})}return this.subs.push(o),this.subs.push(r),this}connect(e){return this.open(e)}onopen(){this.cleanup(),this._readyState="open",this.emitReserved("open");const e=this.engine;this.subs.push(Dt(e,"ping",this.onping.bind(this)),Dt(e,"data",this.ondata.bind(this)),Dt(e,"error",this.onerror.bind(this)),Dt(e,"close",this.onclose.bind(this)),Dt(this.decoder,"decoded",this.ondecoded.bind(this)))}onping(){this.emitReserved("ping")}ondata(e){try{this.decoder.add(e)}catch(n){this.onclose("parse error",n)}}ondecoded(e){Jp(()=>{this.emitReserved("packet",e)},this.setTimeoutFn)}onerror(e){this.emitReserved("error",e)}socket(e,n){let s=this.nsps[e];return s?this._autoConnect&&!s.active&&s.connect():(s=new eg(this,e,n),this.nsps[e]=s),s}_destroy(e){const n=Object.keys(this.nsps);for(const s of n)if(this.nsps[s].active)return;this._close()}_packet(e){const n=this.encoder.encode(e);for(let s=0;se()),this.subs.length=0,this.decoder.destroy()}_close(){this.skipReconnect=!0,this._reconnecting=!1,this.onclose("forced close"),this.engine&&this.engine.close()}disconnect(){return this._close()}onclose(e,n){this.cleanup(),this.backoff.reset(),this._readyState="closed",this.emitReserved("close",e,n),this._reconnection&&!this.skipReconnect&&this.reconnect()}reconnect(){if(this._reconnecting||this.skipReconnect)return this;const e=this;if(this.backoff.attempts>=this._reconnectionAttempts)this.backoff.reset(),this.emitReserved("reconnect_failed"),this._reconnecting=!1;else{const n=this.backoff.duration();this._reconnecting=!0;const s=this.setTimeoutFn(()=>{e.skipReconnect||(this.emitReserved("reconnect_attempt",e.backoff.attempts),!e.skipReconnect&&e.open(o=>{o?(e._reconnecting=!1,e.reconnect(),this.emitReserved("reconnect_error",o)):e.onreconnect()}))},n);this.opts.autoUnref&&s.unref(),this.subs.push(function(){clearTimeout(s)})}}onreconnect(){const e=this.backoff.attempts;this._reconnecting=!1,this.backoff.reset(),this.emitReserved("reconnect",e)}}const eo={};function gr(t,e){typeof t=="object"&&(e=t,t=void 0),e=e||{};const n=H2(t,e.path||"/socket.io"),s=n.source,o=n.id,r=n.path,i=eo[o]&&r in eo[o].nsps,a=e.forceNew||e["force new connection"]||e.multiplex===!1||i;let l;return a?l=new dl(s,e):(eo[o]||(eo[o]=new dl(s,e)),l=eo[o]),n.query&&!e.query&&(e.query=n.queryKey),l.socket(n.path,e)}Object.assign(gr,{Manager:dl,Socket:eg,io:gr,connect:gr});const nv=void 0,Ee=new gr(nv);const Ue=(t,e)=>{const n=t.__vccOpts||t;for(const[s,o]of e)n[s]=o;return n},sv={name:"Toast",props:{},data(){return{show:!1,success:!0,message:"",toastArr:[]}},methods:{close(t){this.toastArr=this.toastArr.filter(e=>e.id!=t)},copyToClipBoard(t){navigator.clipboard.writeText(t),be(()=>{ve.replace()})},showToast(t,e=3,n=!0){const s=parseInt((new Date().getTime()*Math.random()).toString()).toString(),o={id:s,success:n,message:t,show:!0};this.toastArr.push(o),be(()=>{ve.replace()}),setTimeout(()=>{this.toastArr=this.toastArr.filter(r=>r.id!=s)},e*1e3)}},watch:{}},Rn=t=>(ns("data-v-3ffdabf3"),t=t(),ss(),t),ov={class:"absolute bottom-16 right-2 z-20 flex flex-col gap-3 min-w-[300px]"},rv={class:"flex flex-row items-center w-full max-w-xs p-4 mb-4 text-gray-500 bg-white rounded-lg shadow dark:text-gray-400 dark:bg-gray-800",role:"alert"},iv={class:"flex flex-row flex-grow items-center"},av={key:0,class:"inline-flex items-center justify-center flex-shrink-0 w-8 h-8 text-green-500 bg-green-100 rounded-lg dark:bg-green-800 dark:text-green-200"},lv=Rn(()=>d("i",{"data-feather":"check"},null,-1)),cv=Rn(()=>d("span",{class:"sr-only"},"Check icon",-1)),dv=[lv,cv],uv={key:1,class:"inline-flex items-center justify-center flex-shrink-0 w-8 h-8 text-red-500 bg-red-100 rounded-lg dark:bg-red-800 dark:text-red-200"},hv=Rn(()=>d("i",{"data-feather":"x"},null,-1)),fv=Rn(()=>d("span",{class:"sr-only"},"Cross icon",-1)),pv=[hv,fv],gv=["title"],mv={class:"flex"},_v=["onClick"],bv=Rn(()=>d("span",{class:"sr-only"},"Copy message",-1)),yv=Rn(()=>d("i",{"data-feather":"clipboard",class:"w-5 h-5"},null,-1)),vv=[bv,yv],wv=["onClick"],xv=Rn(()=>d("span",{class:"sr-only"},"Close",-1)),kv=Rn(()=>d("svg",{"aria-hidden":"true",class:"w-5 h-5",fill:"currentColor",viewBox:"0 0 20 20",xmlns:"http://www.w3.org/2000/svg"},[d("path",{"fill-rule":"evenodd",d:"M4.293 4.293a1 1 0 011.414 0L10 8.586l4.293-4.293a1 1 0 111.414 1.414L11.414 10l4.293 4.293a1 1 0 01-1.414 1.414L10 11.414l-4.293 4.293a1 1 0 01-1.414-1.414L8.586 10 4.293 5.707a1 1 0 010-1.414z","clip-rule":"evenodd"})],-1)),Ev=[xv,kv];function Cv(t,e,n,s,o,r){return k(),C("div",ov,[he(Ut,{name:"toastItem",tag:"div"},{default:De(()=>[(k(!0),C(Oe,null,Ge(o.toastArr,i=>(k(),C("div",{key:i.id,class:"relative"},[d("div",rv,[d("div",iv,[xr(t.$slots,"default",{},()=>[i.success?(k(),C("div",av,dv)):F("",!0),i.success?F("",!0):(k(),C("div",uv,pv)),d("div",{class:"ml-3 text-sm font-normal whitespace-pre-wrap line-clamp-3",title:i.message},H(i.message),9,gv)],!0)]),d("div",mv,[d("button",{type:"button",onClick:le(a=>r.copyToClipBoard(i.message),["stop"]),title:"Copy message",class:"bg-white text-gray-400 hover:text-gray-900 rounded-lg focus:ring-2 focus:ring-gray-300 p-1.5 hover:bg-gray-100 inline-flex h-8 w-8 dark:text-gray-500 dark:hover:text-white dark:bg-gray-800 dark:hover:bg-gray-700"},vv,8,_v),d("button",{type:"button",onClick:a=>r.close(i.id),title:"Close",class:"bg-white text-gray-400 hover:text-gray-900 rounded-lg focus:ring-2 focus:ring-gray-300 p-1.5 hover:bg-gray-100 inline-flex h-8 w-8 dark:text-gray-500 dark:hover:text-white dark:bg-gray-800 dark:hover:bg-gray-700"},Ev,8,wv)])])]))),128))]),_:3})])}const Io=Ue(sv,[["render",Cv],["__scopeId","data-v-3ffdabf3"]]);var qe={};const Av="Á",Sv="á",Tv="Ă",Mv="ă",Ov="∾",Rv="∿",Nv="∾̳",Dv="Â",Lv="â",Iv="´",Pv="А",Fv="а",Bv="Æ",$v="æ",jv="⁡",zv="𝔄",Uv="𝔞",qv="À",Hv="à",Vv="ℵ",Gv="ℵ",Kv="Α",Wv="α",Zv="Ā",Yv="ā",Jv="⨿",Qv="&",Xv="&",ew="⩕",tw="⩓",nw="∧",sw="⩜",ow="⩘",rw="⩚",iw="∠",aw="⦤",lw="∠",cw="⦨",dw="⦩",uw="⦪",hw="⦫",fw="⦬",pw="⦭",gw="⦮",mw="⦯",_w="∡",bw="∟",yw="⊾",vw="⦝",ww="∢",xw="Å",kw="⍼",Ew="Ą",Cw="ą",Aw="𝔸",Sw="𝕒",Tw="⩯",Mw="≈",Ow="⩰",Rw="≊",Nw="≋",Dw="'",Lw="⁡",Iw="≈",Pw="≊",Fw="Å",Bw="å",$w="𝒜",jw="𝒶",zw="≔",Uw="*",qw="≈",Hw="≍",Vw="Ã",Gw="ã",Kw="Ä",Ww="ä",Zw="∳",Yw="⨑",Jw="≌",Qw="϶",Xw="‵",ex="∽",tx="⋍",nx="∖",sx="⫧",ox="⊽",rx="⌅",ix="⌆",ax="⌅",lx="⎵",cx="⎶",dx="≌",ux="Б",hx="б",fx="„",px="∵",gx="∵",mx="∵",_x="⦰",bx="϶",yx="ℬ",vx="ℬ",wx="Β",xx="β",kx="ℶ",Ex="≬",Cx="𝔅",Ax="𝔟",Sx="⋂",Tx="◯",Mx="⋃",Ox="⨀",Rx="⨁",Nx="⨂",Dx="⨆",Lx="★",Ix="▽",Px="△",Fx="⨄",Bx="⋁",$x="⋀",jx="⤍",zx="⧫",Ux="▪",qx="▴",Hx="▾",Vx="◂",Gx="▸",Kx="␣",Wx="▒",Zx="░",Yx="▓",Jx="█",Qx="=⃥",Xx="≡⃥",ek="⫭",tk="⌐",nk="𝔹",sk="𝕓",ok="⊥",rk="⊥",ik="⋈",ak="⧉",lk="┐",ck="╕",dk="╖",uk="╗",hk="┌",fk="╒",pk="╓",gk="╔",mk="─",_k="═",bk="┬",yk="╤",vk="╥",wk="╦",xk="┴",kk="╧",Ek="╨",Ck="╩",Ak="⊟",Sk="⊞",Tk="⊠",Mk="┘",Ok="╛",Rk="╜",Nk="╝",Dk="└",Lk="╘",Ik="╙",Pk="╚",Fk="│",Bk="║",$k="┼",jk="╪",zk="╫",Uk="╬",qk="┤",Hk="╡",Vk="╢",Gk="╣",Kk="├",Wk="╞",Zk="╟",Yk="╠",Jk="‵",Qk="˘",Xk="˘",e5="¦",t5="𝒷",n5="ℬ",s5="⁏",o5="∽",r5="⋍",i5="⧅",a5="\\",l5="⟈",c5="•",d5="•",u5="≎",h5="⪮",f5="≏",p5="≎",g5="≏",m5="Ć",_5="ć",b5="⩄",y5="⩉",v5="⩋",w5="∩",x5="⋒",k5="⩇",E5="⩀",C5="ⅅ",A5="∩︀",S5="⁁",T5="ˇ",M5="ℭ",O5="⩍",R5="Č",N5="č",D5="Ç",L5="ç",I5="Ĉ",P5="ĉ",F5="∰",B5="⩌",$5="⩐",j5="Ċ",z5="ċ",U5="¸",q5="¸",H5="⦲",V5="¢",G5="·",K5="·",W5="𝔠",Z5="ℭ",Y5="Ч",J5="ч",Q5="✓",X5="✓",eE="Χ",tE="χ",nE="ˆ",sE="≗",oE="↺",rE="↻",iE="⊛",aE="⊚",lE="⊝",cE="⊙",dE="®",uE="Ⓢ",hE="⊖",fE="⊕",pE="⊗",gE="○",mE="⧃",_E="≗",bE="⨐",yE="⫯",vE="⧂",wE="∲",xE="”",kE="’",EE="♣",CE="♣",AE=":",SE="∷",TE="⩴",ME="≔",OE="≔",RE=",",NE="@",DE="∁",LE="∘",IE="∁",PE="ℂ",FE="≅",BE="⩭",$E="≡",jE="∮",zE="∯",UE="∮",qE="𝕔",HE="ℂ",VE="∐",GE="∐",KE="©",WE="©",ZE="℗",YE="∳",JE="↵",QE="✗",XE="⨯",e4="𝒞",t4="𝒸",n4="⫏",s4="⫑",o4="⫐",r4="⫒",i4="⋯",a4="⤸",l4="⤵",c4="⋞",d4="⋟",u4="↶",h4="⤽",f4="⩈",p4="⩆",g4="≍",m4="∪",_4="⋓",b4="⩊",y4="⊍",v4="⩅",w4="∪︀",x4="↷",k4="⤼",E4="⋞",C4="⋟",A4="⋎",S4="⋏",T4="¤",M4="↶",O4="↷",R4="⋎",N4="⋏",D4="∲",L4="∱",I4="⌭",P4="†",F4="‡",B4="ℸ",$4="↓",j4="↡",z4="⇓",U4="‐",q4="⫤",H4="⊣",V4="⤏",G4="˝",K4="Ď",W4="ď",Z4="Д",Y4="д",J4="‡",Q4="⇊",X4="ⅅ",e8="ⅆ",t8="⤑",n8="⩷",s8="°",o8="∇",r8="Δ",i8="δ",a8="⦱",l8="⥿",c8="𝔇",d8="𝔡",u8="⥥",h8="⇃",f8="⇂",p8="´",g8="˙",m8="˝",_8="`",b8="˜",y8="⋄",v8="⋄",w8="⋄",x8="♦",k8="♦",E8="¨",C8="ⅆ",A8="ϝ",S8="⋲",T8="÷",M8="÷",O8="⋇",R8="⋇",N8="Ђ",D8="ђ",L8="⌞",I8="⌍",P8="$",F8="𝔻",B8="𝕕",$8="¨",j8="˙",z8="⃜",U8="≐",q8="≑",H8="≐",V8="∸",G8="∔",K8="⊡",W8="⌆",Z8="∯",Y8="¨",J8="⇓",Q8="⇐",X8="⇔",eC="⫤",tC="⟸",nC="⟺",sC="⟹",oC="⇒",rC="⊨",iC="⇑",aC="⇕",lC="∥",cC="⤓",dC="↓",uC="↓",hC="⇓",fC="⇵",pC="̑",gC="⇊",mC="⇃",_C="⇂",bC="⥐",yC="⥞",vC="⥖",wC="↽",xC="⥟",kC="⥗",EC="⇁",CC="↧",AC="⊤",SC="⤐",TC="⌟",MC="⌌",OC="𝒟",RC="𝒹",NC="Ѕ",DC="ѕ",LC="⧶",IC="Đ",PC="đ",FC="⋱",BC="▿",$C="▾",jC="⇵",zC="⥯",UC="⦦",qC="Џ",HC="џ",VC="⟿",GC="É",KC="é",WC="⩮",ZC="Ě",YC="ě",JC="Ê",QC="ê",XC="≖",e3="≕",t3="Э",n3="э",s3="⩷",o3="Ė",r3="ė",i3="≑",a3="ⅇ",l3="≒",c3="𝔈",d3="𝔢",u3="⪚",h3="È",f3="è",p3="⪖",g3="⪘",m3="⪙",_3="∈",b3="⏧",y3="ℓ",v3="⪕",w3="⪗",x3="Ē",k3="ē",E3="∅",C3="∅",A3="◻",S3="∅",T3="▫",M3=" ",O3=" ",R3=" ",N3="Ŋ",D3="ŋ",L3=" ",I3="Ę",P3="ę",F3="𝔼",B3="𝕖",$3="⋕",j3="⧣",z3="⩱",U3="ε",q3="Ε",H3="ε",V3="ϵ",G3="≖",K3="≕",W3="≂",Z3="⪖",Y3="⪕",J3="⩵",Q3="=",X3="≂",e9="≟",t9="⇌",n9="≡",s9="⩸",o9="⧥",r9="⥱",i9="≓",a9="ℯ",l9="ℰ",c9="≐",d9="⩳",u9="≂",h9="Η",f9="η",p9="Ð",g9="ð",m9="Ë",_9="ë",b9="€",y9="!",v9="∃",w9="∃",x9="ℰ",k9="ⅇ",E9="ⅇ",C9="≒",A9="Ф",S9="ф",T9="♀",M9="ffi",O9="ff",R9="ffl",N9="𝔉",D9="𝔣",L9="fi",I9="◼",P9="▪",F9="fj",B9="♭",$9="fl",j9="▱",z9="ƒ",U9="𝔽",q9="𝕗",H9="∀",V9="∀",G9="⋔",K9="⫙",W9="ℱ",Z9="⨍",Y9="½",J9="⅓",Q9="¼",X9="⅕",e6="⅙",t6="⅛",n6="⅔",s6="⅖",o6="¾",r6="⅗",i6="⅜",a6="⅘",l6="⅚",c6="⅝",d6="⅞",u6="⁄",h6="⌢",f6="𝒻",p6="ℱ",g6="ǵ",m6="Γ",_6="γ",b6="Ϝ",y6="ϝ",v6="⪆",w6="Ğ",x6="ğ",k6="Ģ",E6="Ĝ",C6="ĝ",A6="Г",S6="г",T6="Ġ",M6="ġ",O6="≥",R6="≧",N6="⪌",D6="⋛",L6="≥",I6="≧",P6="⩾",F6="⪩",B6="⩾",$6="⪀",j6="⪂",z6="⪄",U6="⋛︀",q6="⪔",H6="𝔊",V6="𝔤",G6="≫",K6="⋙",W6="⋙",Z6="ℷ",Y6="Ѓ",J6="ѓ",Q6="⪥",X6="≷",eA="⪒",tA="⪤",nA="⪊",sA="⪊",oA="⪈",rA="≩",iA="⪈",aA="≩",lA="⋧",cA="𝔾",dA="𝕘",uA="`",hA="≥",fA="⋛",pA="≧",gA="⪢",mA="≷",_A="⩾",bA="≳",yA="𝒢",vA="ℊ",wA="≳",xA="⪎",kA="⪐",EA="⪧",CA="⩺",AA=">",SA=">",TA="≫",MA="⋗",OA="⦕",RA="⩼",NA="⪆",DA="⥸",LA="⋗",IA="⋛",PA="⪌",FA="≷",BA="≳",$A="≩︀",jA="≩︀",zA="ˇ",UA=" ",qA="½",HA="ℋ",VA="Ъ",GA="ъ",KA="⥈",WA="↔",ZA="⇔",YA="↭",JA="^",QA="ℏ",XA="Ĥ",eS="ĥ",tS="♥",nS="♥",sS="…",oS="⊹",rS="𝔥",iS="ℌ",aS="ℋ",lS="⤥",cS="⤦",dS="⇿",uS="∻",hS="↩",fS="↪",pS="𝕙",gS="ℍ",mS="―",_S="─",bS="𝒽",yS="ℋ",vS="ℏ",wS="Ħ",xS="ħ",kS="≎",ES="≏",CS="⁃",AS="‐",SS="Í",TS="í",MS="⁣",OS="Î",RS="î",NS="И",DS="и",LS="İ",IS="Е",PS="е",FS="¡",BS="⇔",$S="𝔦",jS="ℑ",zS="Ì",US="ì",qS="ⅈ",HS="⨌",VS="∭",GS="⧜",KS="℩",WS="IJ",ZS="ij",YS="Ī",JS="ī",QS="ℑ",XS="ⅈ",eT="ℐ",tT="ℑ",nT="ı",sT="ℑ",oT="⊷",rT="Ƶ",iT="⇒",aT="℅",lT="∞",cT="⧝",dT="ı",uT="⊺",hT="∫",fT="∬",pT="ℤ",gT="∫",mT="⊺",_T="⋂",bT="⨗",yT="⨼",vT="⁣",wT="⁢",xT="Ё",kT="ё",ET="Į",CT="į",AT="𝕀",ST="𝕚",TT="Ι",MT="ι",OT="⨼",RT="¿",NT="𝒾",DT="ℐ",LT="∈",IT="⋵",PT="⋹",FT="⋴",BT="⋳",$T="∈",jT="⁢",zT="Ĩ",UT="ĩ",qT="І",HT="і",VT="Ï",GT="ï",KT="Ĵ",WT="ĵ",ZT="Й",YT="й",JT="𝔍",QT="𝔧",XT="ȷ",e7="𝕁",t7="𝕛",n7="𝒥",s7="𝒿",o7="Ј",r7="ј",i7="Є",a7="є",l7="Κ",c7="κ",d7="ϰ",u7="Ķ",h7="ķ",f7="К",p7="к",g7="𝔎",m7="𝔨",_7="ĸ",b7="Х",y7="х",v7="Ќ",w7="ќ",x7="𝕂",k7="𝕜",E7="𝒦",C7="𝓀",A7="⇚",S7="Ĺ",T7="ĺ",M7="⦴",O7="ℒ",R7="Λ",N7="λ",D7="⟨",L7="⟪",I7="⦑",P7="⟨",F7="⪅",B7="ℒ",$7="«",j7="⇤",z7="⤟",U7="←",q7="↞",H7="⇐",V7="⤝",G7="↩",K7="↫",W7="⤹",Z7="⥳",Y7="↢",J7="⤙",Q7="⤛",X7="⪫",eM="⪭",tM="⪭︀",nM="⤌",sM="⤎",oM="❲",rM="{",iM="[",aM="⦋",lM="⦏",cM="⦍",dM="Ľ",uM="ľ",hM="Ļ",fM="ļ",pM="⌈",gM="{",mM="Л",_M="л",bM="⤶",yM="“",vM="„",wM="⥧",xM="⥋",kM="↲",EM="≤",CM="≦",AM="⟨",SM="⇤",TM="←",MM="←",OM="⇐",RM="⇆",NM="↢",DM="⌈",LM="⟦",IM="⥡",PM="⥙",FM="⇃",BM="⌊",$M="↽",jM="↼",zM="⇇",UM="↔",qM="↔",HM="⇔",VM="⇆",GM="⇋",KM="↭",WM="⥎",ZM="↤",YM="⊣",JM="⥚",QM="⋋",XM="⧏",eO="⊲",tO="⊴",nO="⥑",sO="⥠",oO="⥘",rO="↿",iO="⥒",aO="↼",lO="⪋",cO="⋚",dO="≤",uO="≦",hO="⩽",fO="⪨",pO="⩽",gO="⩿",mO="⪁",_O="⪃",bO="⋚︀",yO="⪓",vO="⪅",wO="⋖",xO="⋚",kO="⪋",EO="⋚",CO="≦",AO="≶",SO="≶",TO="⪡",MO="≲",OO="⩽",RO="≲",NO="⥼",DO="⌊",LO="𝔏",IO="𝔩",PO="≶",FO="⪑",BO="⥢",$O="↽",jO="↼",zO="⥪",UO="▄",qO="Љ",HO="љ",VO="⇇",GO="≪",KO="⋘",WO="⌞",ZO="⇚",YO="⥫",JO="◺",QO="Ŀ",XO="ŀ",eR="⎰",tR="⎰",nR="⪉",sR="⪉",oR="⪇",rR="≨",iR="⪇",aR="≨",lR="⋦",cR="⟬",dR="⇽",uR="⟦",hR="⟵",fR="⟵",pR="⟸",gR="⟷",mR="⟷",_R="⟺",bR="⟼",yR="⟶",vR="⟶",wR="⟹",xR="↫",kR="↬",ER="⦅",CR="𝕃",AR="𝕝",SR="⨭",TR="⨴",MR="∗",OR="_",RR="↙",NR="↘",DR="◊",LR="◊",IR="⧫",PR="(",FR="⦓",BR="⇆",$R="⌟",jR="⇋",zR="⥭",UR="‎",qR="⊿",HR="‹",VR="𝓁",GR="ℒ",KR="↰",WR="↰",ZR="≲",YR="⪍",JR="⪏",QR="[",XR="‘",eN="‚",tN="Ł",nN="ł",sN="⪦",oN="⩹",rN="<",iN="<",aN="≪",lN="⋖",cN="⋋",dN="⋉",uN="⥶",hN="⩻",fN="◃",pN="⊴",gN="◂",mN="⦖",_N="⥊",bN="⥦",yN="≨︀",vN="≨︀",wN="¯",xN="♂",kN="✠",EN="✠",CN="↦",AN="↦",SN="↧",TN="↤",MN="↥",ON="▮",RN="⨩",NN="М",DN="м",LN="—",IN="∺",PN="∡",FN=" ",BN="ℳ",$N="𝔐",jN="𝔪",zN="℧",UN="µ",qN="*",HN="⫰",VN="∣",GN="·",KN="⊟",WN="−",ZN="∸",YN="⨪",JN="∓",QN="⫛",XN="…",eD="∓",tD="⊧",nD="𝕄",sD="𝕞",oD="∓",rD="𝓂",iD="ℳ",aD="∾",lD="Μ",cD="μ",dD="⊸",uD="⊸",hD="∇",fD="Ń",pD="ń",gD="∠⃒",mD="≉",_D="⩰̸",bD="≋̸",yD="ʼn",vD="≉",wD="♮",xD="ℕ",kD="♮",ED=" ",CD="≎̸",AD="≏̸",SD="⩃",TD="Ň",MD="ň",OD="Ņ",RD="ņ",ND="≇",DD="⩭̸",LD="⩂",ID="Н",PD="н",FD="–",BD="⤤",$D="↗",jD="⇗",zD="↗",UD="≠",qD="≐̸",HD="​",VD="​",GD="​",KD="​",WD="≢",ZD="⤨",YD="≂̸",JD="≫",QD="≪",XD=` `,eL="∄",tL="∄",nL="𝔑",sL="𝔫",oL="≧̸",rL="≱",iL="≱",aL="≧̸",lL="⩾̸",cL="⩾̸",dL="⋙̸",uL="≵",hL="≫⃒",fL="≯",pL="≯",gL="≫̸",mL="↮",_L="⇎",bL="⫲",yL="∋",vL="⋼",wL="⋺",xL="∋",kL="Њ",EL="њ",CL="↚",AL="⇍",SL="‥",TL="≦̸",ML="≰",OL="↚",RL="⇍",NL="↮",DL="⇎",LL="≰",IL="≦̸",PL="⩽̸",FL="⩽̸",BL="≮",$L="⋘̸",jL="≴",zL="≪⃒",UL="≮",qL="⋪",HL="⋬",VL="≪̸",GL="∤",KL="⁠",WL=" ",ZL="𝕟",YL="ℕ",JL="⫬",QL="¬",XL="≢",eI="≭",tI="∦",nI="∉",sI="≠",oI="≂̸",rI="∄",iI="≯",aI="≱",lI="≧̸",cI="≫̸",dI="≹",uI="⩾̸",hI="≵",fI="≎̸",pI="≏̸",gI="∉",mI="⋵̸",_I="⋹̸",bI="∉",yI="⋷",vI="⋶",wI="⧏̸",xI="⋪",kI="⋬",EI="≮",CI="≰",AI="≸",SI="≪̸",TI="⩽̸",MI="≴",OI="⪢̸",RI="⪡̸",NI="∌",DI="∌",LI="⋾",II="⋽",PI="⊀",FI="⪯̸",BI="⋠",$I="∌",jI="⧐̸",zI="⋫",UI="⋭",qI="⊏̸",HI="⋢",VI="⊐̸",GI="⋣",KI="⊂⃒",WI="⊈",ZI="⊁",YI="⪰̸",JI="⋡",QI="≿̸",XI="⊃⃒",eP="⊉",tP="≁",nP="≄",sP="≇",oP="≉",rP="∤",iP="∦",aP="∦",lP="⫽⃥",cP="∂̸",dP="⨔",uP="⊀",hP="⋠",fP="⊀",pP="⪯̸",gP="⪯̸",mP="⤳̸",_P="↛",bP="⇏",yP="↝̸",vP="↛",wP="⇏",xP="⋫",kP="⋭",EP="⊁",CP="⋡",AP="⪰̸",SP="𝒩",TP="𝓃",MP="∤",OP="∦",RP="≁",NP="≄",DP="≄",LP="∤",IP="∦",PP="⋢",FP="⋣",BP="⊄",$P="⫅̸",jP="⊈",zP="⊂⃒",UP="⊈",qP="⫅̸",HP="⊁",VP="⪰̸",GP="⊅",KP="⫆̸",WP="⊉",ZP="⊃⃒",YP="⊉",JP="⫆̸",QP="≹",XP="Ñ",eF="ñ",tF="≸",nF="⋪",sF="⋬",oF="⋫",rF="⋭",iF="Ν",aF="ν",lF="#",cF="№",dF=" ",uF="≍⃒",hF="⊬",fF="⊭",pF="⊮",gF="⊯",mF="≥⃒",_F=">⃒",bF="⤄",yF="⧞",vF="⤂",wF="≤⃒",xF="<⃒",kF="⊴⃒",EF="⤃",CF="⊵⃒",AF="∼⃒",SF="⤣",TF="↖",MF="⇖",OF="↖",RF="⤧",NF="Ó",DF="ó",LF="⊛",IF="Ô",PF="ô",FF="⊚",BF="О",$F="о",jF="⊝",zF="Ő",UF="ő",qF="⨸",HF="⊙",VF="⦼",GF="Œ",KF="œ",WF="⦿",ZF="𝔒",YF="𝔬",JF="˛",QF="Ò",XF="ò",eB="⧁",tB="⦵",nB="Ω",sB="∮",oB="↺",rB="⦾",iB="⦻",aB="‾",lB="⧀",cB="Ō",dB="ō",uB="Ω",hB="ω",fB="Ο",pB="ο",gB="⦶",mB="⊖",_B="𝕆",bB="𝕠",yB="⦷",vB="“",wB="‘",xB="⦹",kB="⊕",EB="↻",CB="⩔",AB="∨",SB="⩝",TB="ℴ",MB="ℴ",OB="ª",RB="º",NB="⊶",DB="⩖",LB="⩗",IB="⩛",PB="Ⓢ",FB="𝒪",BB="ℴ",$B="Ø",jB="ø",zB="⊘",UB="Õ",qB="õ",HB="⨶",VB="⨷",GB="⊗",KB="Ö",WB="ö",ZB="⌽",YB="‾",JB="⏞",QB="⎴",XB="⏜",e$="¶",t$="∥",n$="∥",s$="⫳",o$="⫽",r$="∂",i$="∂",a$="П",l$="п",c$="%",d$=".",u$="‰",h$="⊥",f$="‱",p$="𝔓",g$="𝔭",m$="Φ",_$="φ",b$="ϕ",y$="ℳ",v$="☎",w$="Π",x$="π",k$="⋔",E$="ϖ",C$="ℏ",A$="ℎ",S$="ℏ",T$="⨣",M$="⊞",O$="⨢",R$="+",N$="∔",D$="⨥",L$="⩲",I$="±",P$="±",F$="⨦",B$="⨧",$$="±",j$="ℌ",z$="⨕",U$="𝕡",q$="ℙ",H$="£",V$="⪷",G$="⪻",K$="≺",W$="≼",Z$="⪷",Y$="≺",J$="≼",Q$="≺",X$="⪯",ej="≼",tj="≾",nj="⪯",sj="⪹",oj="⪵",rj="⋨",ij="⪯",aj="⪳",lj="≾",cj="′",dj="″",uj="ℙ",hj="⪹",fj="⪵",pj="⋨",gj="∏",mj="∏",_j="⌮",bj="⌒",yj="⌓",vj="∝",wj="∝",xj="∷",kj="∝",Ej="≾",Cj="⊰",Aj="𝒫",Sj="𝓅",Tj="Ψ",Mj="ψ",Oj=" ",Rj="𝔔",Nj="𝔮",Dj="⨌",Lj="𝕢",Ij="ℚ",Pj="⁗",Fj="𝒬",Bj="𝓆",$j="ℍ",jj="⨖",zj="?",Uj="≟",qj='"',Hj='"',Vj="⇛",Gj="∽̱",Kj="Ŕ",Wj="ŕ",Zj="√",Yj="⦳",Jj="⟩",Qj="⟫",Xj="⦒",ez="⦥",tz="⟩",nz="»",sz="⥵",oz="⇥",rz="⤠",iz="⤳",az="→",lz="↠",cz="⇒",dz="⤞",uz="↪",hz="↬",fz="⥅",pz="⥴",gz="⤖",mz="↣",_z="↝",bz="⤚",yz="⤜",vz="∶",wz="ℚ",xz="⤍",kz="⤏",Ez="⤐",Cz="❳",Az="}",Sz="]",Tz="⦌",Mz="⦎",Oz="⦐",Rz="Ř",Nz="ř",Dz="Ŗ",Lz="ŗ",Iz="⌉",Pz="}",Fz="Р",Bz="р",$z="⤷",jz="⥩",zz="”",Uz="”",qz="↳",Hz="ℜ",Vz="ℛ",Gz="ℜ",Kz="ℝ",Wz="ℜ",Zz="▭",Yz="®",Jz="®",Qz="∋",Xz="⇋",eU="⥯",tU="⥽",nU="⌋",sU="𝔯",oU="ℜ",rU="⥤",iU="⇁",aU="⇀",lU="⥬",cU="Ρ",dU="ρ",uU="ϱ",hU="⟩",fU="⇥",pU="→",gU="→",mU="⇒",_U="⇄",bU="↣",yU="⌉",vU="⟧",wU="⥝",xU="⥕",kU="⇂",EU="⌋",CU="⇁",AU="⇀",SU="⇄",TU="⇌",MU="⇉",OU="↝",RU="↦",NU="⊢",DU="⥛",LU="⋌",IU="⧐",PU="⊳",FU="⊵",BU="⥏",$U="⥜",jU="⥔",zU="↾",UU="⥓",qU="⇀",HU="˚",VU="≓",GU="⇄",KU="⇌",WU="‏",ZU="⎱",YU="⎱",JU="⫮",QU="⟭",XU="⇾",eq="⟧",tq="⦆",nq="𝕣",sq="ℝ",oq="⨮",rq="⨵",iq="⥰",aq=")",lq="⦔",cq="⨒",dq="⇉",uq="⇛",hq="›",fq="𝓇",pq="ℛ",gq="↱",mq="↱",_q="]",bq="’",yq="’",vq="⋌",wq="⋊",xq="▹",kq="⊵",Eq="▸",Cq="⧎",Aq="⧴",Sq="⥨",Tq="℞",Mq="Ś",Oq="ś",Rq="‚",Nq="⪸",Dq="Š",Lq="š",Iq="⪼",Pq="≻",Fq="≽",Bq="⪰",$q="⪴",jq="Ş",zq="ş",Uq="Ŝ",qq="ŝ",Hq="⪺",Vq="⪶",Gq="⋩",Kq="⨓",Wq="≿",Zq="С",Yq="с",Jq="⊡",Qq="⋅",Xq="⩦",eH="⤥",tH="↘",nH="⇘",sH="↘",oH="§",rH=";",iH="⤩",aH="∖",lH="∖",cH="✶",dH="𝔖",uH="𝔰",hH="⌢",fH="♯",pH="Щ",gH="щ",mH="Ш",_H="ш",bH="↓",yH="←",vH="∣",wH="∥",xH="→",kH="↑",EH="­",CH="Σ",AH="σ",SH="ς",TH="ς",MH="∼",OH="⩪",RH="≃",NH="≃",DH="⪞",LH="⪠",IH="⪝",PH="⪟",FH="≆",BH="⨤",$H="⥲",jH="←",zH="∘",UH="∖",qH="⨳",HH="⧤",VH="∣",GH="⌣",KH="⪪",WH="⪬",ZH="⪬︀",YH="Ь",JH="ь",QH="⌿",XH="⧄",eV="/",tV="𝕊",nV="𝕤",sV="♠",oV="♠",rV="∥",iV="⊓",aV="⊓︀",lV="⊔",cV="⊔︀",dV="√",uV="⊏",hV="⊑",fV="⊏",pV="⊑",gV="⊐",mV="⊒",_V="⊐",bV="⊒",yV="□",vV="□",wV="⊓",xV="⊏",kV="⊑",EV="⊐",CV="⊒",AV="⊔",SV="▪",TV="□",MV="▪",OV="→",RV="𝒮",NV="𝓈",DV="∖",LV="⌣",IV="⋆",PV="⋆",FV="☆",BV="★",$V="ϵ",jV="ϕ",zV="¯",UV="⊂",qV="⋐",HV="⪽",VV="⫅",GV="⊆",KV="⫃",WV="⫁",ZV="⫋",YV="⊊",JV="⪿",QV="⥹",XV="⊂",eG="⋐",tG="⊆",nG="⫅",sG="⊆",oG="⊊",rG="⫋",iG="⫇",aG="⫕",lG="⫓",cG="⪸",dG="≻",uG="≽",hG="≻",fG="⪰",pG="≽",gG="≿",mG="⪰",_G="⪺",bG="⪶",yG="⋩",vG="≿",wG="∋",xG="∑",kG="∑",EG="♪",CG="¹",AG="²",SG="³",TG="⊃",MG="⋑",OG="⪾",RG="⫘",NG="⫆",DG="⊇",LG="⫄",IG="⊃",PG="⊇",FG="⟉",BG="⫗",$G="⥻",jG="⫂",zG="⫌",UG="⊋",qG="⫀",HG="⊃",VG="⋑",GG="⊇",KG="⫆",WG="⊋",ZG="⫌",YG="⫈",JG="⫔",QG="⫖",XG="⤦",eK="↙",tK="⇙",nK="↙",sK="⤪",oK="ß",rK=" ",iK="⌖",aK="Τ",lK="τ",cK="⎴",dK="Ť",uK="ť",hK="Ţ",fK="ţ",pK="Т",gK="т",mK="⃛",_K="⌕",bK="𝔗",yK="𝔱",vK="∴",wK="∴",xK="∴",kK="Θ",EK="θ",CK="ϑ",AK="ϑ",SK="≈",TK="∼",MK="  ",OK=" ",RK=" ",NK="≈",DK="∼",LK="Þ",IK="þ",PK="˜",FK="∼",BK="≃",$K="≅",jK="≈",zK="⨱",UK="⊠",qK="×",HK="⨰",VK="∭",GK="⤨",KK="⌶",WK="⫱",ZK="⊤",YK="𝕋",JK="𝕥",QK="⫚",XK="⤩",eW="‴",tW="™",nW="™",sW="▵",oW="▿",rW="◃",iW="⊴",aW="≜",lW="▹",cW="⊵",dW="◬",uW="≜",hW="⨺",fW="⃛",pW="⨹",gW="⧍",mW="⨻",_W="⏢",bW="𝒯",yW="𝓉",vW="Ц",wW="ц",xW="Ћ",kW="ћ",EW="Ŧ",CW="ŧ",AW="≬",SW="↞",TW="↠",MW="Ú",OW="ú",RW="↑",NW="↟",DW="⇑",LW="⥉",IW="Ў",PW="ў",FW="Ŭ",BW="ŭ",$W="Û",jW="û",zW="У",UW="у",qW="⇅",HW="Ű",VW="ű",GW="⥮",KW="⥾",WW="𝔘",ZW="𝔲",YW="Ù",JW="ù",QW="⥣",XW="↿",eZ="↾",tZ="▀",nZ="⌜",sZ="⌜",oZ="⌏",rZ="◸",iZ="Ū",aZ="ū",lZ="¨",cZ="_",dZ="⏟",uZ="⎵",hZ="⏝",fZ="⋃",pZ="⊎",gZ="Ų",mZ="ų",_Z="𝕌",bZ="𝕦",yZ="⤒",vZ="↑",wZ="↑",xZ="⇑",kZ="⇅",EZ="↕",CZ="↕",AZ="⇕",SZ="⥮",TZ="↿",MZ="↾",OZ="⊎",RZ="↖",NZ="↗",DZ="υ",LZ="ϒ",IZ="ϒ",PZ="Υ",FZ="υ",BZ="↥",$Z="⊥",jZ="⇈",zZ="⌝",UZ="⌝",qZ="⌎",HZ="Ů",VZ="ů",GZ="◹",KZ="𝒰",WZ="𝓊",ZZ="⋰",YZ="Ũ",JZ="ũ",QZ="▵",XZ="▴",eY="⇈",tY="Ü",nY="ü",sY="⦧",oY="⦜",rY="ϵ",iY="ϰ",aY="∅",lY="ϕ",cY="ϖ",dY="∝",uY="↕",hY="⇕",fY="ϱ",pY="ς",gY="⊊︀",mY="⫋︀",_Y="⊋︀",bY="⫌︀",yY="ϑ",vY="⊲",wY="⊳",xY="⫨",kY="⫫",EY="⫩",CY="В",AY="в",SY="⊢",TY="⊨",MY="⊩",OY="⊫",RY="⫦",NY="⊻",DY="∨",LY="⋁",IY="≚",PY="⋮",FY="|",BY="‖",$Y="|",jY="‖",zY="∣",UY="|",qY="❘",HY="≀",VY=" ",GY="𝔙",KY="𝔳",WY="⊲",ZY="⊂⃒",YY="⊃⃒",JY="𝕍",QY="𝕧",XY="∝",eJ="⊳",tJ="𝒱",nJ="𝓋",sJ="⫋︀",oJ="⊊︀",rJ="⫌︀",iJ="⊋︀",aJ="⊪",lJ="⦚",cJ="Ŵ",dJ="ŵ",uJ="⩟",hJ="∧",fJ="⋀",pJ="≙",gJ="℘",mJ="𝔚",_J="𝔴",bJ="𝕎",yJ="𝕨",vJ="℘",wJ="≀",xJ="≀",kJ="𝒲",EJ="𝓌",CJ="⋂",AJ="◯",SJ="⋃",TJ="▽",MJ="𝔛",OJ="𝔵",RJ="⟷",NJ="⟺",DJ="Ξ",LJ="ξ",IJ="⟵",PJ="⟸",FJ="⟼",BJ="⋻",$J="⨀",jJ="𝕏",zJ="𝕩",UJ="⨁",qJ="⨂",HJ="⟶",VJ="⟹",GJ="𝒳",KJ="𝓍",WJ="⨆",ZJ="⨄",YJ="△",JJ="⋁",QJ="⋀",XJ="Ý",eQ="ý",tQ="Я",nQ="я",sQ="Ŷ",oQ="ŷ",rQ="Ы",iQ="ы",aQ="¥",lQ="𝔜",cQ="𝔶",dQ="Ї",uQ="ї",hQ="𝕐",fQ="𝕪",pQ="𝒴",gQ="𝓎",mQ="Ю",_Q="ю",bQ="ÿ",yQ="Ÿ",vQ="Ź",wQ="ź",xQ="Ž",kQ="ž",EQ="З",CQ="з",AQ="Ż",SQ="ż",TQ="ℨ",MQ="​",OQ="Ζ",RQ="ζ",NQ="𝔷",DQ="ℨ",LQ="Ж",IQ="ж",PQ="⇝",FQ="𝕫",BQ="ℤ",$Q="𝒵",jQ="𝓏",zQ="‍",UQ="‌",qQ={Aacute:Av,aacute:Sv,Abreve:Tv,abreve:Mv,ac:Ov,acd:Rv,acE:Nv,Acirc:Dv,acirc:Lv,acute:Iv,Acy:Pv,acy:Fv,AElig:Bv,aelig:$v,af:jv,Afr:zv,afr:Uv,Agrave:qv,agrave:Hv,alefsym:Vv,aleph:Gv,Alpha:Kv,alpha:Wv,Amacr:Zv,amacr:Yv,amalg:Jv,amp:Qv,AMP:Xv,andand:ew,And:tw,and:nw,andd:sw,andslope:ow,andv:rw,ang:iw,ange:aw,angle:lw,angmsdaa:cw,angmsdab:dw,angmsdac:uw,angmsdad:hw,angmsdae:fw,angmsdaf:pw,angmsdag:gw,angmsdah:mw,angmsd:_w,angrt:bw,angrtvb:yw,angrtvbd:vw,angsph:ww,angst:xw,angzarr:kw,Aogon:Ew,aogon:Cw,Aopf:Aw,aopf:Sw,apacir:Tw,ap:Mw,apE:Ow,ape:Rw,apid:Nw,apos:Dw,ApplyFunction:Lw,approx:Iw,approxeq:Pw,Aring:Fw,aring:Bw,Ascr:$w,ascr:jw,Assign:zw,ast:Uw,asymp:qw,asympeq:Hw,Atilde:Vw,atilde:Gw,Auml:Kw,auml:Ww,awconint:Zw,awint:Yw,backcong:Jw,backepsilon:Qw,backprime:Xw,backsim:ex,backsimeq:tx,Backslash:nx,Barv:sx,barvee:ox,barwed:rx,Barwed:ix,barwedge:ax,bbrk:lx,bbrktbrk:cx,bcong:dx,Bcy:ux,bcy:hx,bdquo:fx,becaus:px,because:gx,Because:mx,bemptyv:_x,bepsi:bx,bernou:yx,Bernoullis:vx,Beta:wx,beta:xx,beth:kx,between:Ex,Bfr:Cx,bfr:Ax,bigcap:Sx,bigcirc:Tx,bigcup:Mx,bigodot:Ox,bigoplus:Rx,bigotimes:Nx,bigsqcup:Dx,bigstar:Lx,bigtriangledown:Ix,bigtriangleup:Px,biguplus:Fx,bigvee:Bx,bigwedge:$x,bkarow:jx,blacklozenge:zx,blacksquare:Ux,blacktriangle:qx,blacktriangledown:Hx,blacktriangleleft:Vx,blacktriangleright:Gx,blank:Kx,blk12:Wx,blk14:Zx,blk34:Yx,block:Jx,bne:Qx,bnequiv:Xx,bNot:ek,bnot:tk,Bopf:nk,bopf:sk,bot:ok,bottom:rk,bowtie:ik,boxbox:ak,boxdl:lk,boxdL:ck,boxDl:dk,boxDL:uk,boxdr:hk,boxdR:fk,boxDr:pk,boxDR:gk,boxh:mk,boxH:_k,boxhd:bk,boxHd:yk,boxhD:vk,boxHD:wk,boxhu:xk,boxHu:kk,boxhU:Ek,boxHU:Ck,boxminus:Ak,boxplus:Sk,boxtimes:Tk,boxul:Mk,boxuL:Ok,boxUl:Rk,boxUL:Nk,boxur:Dk,boxuR:Lk,boxUr:Ik,boxUR:Pk,boxv:Fk,boxV:Bk,boxvh:$k,boxvH:jk,boxVh:zk,boxVH:Uk,boxvl:qk,boxvL:Hk,boxVl:Vk,boxVL:Gk,boxvr:Kk,boxvR:Wk,boxVr:Zk,boxVR:Yk,bprime:Jk,breve:Qk,Breve:Xk,brvbar:e5,bscr:t5,Bscr:n5,bsemi:s5,bsim:o5,bsime:r5,bsolb:i5,bsol:a5,bsolhsub:l5,bull:c5,bullet:d5,bump:u5,bumpE:h5,bumpe:f5,Bumpeq:p5,bumpeq:g5,Cacute:m5,cacute:_5,capand:b5,capbrcup:y5,capcap:v5,cap:w5,Cap:x5,capcup:k5,capdot:E5,CapitalDifferentialD:C5,caps:A5,caret:S5,caron:T5,Cayleys:M5,ccaps:O5,Ccaron:R5,ccaron:N5,Ccedil:D5,ccedil:L5,Ccirc:I5,ccirc:P5,Cconint:F5,ccups:B5,ccupssm:$5,Cdot:j5,cdot:z5,cedil:U5,Cedilla:q5,cemptyv:H5,cent:V5,centerdot:G5,CenterDot:K5,cfr:W5,Cfr:Z5,CHcy:Y5,chcy:J5,check:Q5,checkmark:X5,Chi:eE,chi:tE,circ:nE,circeq:sE,circlearrowleft:oE,circlearrowright:rE,circledast:iE,circledcirc:aE,circleddash:lE,CircleDot:cE,circledR:dE,circledS:uE,CircleMinus:hE,CirclePlus:fE,CircleTimes:pE,cir:gE,cirE:mE,cire:_E,cirfnint:bE,cirmid:yE,cirscir:vE,ClockwiseContourIntegral:wE,CloseCurlyDoubleQuote:xE,CloseCurlyQuote:kE,clubs:EE,clubsuit:CE,colon:AE,Colon:SE,Colone:TE,colone:ME,coloneq:OE,comma:RE,commat:NE,comp:DE,compfn:LE,complement:IE,complexes:PE,cong:FE,congdot:BE,Congruent:$E,conint:jE,Conint:zE,ContourIntegral:UE,copf:qE,Copf:HE,coprod:VE,Coproduct:GE,copy:KE,COPY:WE,copysr:ZE,CounterClockwiseContourIntegral:YE,crarr:JE,cross:QE,Cross:XE,Cscr:e4,cscr:t4,csub:n4,csube:s4,csup:o4,csupe:r4,ctdot:i4,cudarrl:a4,cudarrr:l4,cuepr:c4,cuesc:d4,cularr:u4,cularrp:h4,cupbrcap:f4,cupcap:p4,CupCap:g4,cup:m4,Cup:_4,cupcup:b4,cupdot:y4,cupor:v4,cups:w4,curarr:x4,curarrm:k4,curlyeqprec:E4,curlyeqsucc:C4,curlyvee:A4,curlywedge:S4,curren:T4,curvearrowleft:M4,curvearrowright:O4,cuvee:R4,cuwed:N4,cwconint:D4,cwint:L4,cylcty:I4,dagger:P4,Dagger:F4,daleth:B4,darr:$4,Darr:j4,dArr:z4,dash:U4,Dashv:q4,dashv:H4,dbkarow:V4,dblac:G4,Dcaron:K4,dcaron:W4,Dcy:Z4,dcy:Y4,ddagger:J4,ddarr:Q4,DD:X4,dd:e8,DDotrahd:t8,ddotseq:n8,deg:s8,Del:o8,Delta:r8,delta:i8,demptyv:a8,dfisht:l8,Dfr:c8,dfr:d8,dHar:u8,dharl:h8,dharr:f8,DiacriticalAcute:p8,DiacriticalDot:g8,DiacriticalDoubleAcute:m8,DiacriticalGrave:_8,DiacriticalTilde:b8,diam:y8,diamond:v8,Diamond:w8,diamondsuit:x8,diams:k8,die:E8,DifferentialD:C8,digamma:A8,disin:S8,div:T8,divide:M8,divideontimes:O8,divonx:R8,DJcy:N8,djcy:D8,dlcorn:L8,dlcrop:I8,dollar:P8,Dopf:F8,dopf:B8,Dot:$8,dot:j8,DotDot:z8,doteq:U8,doteqdot:q8,DotEqual:H8,dotminus:V8,dotplus:G8,dotsquare:K8,doublebarwedge:W8,DoubleContourIntegral:Z8,DoubleDot:Y8,DoubleDownArrow:J8,DoubleLeftArrow:Q8,DoubleLeftRightArrow:X8,DoubleLeftTee:eC,DoubleLongLeftArrow:tC,DoubleLongLeftRightArrow:nC,DoubleLongRightArrow:sC,DoubleRightArrow:oC,DoubleRightTee:rC,DoubleUpArrow:iC,DoubleUpDownArrow:aC,DoubleVerticalBar:lC,DownArrowBar:cC,downarrow:dC,DownArrow:uC,Downarrow:hC,DownArrowUpArrow:fC,DownBreve:pC,downdownarrows:gC,downharpoonleft:mC,downharpoonright:_C,DownLeftRightVector:bC,DownLeftTeeVector:yC,DownLeftVectorBar:vC,DownLeftVector:wC,DownRightTeeVector:xC,DownRightVectorBar:kC,DownRightVector:EC,DownTeeArrow:CC,DownTee:AC,drbkarow:SC,drcorn:TC,drcrop:MC,Dscr:OC,dscr:RC,DScy:NC,dscy:DC,dsol:LC,Dstrok:IC,dstrok:PC,dtdot:FC,dtri:BC,dtrif:$C,duarr:jC,duhar:zC,dwangle:UC,DZcy:qC,dzcy:HC,dzigrarr:VC,Eacute:GC,eacute:KC,easter:WC,Ecaron:ZC,ecaron:YC,Ecirc:JC,ecirc:QC,ecir:XC,ecolon:e3,Ecy:t3,ecy:n3,eDDot:s3,Edot:o3,edot:r3,eDot:i3,ee:a3,efDot:l3,Efr:c3,efr:d3,eg:u3,Egrave:h3,egrave:f3,egs:p3,egsdot:g3,el:m3,Element:_3,elinters:b3,ell:y3,els:v3,elsdot:w3,Emacr:x3,emacr:k3,empty:E3,emptyset:C3,EmptySmallSquare:A3,emptyv:S3,EmptyVerySmallSquare:T3,emsp13:M3,emsp14:O3,emsp:R3,ENG:N3,eng:D3,ensp:L3,Eogon:I3,eogon:P3,Eopf:F3,eopf:B3,epar:$3,eparsl:j3,eplus:z3,epsi:U3,Epsilon:q3,epsilon:H3,epsiv:V3,eqcirc:G3,eqcolon:K3,eqsim:W3,eqslantgtr:Z3,eqslantless:Y3,Equal:J3,equals:Q3,EqualTilde:X3,equest:e9,Equilibrium:t9,equiv:n9,equivDD:s9,eqvparsl:o9,erarr:r9,erDot:i9,escr:a9,Escr:l9,esdot:c9,Esim:d9,esim:u9,Eta:h9,eta:f9,ETH:p9,eth:g9,Euml:m9,euml:_9,euro:b9,excl:y9,exist:v9,Exists:w9,expectation:x9,exponentiale:k9,ExponentialE:E9,fallingdotseq:C9,Fcy:A9,fcy:S9,female:T9,ffilig:M9,fflig:O9,ffllig:R9,Ffr:N9,ffr:D9,filig:L9,FilledSmallSquare:I9,FilledVerySmallSquare:P9,fjlig:F9,flat:B9,fllig:$9,fltns:j9,fnof:z9,Fopf:U9,fopf:q9,forall:H9,ForAll:V9,fork:G9,forkv:K9,Fouriertrf:W9,fpartint:Z9,frac12:Y9,frac13:J9,frac14:Q9,frac15:X9,frac16:e6,frac18:t6,frac23:n6,frac25:s6,frac34:o6,frac35:r6,frac38:i6,frac45:a6,frac56:l6,frac58:c6,frac78:d6,frasl:u6,frown:h6,fscr:f6,Fscr:p6,gacute:g6,Gamma:m6,gamma:_6,Gammad:b6,gammad:y6,gap:v6,Gbreve:w6,gbreve:x6,Gcedil:k6,Gcirc:E6,gcirc:C6,Gcy:A6,gcy:S6,Gdot:T6,gdot:M6,ge:O6,gE:R6,gEl:N6,gel:D6,geq:L6,geqq:I6,geqslant:P6,gescc:F6,ges:B6,gesdot:$6,gesdoto:j6,gesdotol:z6,gesl:U6,gesles:q6,Gfr:H6,gfr:V6,gg:G6,Gg:K6,ggg:W6,gimel:Z6,GJcy:Y6,gjcy:J6,gla:Q6,gl:X6,glE:eA,glj:tA,gnap:nA,gnapprox:sA,gne:oA,gnE:rA,gneq:iA,gneqq:aA,gnsim:lA,Gopf:cA,gopf:dA,grave:uA,GreaterEqual:hA,GreaterEqualLess:fA,GreaterFullEqual:pA,GreaterGreater:gA,GreaterLess:mA,GreaterSlantEqual:_A,GreaterTilde:bA,Gscr:yA,gscr:vA,gsim:wA,gsime:xA,gsiml:kA,gtcc:EA,gtcir:CA,gt:AA,GT:SA,Gt:TA,gtdot:MA,gtlPar:OA,gtquest:RA,gtrapprox:NA,gtrarr:DA,gtrdot:LA,gtreqless:IA,gtreqqless:PA,gtrless:FA,gtrsim:BA,gvertneqq:$A,gvnE:jA,Hacek:zA,hairsp:UA,half:qA,hamilt:HA,HARDcy:VA,hardcy:GA,harrcir:KA,harr:WA,hArr:ZA,harrw:YA,Hat:JA,hbar:QA,Hcirc:XA,hcirc:eS,hearts:tS,heartsuit:nS,hellip:sS,hercon:oS,hfr:rS,Hfr:iS,HilbertSpace:aS,hksearow:lS,hkswarow:cS,hoarr:dS,homtht:uS,hookleftarrow:hS,hookrightarrow:fS,hopf:pS,Hopf:gS,horbar:mS,HorizontalLine:_S,hscr:bS,Hscr:yS,hslash:vS,Hstrok:wS,hstrok:xS,HumpDownHump:kS,HumpEqual:ES,hybull:CS,hyphen:AS,Iacute:SS,iacute:TS,ic:MS,Icirc:OS,icirc:RS,Icy:NS,icy:DS,Idot:LS,IEcy:IS,iecy:PS,iexcl:FS,iff:BS,ifr:$S,Ifr:jS,Igrave:zS,igrave:US,ii:qS,iiiint:HS,iiint:VS,iinfin:GS,iiota:KS,IJlig:WS,ijlig:ZS,Imacr:YS,imacr:JS,image:QS,ImaginaryI:XS,imagline:eT,imagpart:tT,imath:nT,Im:sT,imof:oT,imped:rT,Implies:iT,incare:aT,in:"∈",infin:lT,infintie:cT,inodot:dT,intcal:uT,int:hT,Int:fT,integers:pT,Integral:gT,intercal:mT,Intersection:_T,intlarhk:bT,intprod:yT,InvisibleComma:vT,InvisibleTimes:wT,IOcy:xT,iocy:kT,Iogon:ET,iogon:CT,Iopf:AT,iopf:ST,Iota:TT,iota:MT,iprod:OT,iquest:RT,iscr:NT,Iscr:DT,isin:LT,isindot:IT,isinE:PT,isins:FT,isinsv:BT,isinv:$T,it:jT,Itilde:zT,itilde:UT,Iukcy:qT,iukcy:HT,Iuml:VT,iuml:GT,Jcirc:KT,jcirc:WT,Jcy:ZT,jcy:YT,Jfr:JT,jfr:QT,jmath:XT,Jopf:e7,jopf:t7,Jscr:n7,jscr:s7,Jsercy:o7,jsercy:r7,Jukcy:i7,jukcy:a7,Kappa:l7,kappa:c7,kappav:d7,Kcedil:u7,kcedil:h7,Kcy:f7,kcy:p7,Kfr:g7,kfr:m7,kgreen:_7,KHcy:b7,khcy:y7,KJcy:v7,kjcy:w7,Kopf:x7,kopf:k7,Kscr:E7,kscr:C7,lAarr:A7,Lacute:S7,lacute:T7,laemptyv:M7,lagran:O7,Lambda:R7,lambda:N7,lang:D7,Lang:L7,langd:I7,langle:P7,lap:F7,Laplacetrf:B7,laquo:$7,larrb:j7,larrbfs:z7,larr:U7,Larr:q7,lArr:H7,larrfs:V7,larrhk:G7,larrlp:K7,larrpl:W7,larrsim:Z7,larrtl:Y7,latail:J7,lAtail:Q7,lat:X7,late:eM,lates:tM,lbarr:nM,lBarr:sM,lbbrk:oM,lbrace:rM,lbrack:iM,lbrke:aM,lbrksld:lM,lbrkslu:cM,Lcaron:dM,lcaron:uM,Lcedil:hM,lcedil:fM,lceil:pM,lcub:gM,Lcy:mM,lcy:_M,ldca:bM,ldquo:yM,ldquor:vM,ldrdhar:wM,ldrushar:xM,ldsh:kM,le:EM,lE:CM,LeftAngleBracket:AM,LeftArrowBar:SM,leftarrow:TM,LeftArrow:MM,Leftarrow:OM,LeftArrowRightArrow:RM,leftarrowtail:NM,LeftCeiling:DM,LeftDoubleBracket:LM,LeftDownTeeVector:IM,LeftDownVectorBar:PM,LeftDownVector:FM,LeftFloor:BM,leftharpoondown:$M,leftharpoonup:jM,leftleftarrows:zM,leftrightarrow:UM,LeftRightArrow:qM,Leftrightarrow:HM,leftrightarrows:VM,leftrightharpoons:GM,leftrightsquigarrow:KM,LeftRightVector:WM,LeftTeeArrow:ZM,LeftTee:YM,LeftTeeVector:JM,leftthreetimes:QM,LeftTriangleBar:XM,LeftTriangle:eO,LeftTriangleEqual:tO,LeftUpDownVector:nO,LeftUpTeeVector:sO,LeftUpVectorBar:oO,LeftUpVector:rO,LeftVectorBar:iO,LeftVector:aO,lEg:lO,leg:cO,leq:dO,leqq:uO,leqslant:hO,lescc:fO,les:pO,lesdot:gO,lesdoto:mO,lesdotor:_O,lesg:bO,lesges:yO,lessapprox:vO,lessdot:wO,lesseqgtr:xO,lesseqqgtr:kO,LessEqualGreater:EO,LessFullEqual:CO,LessGreater:AO,lessgtr:SO,LessLess:TO,lesssim:MO,LessSlantEqual:OO,LessTilde:RO,lfisht:NO,lfloor:DO,Lfr:LO,lfr:IO,lg:PO,lgE:FO,lHar:BO,lhard:$O,lharu:jO,lharul:zO,lhblk:UO,LJcy:qO,ljcy:HO,llarr:VO,ll:GO,Ll:KO,llcorner:WO,Lleftarrow:ZO,llhard:YO,lltri:JO,Lmidot:QO,lmidot:XO,lmoustache:eR,lmoust:tR,lnap:nR,lnapprox:sR,lne:oR,lnE:rR,lneq:iR,lneqq:aR,lnsim:lR,loang:cR,loarr:dR,lobrk:uR,longleftarrow:hR,LongLeftArrow:fR,Longleftarrow:pR,longleftrightarrow:gR,LongLeftRightArrow:mR,Longleftrightarrow:_R,longmapsto:bR,longrightarrow:yR,LongRightArrow:vR,Longrightarrow:wR,looparrowleft:xR,looparrowright:kR,lopar:ER,Lopf:CR,lopf:AR,loplus:SR,lotimes:TR,lowast:MR,lowbar:OR,LowerLeftArrow:RR,LowerRightArrow:NR,loz:DR,lozenge:LR,lozf:IR,lpar:PR,lparlt:FR,lrarr:BR,lrcorner:$R,lrhar:jR,lrhard:zR,lrm:UR,lrtri:qR,lsaquo:HR,lscr:VR,Lscr:GR,lsh:KR,Lsh:WR,lsim:ZR,lsime:YR,lsimg:JR,lsqb:QR,lsquo:XR,lsquor:eN,Lstrok:tN,lstrok:nN,ltcc:sN,ltcir:oN,lt:rN,LT:iN,Lt:aN,ltdot:lN,lthree:cN,ltimes:dN,ltlarr:uN,ltquest:hN,ltri:fN,ltrie:pN,ltrif:gN,ltrPar:mN,lurdshar:_N,luruhar:bN,lvertneqq:yN,lvnE:vN,macr:wN,male:xN,malt:kN,maltese:EN,Map:"⤅",map:CN,mapsto:AN,mapstodown:SN,mapstoleft:TN,mapstoup:MN,marker:ON,mcomma:RN,Mcy:NN,mcy:DN,mdash:LN,mDDot:IN,measuredangle:PN,MediumSpace:FN,Mellintrf:BN,Mfr:$N,mfr:jN,mho:zN,micro:UN,midast:qN,midcir:HN,mid:VN,middot:GN,minusb:KN,minus:WN,minusd:ZN,minusdu:YN,MinusPlus:JN,mlcp:QN,mldr:XN,mnplus:eD,models:tD,Mopf:nD,mopf:sD,mp:oD,mscr:rD,Mscr:iD,mstpos:aD,Mu:lD,mu:cD,multimap:dD,mumap:uD,nabla:hD,Nacute:fD,nacute:pD,nang:gD,nap:mD,napE:_D,napid:bD,napos:yD,napprox:vD,natural:wD,naturals:xD,natur:kD,nbsp:ED,nbump:CD,nbumpe:AD,ncap:SD,Ncaron:TD,ncaron:MD,Ncedil:OD,ncedil:RD,ncong:ND,ncongdot:DD,ncup:LD,Ncy:ID,ncy:PD,ndash:FD,nearhk:BD,nearr:$D,neArr:jD,nearrow:zD,ne:UD,nedot:qD,NegativeMediumSpace:HD,NegativeThickSpace:VD,NegativeThinSpace:GD,NegativeVeryThinSpace:KD,nequiv:WD,nesear:ZD,nesim:YD,NestedGreaterGreater:JD,NestedLessLess:QD,NewLine:XD,nexist:eL,nexists:tL,Nfr:nL,nfr:sL,ngE:oL,nge:rL,ngeq:iL,ngeqq:aL,ngeqslant:lL,nges:cL,nGg:dL,ngsim:uL,nGt:hL,ngt:fL,ngtr:pL,nGtv:gL,nharr:mL,nhArr:_L,nhpar:bL,ni:yL,nis:vL,nisd:wL,niv:xL,NJcy:kL,njcy:EL,nlarr:CL,nlArr:AL,nldr:SL,nlE:TL,nle:ML,nleftarrow:OL,nLeftarrow:RL,nleftrightarrow:NL,nLeftrightarrow:DL,nleq:LL,nleqq:IL,nleqslant:PL,nles:FL,nless:BL,nLl:$L,nlsim:jL,nLt:zL,nlt:UL,nltri:qL,nltrie:HL,nLtv:VL,nmid:GL,NoBreak:KL,NonBreakingSpace:WL,nopf:ZL,Nopf:YL,Not:JL,not:QL,NotCongruent:XL,NotCupCap:eI,NotDoubleVerticalBar:tI,NotElement:nI,NotEqual:sI,NotEqualTilde:oI,NotExists:rI,NotGreater:iI,NotGreaterEqual:aI,NotGreaterFullEqual:lI,NotGreaterGreater:cI,NotGreaterLess:dI,NotGreaterSlantEqual:uI,NotGreaterTilde:hI,NotHumpDownHump:fI,NotHumpEqual:pI,notin:gI,notindot:mI,notinE:_I,notinva:bI,notinvb:yI,notinvc:vI,NotLeftTriangleBar:wI,NotLeftTriangle:xI,NotLeftTriangleEqual:kI,NotLess:EI,NotLessEqual:CI,NotLessGreater:AI,NotLessLess:SI,NotLessSlantEqual:TI,NotLessTilde:MI,NotNestedGreaterGreater:OI,NotNestedLessLess:RI,notni:NI,notniva:DI,notnivb:LI,notnivc:II,NotPrecedes:PI,NotPrecedesEqual:FI,NotPrecedesSlantEqual:BI,NotReverseElement:$I,NotRightTriangleBar:jI,NotRightTriangle:zI,NotRightTriangleEqual:UI,NotSquareSubset:qI,NotSquareSubsetEqual:HI,NotSquareSuperset:VI,NotSquareSupersetEqual:GI,NotSubset:KI,NotSubsetEqual:WI,NotSucceeds:ZI,NotSucceedsEqual:YI,NotSucceedsSlantEqual:JI,NotSucceedsTilde:QI,NotSuperset:XI,NotSupersetEqual:eP,NotTilde:tP,NotTildeEqual:nP,NotTildeFullEqual:sP,NotTildeTilde:oP,NotVerticalBar:rP,nparallel:iP,npar:aP,nparsl:lP,npart:cP,npolint:dP,npr:uP,nprcue:hP,nprec:fP,npreceq:pP,npre:gP,nrarrc:mP,nrarr:_P,nrArr:bP,nrarrw:yP,nrightarrow:vP,nRightarrow:wP,nrtri:xP,nrtrie:kP,nsc:EP,nsccue:CP,nsce:AP,Nscr:SP,nscr:TP,nshortmid:MP,nshortparallel:OP,nsim:RP,nsime:NP,nsimeq:DP,nsmid:LP,nspar:IP,nsqsube:PP,nsqsupe:FP,nsub:BP,nsubE:$P,nsube:jP,nsubset:zP,nsubseteq:UP,nsubseteqq:qP,nsucc:HP,nsucceq:VP,nsup:GP,nsupE:KP,nsupe:WP,nsupset:ZP,nsupseteq:YP,nsupseteqq:JP,ntgl:QP,Ntilde:XP,ntilde:eF,ntlg:tF,ntriangleleft:nF,ntrianglelefteq:sF,ntriangleright:oF,ntrianglerighteq:rF,Nu:iF,nu:aF,num:lF,numero:cF,numsp:dF,nvap:uF,nvdash:hF,nvDash:fF,nVdash:pF,nVDash:gF,nvge:mF,nvgt:_F,nvHarr:bF,nvinfin:yF,nvlArr:vF,nvle:wF,nvlt:xF,nvltrie:kF,nvrArr:EF,nvrtrie:CF,nvsim:AF,nwarhk:SF,nwarr:TF,nwArr:MF,nwarrow:OF,nwnear:RF,Oacute:NF,oacute:DF,oast:LF,Ocirc:IF,ocirc:PF,ocir:FF,Ocy:BF,ocy:$F,odash:jF,Odblac:zF,odblac:UF,odiv:qF,odot:HF,odsold:VF,OElig:GF,oelig:KF,ofcir:WF,Ofr:ZF,ofr:YF,ogon:JF,Ograve:QF,ograve:XF,ogt:eB,ohbar:tB,ohm:nB,oint:sB,olarr:oB,olcir:rB,olcross:iB,oline:aB,olt:lB,Omacr:cB,omacr:dB,Omega:uB,omega:hB,Omicron:fB,omicron:pB,omid:gB,ominus:mB,Oopf:_B,oopf:bB,opar:yB,OpenCurlyDoubleQuote:vB,OpenCurlyQuote:wB,operp:xB,oplus:kB,orarr:EB,Or:CB,or:AB,ord:SB,order:TB,orderof:MB,ordf:OB,ordm:RB,origof:NB,oror:DB,orslope:LB,orv:IB,oS:PB,Oscr:FB,oscr:BB,Oslash:$B,oslash:jB,osol:zB,Otilde:UB,otilde:qB,otimesas:HB,Otimes:VB,otimes:GB,Ouml:KB,ouml:WB,ovbar:ZB,OverBar:YB,OverBrace:JB,OverBracket:QB,OverParenthesis:XB,para:e$,parallel:t$,par:n$,parsim:s$,parsl:o$,part:r$,PartialD:i$,Pcy:a$,pcy:l$,percnt:c$,period:d$,permil:u$,perp:h$,pertenk:f$,Pfr:p$,pfr:g$,Phi:m$,phi:_$,phiv:b$,phmmat:y$,phone:v$,Pi:w$,pi:x$,pitchfork:k$,piv:E$,planck:C$,planckh:A$,plankv:S$,plusacir:T$,plusb:M$,pluscir:O$,plus:R$,plusdo:N$,plusdu:D$,pluse:L$,PlusMinus:I$,plusmn:P$,plussim:F$,plustwo:B$,pm:$$,Poincareplane:j$,pointint:z$,popf:U$,Popf:q$,pound:H$,prap:V$,Pr:G$,pr:K$,prcue:W$,precapprox:Z$,prec:Y$,preccurlyeq:J$,Precedes:Q$,PrecedesEqual:X$,PrecedesSlantEqual:ej,PrecedesTilde:tj,preceq:nj,precnapprox:sj,precneqq:oj,precnsim:rj,pre:ij,prE:aj,precsim:lj,prime:cj,Prime:dj,primes:uj,prnap:hj,prnE:fj,prnsim:pj,prod:gj,Product:mj,profalar:_j,profline:bj,profsurf:yj,prop:vj,Proportional:wj,Proportion:xj,propto:kj,prsim:Ej,prurel:Cj,Pscr:Aj,pscr:Sj,Psi:Tj,psi:Mj,puncsp:Oj,Qfr:Rj,qfr:Nj,qint:Dj,qopf:Lj,Qopf:Ij,qprime:Pj,Qscr:Fj,qscr:Bj,quaternions:$j,quatint:jj,quest:zj,questeq:Uj,quot:qj,QUOT:Hj,rAarr:Vj,race:Gj,Racute:Kj,racute:Wj,radic:Zj,raemptyv:Yj,rang:Jj,Rang:Qj,rangd:Xj,range:ez,rangle:tz,raquo:nz,rarrap:sz,rarrb:oz,rarrbfs:rz,rarrc:iz,rarr:az,Rarr:lz,rArr:cz,rarrfs:dz,rarrhk:uz,rarrlp:hz,rarrpl:fz,rarrsim:pz,Rarrtl:gz,rarrtl:mz,rarrw:_z,ratail:bz,rAtail:yz,ratio:vz,rationals:wz,rbarr:xz,rBarr:kz,RBarr:Ez,rbbrk:Cz,rbrace:Az,rbrack:Sz,rbrke:Tz,rbrksld:Mz,rbrkslu:Oz,Rcaron:Rz,rcaron:Nz,Rcedil:Dz,rcedil:Lz,rceil:Iz,rcub:Pz,Rcy:Fz,rcy:Bz,rdca:$z,rdldhar:jz,rdquo:zz,rdquor:Uz,rdsh:qz,real:Hz,realine:Vz,realpart:Gz,reals:Kz,Re:Wz,rect:Zz,reg:Yz,REG:Jz,ReverseElement:Qz,ReverseEquilibrium:Xz,ReverseUpEquilibrium:eU,rfisht:tU,rfloor:nU,rfr:sU,Rfr:oU,rHar:rU,rhard:iU,rharu:aU,rharul:lU,Rho:cU,rho:dU,rhov:uU,RightAngleBracket:hU,RightArrowBar:fU,rightarrow:pU,RightArrow:gU,Rightarrow:mU,RightArrowLeftArrow:_U,rightarrowtail:bU,RightCeiling:yU,RightDoubleBracket:vU,RightDownTeeVector:wU,RightDownVectorBar:xU,RightDownVector:kU,RightFloor:EU,rightharpoondown:CU,rightharpoonup:AU,rightleftarrows:SU,rightleftharpoons:TU,rightrightarrows:MU,rightsquigarrow:OU,RightTeeArrow:RU,RightTee:NU,RightTeeVector:DU,rightthreetimes:LU,RightTriangleBar:IU,RightTriangle:PU,RightTriangleEqual:FU,RightUpDownVector:BU,RightUpTeeVector:$U,RightUpVectorBar:jU,RightUpVector:zU,RightVectorBar:UU,RightVector:qU,ring:HU,risingdotseq:VU,rlarr:GU,rlhar:KU,rlm:WU,rmoustache:ZU,rmoust:YU,rnmid:JU,roang:QU,roarr:XU,robrk:eq,ropar:tq,ropf:nq,Ropf:sq,roplus:oq,rotimes:rq,RoundImplies:iq,rpar:aq,rpargt:lq,rppolint:cq,rrarr:dq,Rrightarrow:uq,rsaquo:hq,rscr:fq,Rscr:pq,rsh:gq,Rsh:mq,rsqb:_q,rsquo:bq,rsquor:yq,rthree:vq,rtimes:wq,rtri:xq,rtrie:kq,rtrif:Eq,rtriltri:Cq,RuleDelayed:Aq,ruluhar:Sq,rx:Tq,Sacute:Mq,sacute:Oq,sbquo:Rq,scap:Nq,Scaron:Dq,scaron:Lq,Sc:Iq,sc:Pq,sccue:Fq,sce:Bq,scE:$q,Scedil:jq,scedil:zq,Scirc:Uq,scirc:qq,scnap:Hq,scnE:Vq,scnsim:Gq,scpolint:Kq,scsim:Wq,Scy:Zq,scy:Yq,sdotb:Jq,sdot:Qq,sdote:Xq,searhk:eH,searr:tH,seArr:nH,searrow:sH,sect:oH,semi:rH,seswar:iH,setminus:aH,setmn:lH,sext:cH,Sfr:dH,sfr:uH,sfrown:hH,sharp:fH,SHCHcy:pH,shchcy:gH,SHcy:mH,shcy:_H,ShortDownArrow:bH,ShortLeftArrow:yH,shortmid:vH,shortparallel:wH,ShortRightArrow:xH,ShortUpArrow:kH,shy:EH,Sigma:CH,sigma:AH,sigmaf:SH,sigmav:TH,sim:MH,simdot:OH,sime:RH,simeq:NH,simg:DH,simgE:LH,siml:IH,simlE:PH,simne:FH,simplus:BH,simrarr:$H,slarr:jH,SmallCircle:zH,smallsetminus:UH,smashp:qH,smeparsl:HH,smid:VH,smile:GH,smt:KH,smte:WH,smtes:ZH,SOFTcy:YH,softcy:JH,solbar:QH,solb:XH,sol:eV,Sopf:tV,sopf:nV,spades:sV,spadesuit:oV,spar:rV,sqcap:iV,sqcaps:aV,sqcup:lV,sqcups:cV,Sqrt:dV,sqsub:uV,sqsube:hV,sqsubset:fV,sqsubseteq:pV,sqsup:gV,sqsupe:mV,sqsupset:_V,sqsupseteq:bV,square:yV,Square:vV,SquareIntersection:wV,SquareSubset:xV,SquareSubsetEqual:kV,SquareSuperset:EV,SquareSupersetEqual:CV,SquareUnion:AV,squarf:SV,squ:TV,squf:MV,srarr:OV,Sscr:RV,sscr:NV,ssetmn:DV,ssmile:LV,sstarf:IV,Star:PV,star:FV,starf:BV,straightepsilon:$V,straightphi:jV,strns:zV,sub:UV,Sub:qV,subdot:HV,subE:VV,sube:GV,subedot:KV,submult:WV,subnE:ZV,subne:YV,subplus:JV,subrarr:QV,subset:XV,Subset:eG,subseteq:tG,subseteqq:nG,SubsetEqual:sG,subsetneq:oG,subsetneqq:rG,subsim:iG,subsub:aG,subsup:lG,succapprox:cG,succ:dG,succcurlyeq:uG,Succeeds:hG,SucceedsEqual:fG,SucceedsSlantEqual:pG,SucceedsTilde:gG,succeq:mG,succnapprox:_G,succneqq:bG,succnsim:yG,succsim:vG,SuchThat:wG,sum:xG,Sum:kG,sung:EG,sup1:CG,sup2:AG,sup3:SG,sup:TG,Sup:MG,supdot:OG,supdsub:RG,supE:NG,supe:DG,supedot:LG,Superset:IG,SupersetEqual:PG,suphsol:FG,suphsub:BG,suplarr:$G,supmult:jG,supnE:zG,supne:UG,supplus:qG,supset:HG,Supset:VG,supseteq:GG,supseteqq:KG,supsetneq:WG,supsetneqq:ZG,supsim:YG,supsub:JG,supsup:QG,swarhk:XG,swarr:eK,swArr:tK,swarrow:nK,swnwar:sK,szlig:oK,Tab:rK,target:iK,Tau:aK,tau:lK,tbrk:cK,Tcaron:dK,tcaron:uK,Tcedil:hK,tcedil:fK,Tcy:pK,tcy:gK,tdot:mK,telrec:_K,Tfr:bK,tfr:yK,there4:vK,therefore:wK,Therefore:xK,Theta:kK,theta:EK,thetasym:CK,thetav:AK,thickapprox:SK,thicksim:TK,ThickSpace:MK,ThinSpace:OK,thinsp:RK,thkap:NK,thksim:DK,THORN:LK,thorn:IK,tilde:PK,Tilde:FK,TildeEqual:BK,TildeFullEqual:$K,TildeTilde:jK,timesbar:zK,timesb:UK,times:qK,timesd:HK,tint:VK,toea:GK,topbot:KK,topcir:WK,top:ZK,Topf:YK,topf:JK,topfork:QK,tosa:XK,tprime:eW,trade:tW,TRADE:nW,triangle:sW,triangledown:oW,triangleleft:rW,trianglelefteq:iW,triangleq:aW,triangleright:lW,trianglerighteq:cW,tridot:dW,trie:uW,triminus:hW,TripleDot:fW,triplus:pW,trisb:gW,tritime:mW,trpezium:_W,Tscr:bW,tscr:yW,TScy:vW,tscy:wW,TSHcy:xW,tshcy:kW,Tstrok:EW,tstrok:CW,twixt:AW,twoheadleftarrow:SW,twoheadrightarrow:TW,Uacute:MW,uacute:OW,uarr:RW,Uarr:NW,uArr:DW,Uarrocir:LW,Ubrcy:IW,ubrcy:PW,Ubreve:FW,ubreve:BW,Ucirc:$W,ucirc:jW,Ucy:zW,ucy:UW,udarr:qW,Udblac:HW,udblac:VW,udhar:GW,ufisht:KW,Ufr:WW,ufr:ZW,Ugrave:YW,ugrave:JW,uHar:QW,uharl:XW,uharr:eZ,uhblk:tZ,ulcorn:nZ,ulcorner:sZ,ulcrop:oZ,ultri:rZ,Umacr:iZ,umacr:aZ,uml:lZ,UnderBar:cZ,UnderBrace:dZ,UnderBracket:uZ,UnderParenthesis:hZ,Union:fZ,UnionPlus:pZ,Uogon:gZ,uogon:mZ,Uopf:_Z,uopf:bZ,UpArrowBar:yZ,uparrow:vZ,UpArrow:wZ,Uparrow:xZ,UpArrowDownArrow:kZ,updownarrow:EZ,UpDownArrow:CZ,Updownarrow:AZ,UpEquilibrium:SZ,upharpoonleft:TZ,upharpoonright:MZ,uplus:OZ,UpperLeftArrow:RZ,UpperRightArrow:NZ,upsi:DZ,Upsi:LZ,upsih:IZ,Upsilon:PZ,upsilon:FZ,UpTeeArrow:BZ,UpTee:$Z,upuparrows:jZ,urcorn:zZ,urcorner:UZ,urcrop:qZ,Uring:HZ,uring:VZ,urtri:GZ,Uscr:KZ,uscr:WZ,utdot:ZZ,Utilde:YZ,utilde:JZ,utri:QZ,utrif:XZ,uuarr:eY,Uuml:tY,uuml:nY,uwangle:sY,vangrt:oY,varepsilon:rY,varkappa:iY,varnothing:aY,varphi:lY,varpi:cY,varpropto:dY,varr:uY,vArr:hY,varrho:fY,varsigma:pY,varsubsetneq:gY,varsubsetneqq:mY,varsupsetneq:_Y,varsupsetneqq:bY,vartheta:yY,vartriangleleft:vY,vartriangleright:wY,vBar:xY,Vbar:kY,vBarv:EY,Vcy:CY,vcy:AY,vdash:SY,vDash:TY,Vdash:MY,VDash:OY,Vdashl:RY,veebar:NY,vee:DY,Vee:LY,veeeq:IY,vellip:PY,verbar:FY,Verbar:BY,vert:$Y,Vert:jY,VerticalBar:zY,VerticalLine:UY,VerticalSeparator:qY,VerticalTilde:HY,VeryThinSpace:VY,Vfr:GY,vfr:KY,vltri:WY,vnsub:ZY,vnsup:YY,Vopf:JY,vopf:QY,vprop:XY,vrtri:eJ,Vscr:tJ,vscr:nJ,vsubnE:sJ,vsubne:oJ,vsupnE:rJ,vsupne:iJ,Vvdash:aJ,vzigzag:lJ,Wcirc:cJ,wcirc:dJ,wedbar:uJ,wedge:hJ,Wedge:fJ,wedgeq:pJ,weierp:gJ,Wfr:mJ,wfr:_J,Wopf:bJ,wopf:yJ,wp:vJ,wr:wJ,wreath:xJ,Wscr:kJ,wscr:EJ,xcap:CJ,xcirc:AJ,xcup:SJ,xdtri:TJ,Xfr:MJ,xfr:OJ,xharr:RJ,xhArr:NJ,Xi:DJ,xi:LJ,xlarr:IJ,xlArr:PJ,xmap:FJ,xnis:BJ,xodot:$J,Xopf:jJ,xopf:zJ,xoplus:UJ,xotime:qJ,xrarr:HJ,xrArr:VJ,Xscr:GJ,xscr:KJ,xsqcup:WJ,xuplus:ZJ,xutri:YJ,xvee:JJ,xwedge:QJ,Yacute:XJ,yacute:eQ,YAcy:tQ,yacy:nQ,Ycirc:sQ,ycirc:oQ,Ycy:rQ,ycy:iQ,yen:aQ,Yfr:lQ,yfr:cQ,YIcy:dQ,yicy:uQ,Yopf:hQ,yopf:fQ,Yscr:pQ,yscr:gQ,YUcy:mQ,yucy:_Q,yuml:bQ,Yuml:yQ,Zacute:vQ,zacute:wQ,Zcaron:xQ,zcaron:kQ,Zcy:EQ,zcy:CQ,Zdot:AQ,zdot:SQ,zeetrf:TQ,ZeroWidthSpace:MQ,Zeta:OQ,zeta:RQ,zfr:NQ,Zfr:DQ,ZHcy:LQ,zhcy:IQ,zigrarr:PQ,zopf:FQ,Zopf:BQ,Zscr:$Q,zscr:jQ,zwj:zQ,zwnj:UQ};var tg=qQ,rc=/[!-#%-\*,-\/:;\?@\[-\]_\{\}\xA1\xA7\xAB\xB6\xB7\xBB\xBF\u037E\u0387\u055A-\u055F\u0589\u058A\u05BE\u05C0\u05C3\u05C6\u05F3\u05F4\u0609\u060A\u060C\u060D\u061B\u061E\u061F\u066A-\u066D\u06D4\u0700-\u070D\u07F7-\u07F9\u0830-\u083E\u085E\u0964\u0965\u0970\u09FD\u0A76\u0AF0\u0C84\u0DF4\u0E4F\u0E5A\u0E5B\u0F04-\u0F12\u0F14\u0F3A-\u0F3D\u0F85\u0FD0-\u0FD4\u0FD9\u0FDA\u104A-\u104F\u10FB\u1360-\u1368\u1400\u166D\u166E\u169B\u169C\u16EB-\u16ED\u1735\u1736\u17D4-\u17D6\u17D8-\u17DA\u1800-\u180A\u1944\u1945\u1A1E\u1A1F\u1AA0-\u1AA6\u1AA8-\u1AAD\u1B5A-\u1B60\u1BFC-\u1BFF\u1C3B-\u1C3F\u1C7E\u1C7F\u1CC0-\u1CC7\u1CD3\u2010-\u2027\u2030-\u2043\u2045-\u2051\u2053-\u205E\u207D\u207E\u208D\u208E\u2308-\u230B\u2329\u232A\u2768-\u2775\u27C5\u27C6\u27E6-\u27EF\u2983-\u2998\u29D8-\u29DB\u29FC\u29FD\u2CF9-\u2CFC\u2CFE\u2CFF\u2D70\u2E00-\u2E2E\u2E30-\u2E4E\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]|\uD800[\uDD00-\uDD02\uDF9F\uDFD0]|\uD801\uDD6F|\uD802[\uDC57\uDD1F\uDD3F\uDE50-\uDE58\uDE7F\uDEF0-\uDEF6\uDF39-\uDF3F\uDF99-\uDF9C]|\uD803[\uDF55-\uDF59]|\uD804[\uDC47-\uDC4D\uDCBB\uDCBC\uDCBE-\uDCC1\uDD40-\uDD43\uDD74\uDD75\uDDC5-\uDDC8\uDDCD\uDDDB\uDDDD-\uDDDF\uDE38-\uDE3D\uDEA9]|\uD805[\uDC4B-\uDC4F\uDC5B\uDC5D\uDCC6\uDDC1-\uDDD7\uDE41-\uDE43\uDE60-\uDE6C\uDF3C-\uDF3E]|\uD806[\uDC3B\uDE3F-\uDE46\uDE9A-\uDE9C\uDE9E-\uDEA2]|\uD807[\uDC41-\uDC45\uDC70\uDC71\uDEF7\uDEF8]|\uD809[\uDC70-\uDC74]|\uD81A[\uDE6E\uDE6F\uDEF5\uDF37-\uDF3B\uDF44]|\uD81B[\uDE97-\uDE9A]|\uD82F\uDC9F|\uD836[\uDE87-\uDE8B]|\uD83A[\uDD5E\uDD5F]/,Ks={},Qd={};function HQ(t){var e,n,s=Qd[t];if(s)return s;for(s=Qd[t]=[],e=0;e<128;e++)n=String.fromCharCode(e),/^[0-9a-z]$/i.test(n)?s.push(n):s.push("%"+("0"+e.toString(16).toUpperCase()).slice(-2));for(e=0;e"u"&&(n=!0),a=HQ(e),s=0,o=t.length;s=55296&&r<=57343){if(r>=55296&&r<=56319&&s+1=56320&&i<=57343)){l+=encodeURIComponent(t[s]+t[s+1]),s++;continue}l+="%EF%BF%BD";continue}l+=encodeURIComponent(t[s])}return l}ci.defaultChars=";/?:@&=+$,-_.!~*'()#";ci.componentChars="-_.!~*'()";var VQ=ci,Xd={};function GQ(t){var e,n,s=Xd[t];if(s)return s;for(s=Xd[t]=[],e=0;e<128;e++)n=String.fromCharCode(e),s.push(n);for(e=0;e=55296&&u<=57343?h+="���":h+=String.fromCharCode(u),o+=6;continue}if((i&248)===240&&o+91114111?h+="����":(u-=65536,h+=String.fromCharCode(55296+(u>>10),56320+(u&1023))),o+=9;continue}h+="�"}return h})}di.defaultChars=";/?:@&=+$,#";di.componentChars="";var KQ=di,WQ=function(e){var n="";return n+=e.protocol||"",n+=e.slashes?"//":"",n+=e.auth?e.auth+"@":"",e.hostname&&e.hostname.indexOf(":")!==-1?n+="["+e.hostname+"]":n+=e.hostname||"",n+=e.port?":"+e.port:"",n+=e.pathname||"",n+=e.search||"",n+=e.hash||"",n};function Sr(){this.protocol=null,this.slashes=null,this.auth=null,this.port=null,this.hostname=null,this.hash=null,this.search=null,this.pathname=null}var ZQ=/^([a-z0-9.+-]+:)/i,YQ=/:[0-9]*$/,JQ=/^(\/\/?(?!\/)[^\?\s]*)(\?[^\s]*)?$/,QQ=["<",">",'"',"`"," ","\r",` -`," "],XQ=["{","}","|","\\","^","`"].concat(QQ),eX=["'"].concat(XQ),eu=["%","/","?",";","#"].concat(eX),tu=["/","?","#"],tX=255,nu=/^[+a-z0-9A-Z_-]{0,63}$/,nX=/^([+a-z0-9A-Z_-]{0,63})(.*)$/,su={javascript:!0,"javascript:":!0},ou={http:!0,https:!0,ftp:!0,gopher:!0,file:!0,"http:":!0,"https:":!0,"ftp:":!0,"gopher:":!0,"file:":!0};function sX(t,e){if(t&&t instanceof Sr)return t;var n=new Sr;return n.parse(t,e),n}Sr.prototype.parse=function(t,e){var n,s,o,r,i,a=t;if(a=a.trim(),!e&&t.split("#").length===1){var l=JQ.exec(a);if(l)return this.pathname=l[1],l[2]&&(this.search=l[2]),this}var c=ZQ.exec(a);if(c&&(c=c[0],o=c.toLowerCase(),this.protocol=c,a=a.substr(c.length)),(e||c||a.match(/^\/\/[^@\/]+@[^@\/]+/))&&(i=a.substr(0,2)==="//",i&&!(c&&su[c])&&(a=a.substr(2),this.slashes=!0)),!su[c]&&(i||c&&!ou[c])){var u=-1;for(n=0;n127?_+="x":_+=b[y];if(!_.match(nu)){var S=p.slice(0,n),R=p.slice(n+1),O=b.match(nX);O&&(S.push(O[1]),R.unshift(O[2])),R.length&&(a=R.join(".")+a),this.hostname=S.join(".");break}}}}this.hostname.length>tX&&(this.hostname=""),m&&(this.hostname=this.hostname.substr(1,this.hostname.length-2))}var D=a.indexOf("#");D!==-1&&(this.hash=a.substr(D),a=a.slice(0,D));var v=a.indexOf("?");return v!==-1&&(this.search=a.substr(v),a=a.slice(0,v)),a&&(this.pathname=a),ou[o]&&this.hostname&&!this.pathname&&(this.pathname=""),this};Sr.prototype.parseHost=function(t){var e=YQ.exec(t);e&&(e=e[0],e!==":"&&(this.port=e.substr(1)),t=t.substr(0,t.length-e.length)),t&&(this.hostname=t)};var oX=sX;Ks.encode=VQ;Ks.decode=KQ;Ks.format=WQ;Ks.parse=oX;var Fn={},zi,ru;function ng(){return ru||(ru=1,zi=/[\0-\uD7FF\uE000-\uFFFF]|[\uD800-\uDBFF][\uDC00-\uDFFF]|[\uD800-\uDBFF](?![\uDC00-\uDFFF])|(?:[^\uD800-\uDBFF]|^)[\uDC00-\uDFFF]/),zi}var Ui,iu;function sg(){return iu||(iu=1,Ui=/[\0-\x1F\x7F-\x9F]/),Ui}var qi,au;function rX(){return au||(au=1,qi=/[\xAD\u0600-\u0605\u061C\u06DD\u070F\u08E2\u180E\u200B-\u200F\u202A-\u202E\u2060-\u2064\u2066-\u206F\uFEFF\uFFF9-\uFFFB]|\uD804[\uDCBD\uDCCD]|\uD82F[\uDCA0-\uDCA3]|\uD834[\uDD73-\uDD7A]|\uDB40[\uDC01\uDC20-\uDC7F]/),qi}var Hi,lu;function og(){return lu||(lu=1,Hi=/[ \xA0\u1680\u2000-\u200A\u2028\u2029\u202F\u205F\u3000]/),Hi}var cu;function iX(){return cu||(cu=1,Fn.Any=ng(),Fn.Cc=sg(),Fn.Cf=rX(),Fn.P=rc,Fn.Z=og()),Fn}(function(t){function e(I){return Object.prototype.toString.call(I)}function n(I){return e(I)==="[object String]"}var s=Object.prototype.hasOwnProperty;function o(I,ae){return s.call(I,ae)}function r(I){var ae=Array.prototype.slice.call(arguments,1);return ae.forEach(function(Z){if(Z){if(typeof Z!="object")throw new TypeError(Z+"must be object");Object.keys(Z).forEach(function(T){I[T]=Z[T]})}}),I}function i(I,ae,Z){return[].concat(I.slice(0,ae),Z,I.slice(ae+1))}function a(I){return!(I>=55296&&I<=57343||I>=64976&&I<=65007||(I&65535)===65535||(I&65535)===65534||I>=0&&I<=8||I===11||I>=14&&I<=31||I>=127&&I<=159||I>1114111)}function l(I){if(I>65535){I-=65536;var ae=55296+(I>>10),Z=56320+(I&1023);return String.fromCharCode(ae,Z)}return String.fromCharCode(I)}var c=/\\([!"#$%&'()*+,\-.\/:;<=>?@[\\\]^_`{|}~])/g,u=/&([a-z#][a-z0-9]{1,31});/gi,h=new RegExp(c.source+"|"+u.source,"gi"),f=/^#((?:x[a-f0-9]{1,8}|[0-9]{1,8}))/i,g=tg;function m(I,ae){var Z=0;return o(g,ae)?g[ae]:ae.charCodeAt(0)===35&&f.test(ae)&&(Z=ae[1].toLowerCase()==="x"?parseInt(ae.slice(2),16):parseInt(ae.slice(1),10),a(Z))?l(Z):I}function p(I){return I.indexOf("\\")<0?I:I.replace(c,"$1")}function b(I){return I.indexOf("\\")<0&&I.indexOf("&")<0?I:I.replace(h,function(ae,Z,T){return Z||m(ae,T)})}var _=/[&<>"]/,y=/[&<>"]/g,x={"&":"&","<":"<",">":">",'"':"""};function S(I){return x[I]}function R(I){return _.test(I)?I.replace(y,S):I}var O=/[.?*+^$[\]\\(){}|-]/g;function D(I){return I.replace(O,"\\$&")}function v(I){switch(I){case 9:case 32:return!0}return!1}function E(I){if(I>=8192&&I<=8202)return!0;switch(I){case 9:case 10:case 11:case 12:case 13:case 32:case 160:case 5760:case 8239:case 8287:case 12288:return!0}return!1}var M=rc;function L(I){return M.test(I)}function F(I){switch(I){case 33:case 34:case 35:case 36:case 37:case 38:case 39:case 40:case 41:case 42:case 43:case 44:case 45:case 46:case 47:case 58:case 59:case 60:case 61:case 62:case 63:case 64:case 91:case 92:case 93:case 94:case 95:case 96:case 123:case 124:case 125:case 126:return!0;default:return!1}}function J(I){return I=I.trim().replace(/\s+/g," "),"ẞ".toLowerCase()==="Ṿ"&&(I=I.replace(/ẞ/g,"ß")),I.toLowerCase().toUpperCase()}t.lib={},t.lib.mdurl=Ks,t.lib.ucmicro=iX(),t.assign=r,t.isString=n,t.has=o,t.unescapeMd=p,t.unescapeAll=b,t.isValidEntityCode=a,t.fromCodePoint=l,t.escapeHtml=R,t.arrayReplaceAt=i,t.isSpace=v,t.isWhiteSpace=E,t.isMdAsciiPunct=F,t.isPunctChar=L,t.escapeRE=D,t.normalizeReference=J})(qe);var ui={},aX=function(e,n,s){var o,r,i,a,l=-1,c=e.posMax,u=e.pos;for(e.pos=n+1,o=1;e.pos32))return l;if(o===41){if(r===0)break;r--}n++}return a===n||r!==0||(l.str=du(e.slice(a,n)),l.lines=i,l.pos=n,l.ok=!0),l},cX=qe.unescapeAll,dX=function(e,n,s){var o,r,i=0,a=n,l={ok:!1,pos:0,lines:0,str:""};if(n>=s||(r=e.charCodeAt(n),r!==34&&r!==39&&r!==40))return l;for(n++,r===40&&(r=41);n"+Qn(t[e].content)+""};Qt.code_block=function(t,e,n,s,o){var r=t[e];return""+Qn(t[e].content)+` +`," "],XQ=["{","}","|","\\","^","`"].concat(QQ),eX=["'"].concat(XQ),eu=["%","/","?",";","#"].concat(eX),tu=["/","?","#"],tX=255,nu=/^[+a-z0-9A-Z_-]{0,63}$/,nX=/^([+a-z0-9A-Z_-]{0,63})(.*)$/,su={javascript:!0,"javascript:":!0},ou={http:!0,https:!0,ftp:!0,gopher:!0,file:!0,"http:":!0,"https:":!0,"ftp:":!0,"gopher:":!0,"file:":!0};function sX(t,e){if(t&&t instanceof Sr)return t;var n=new Sr;return n.parse(t,e),n}Sr.prototype.parse=function(t,e){var n,s,o,r,i,a=t;if(a=a.trim(),!e&&t.split("#").length===1){var l=JQ.exec(a);if(l)return this.pathname=l[1],l[2]&&(this.search=l[2]),this}var c=ZQ.exec(a);if(c&&(c=c[0],o=c.toLowerCase(),this.protocol=c,a=a.substr(c.length)),(e||c||a.match(/^\/\/[^@\/]+@[^@\/]+/))&&(i=a.substr(0,2)==="//",i&&!(c&&su[c])&&(a=a.substr(2),this.slashes=!0)),!su[c]&&(i||c&&!ou[c])){var u=-1;for(n=0;n127?_+="x":_+=b[y];if(!_.match(nu)){var S=p.slice(0,n),R=p.slice(n+1),O=b.match(nX);O&&(S.push(O[1]),R.unshift(O[2])),R.length&&(a=R.join(".")+a),this.hostname=S.join(".");break}}}}this.hostname.length>tX&&(this.hostname=""),m&&(this.hostname=this.hostname.substr(1,this.hostname.length-2))}var D=a.indexOf("#");D!==-1&&(this.hash=a.substr(D),a=a.slice(0,D));var v=a.indexOf("?");return v!==-1&&(this.search=a.substr(v),a=a.slice(0,v)),a&&(this.pathname=a),ou[o]&&this.hostname&&!this.pathname&&(this.pathname=""),this};Sr.prototype.parseHost=function(t){var e=YQ.exec(t);e&&(e=e[0],e!==":"&&(this.port=e.substr(1)),t=t.substr(0,t.length-e.length)),t&&(this.hostname=t)};var oX=sX;Ks.encode=VQ;Ks.decode=KQ;Ks.format=WQ;Ks.parse=oX;var Fn={},zi,ru;function ng(){return ru||(ru=1,zi=/[\0-\uD7FF\uE000-\uFFFF]|[\uD800-\uDBFF][\uDC00-\uDFFF]|[\uD800-\uDBFF](?![\uDC00-\uDFFF])|(?:[^\uD800-\uDBFF]|^)[\uDC00-\uDFFF]/),zi}var Ui,iu;function sg(){return iu||(iu=1,Ui=/[\0-\x1F\x7F-\x9F]/),Ui}var qi,au;function rX(){return au||(au=1,qi=/[\xAD\u0600-\u0605\u061C\u06DD\u070F\u08E2\u180E\u200B-\u200F\u202A-\u202E\u2060-\u2064\u2066-\u206F\uFEFF\uFFF9-\uFFFB]|\uD804[\uDCBD\uDCCD]|\uD82F[\uDCA0-\uDCA3]|\uD834[\uDD73-\uDD7A]|\uDB40[\uDC01\uDC20-\uDC7F]/),qi}var Hi,lu;function og(){return lu||(lu=1,Hi=/[ \xA0\u1680\u2000-\u200A\u2028\u2029\u202F\u205F\u3000]/),Hi}var cu;function iX(){return cu||(cu=1,Fn.Any=ng(),Fn.Cc=sg(),Fn.Cf=rX(),Fn.P=rc,Fn.Z=og()),Fn}(function(t){function e(I){return Object.prototype.toString.call(I)}function n(I){return e(I)==="[object String]"}var s=Object.prototype.hasOwnProperty;function o(I,ae){return s.call(I,ae)}function r(I){var ae=Array.prototype.slice.call(arguments,1);return ae.forEach(function(Z){if(Z){if(typeof Z!="object")throw new TypeError(Z+"must be object");Object.keys(Z).forEach(function(T){I[T]=Z[T]})}}),I}function i(I,ae,Z){return[].concat(I.slice(0,ae),Z,I.slice(ae+1))}function a(I){return!(I>=55296&&I<=57343||I>=64976&&I<=65007||(I&65535)===65535||(I&65535)===65534||I>=0&&I<=8||I===11||I>=14&&I<=31||I>=127&&I<=159||I>1114111)}function l(I){if(I>65535){I-=65536;var ae=55296+(I>>10),Z=56320+(I&1023);return String.fromCharCode(ae,Z)}return String.fromCharCode(I)}var c=/\\([!"#$%&'()*+,\-.\/:;<=>?@[\\\]^_`{|}~])/g,u=/&([a-z#][a-z0-9]{1,31});/gi,h=new RegExp(c.source+"|"+u.source,"gi"),f=/^#((?:x[a-f0-9]{1,8}|[0-9]{1,8}))/i,g=tg;function m(I,ae){var Z=0;return o(g,ae)?g[ae]:ae.charCodeAt(0)===35&&f.test(ae)&&(Z=ae[1].toLowerCase()==="x"?parseInt(ae.slice(2),16):parseInt(ae.slice(1),10),a(Z))?l(Z):I}function p(I){return I.indexOf("\\")<0?I:I.replace(c,"$1")}function b(I){return I.indexOf("\\")<0&&I.indexOf("&")<0?I:I.replace(h,function(ae,Z,T){return Z||m(ae,T)})}var _=/[&<>"]/,y=/[&<>"]/g,x={"&":"&","<":"<",">":">",'"':"""};function S(I){return x[I]}function R(I){return _.test(I)?I.replace(y,S):I}var O=/[.?*+^$[\]\\(){}|-]/g;function D(I){return I.replace(O,"\\$&")}function v(I){switch(I){case 9:case 32:return!0}return!1}function E(I){if(I>=8192&&I<=8202)return!0;switch(I){case 9:case 10:case 11:case 12:case 13:case 32:case 160:case 5760:case 8239:case 8287:case 12288:return!0}return!1}var M=rc;function L(I){return M.test(I)}function B(I){switch(I){case 33:case 34:case 35:case 36:case 37:case 38:case 39:case 40:case 41:case 42:case 43:case 44:case 45:case 46:case 47:case 58:case 59:case 60:case 61:case 62:case 63:case 64:case 91:case 92:case 93:case 94:case 95:case 96:case 123:case 124:case 125:case 126:return!0;default:return!1}}function J(I){return I=I.trim().replace(/\s+/g," "),"ẞ".toLowerCase()==="Ṿ"&&(I=I.replace(/ẞ/g,"ß")),I.toLowerCase().toUpperCase()}t.lib={},t.lib.mdurl=Ks,t.lib.ucmicro=iX(),t.assign=r,t.isString=n,t.has=o,t.unescapeMd=p,t.unescapeAll=b,t.isValidEntityCode=a,t.fromCodePoint=l,t.escapeHtml=R,t.arrayReplaceAt=i,t.isSpace=v,t.isWhiteSpace=E,t.isMdAsciiPunct=B,t.isPunctChar=L,t.escapeRE=D,t.normalizeReference=J})(qe);var ui={},aX=function(e,n,s){var o,r,i,a,l=-1,c=e.posMax,u=e.pos;for(e.pos=n+1,o=1;e.pos32))return l;if(o===41){if(r===0)break;r--}n++}return a===n||r!==0||(l.str=du(e.slice(a,n)),l.lines=i,l.pos=n,l.ok=!0),l},cX=qe.unescapeAll,dX=function(e,n,s){var o,r,i=0,a=n,l={ok:!1,pos:0,lines:0,str:""};if(n>=s||(r=e.charCodeAt(n),r!==34&&r!==39&&r!==40))return l;for(n++,r===40&&(r=41);n"+Qn(t[e].content)+""};Qt.code_block=function(t,e,n,s,o){var r=t[e];return""+Qn(t[e].content)+` `};Qt.fence=function(t,e,n,s,o){var r=t[e],i=r.info?hX(r.info).trim():"",a="",l="",c,u,h,f,g;return i&&(h=i.split(/(\s+)/g),a=h[0],l=h.slice(2).join("")),n.highlight?c=n.highlight(r.content,a,l)||Qn(r.content):c=Qn(r.content),c.indexOf(""+c+` `):"
"+c+`
@@ -29,12 +29,12 @@ `:">",r)};Ws.prototype.renderInline=function(t,e,n){for(var s,o="",r=this.rules,i=0,a=t.length;i\s]/i.test(t)}function wX(t){return/^<\/a\s*>/i.test(t)}var xX=function(e){var n,s,o,r,i,a,l,c,u,h,f,g,m,p,b,_,y=e.tokens,x;if(e.md.options.linkify){for(s=0,o=y.length;s=0;n--){if(a=r[n],a.type==="link_close"){for(n--;r[n].level!==a.level&&r[n].type!=="link_open";)n--;continue}if(a.type==="html_inline"&&(vX(a.content)&&m>0&&m--,wX(a.content)&&m++),!(m>0)&&a.type==="text"&&e.md.linkify.test(a.content)){for(u=a.content,x=e.md.linkify.match(u),l=[],g=a.level,f=0,x.length>0&&x[0].index===0&&n>0&&r[n-1].type==="text_special"&&(x=x.slice(1)),c=0;cf&&(i=new e.Token("text","",0),i.content=u.slice(f,h),i.level=g,l.push(i)),i=new e.Token("link_open","a",1),i.attrs=[["href",b]],i.level=g++,i.markup="linkify",i.info="auto",l.push(i),i=new e.Token("text","",0),i.content=_,i.level=g,l.push(i),i=new e.Token("link_close","a",-1),i.level=--g,i.markup="linkify",i.info="auto",l.push(i),f=x[c].lastIndex);f=0;e--)n=t[e],n.type==="text"&&!s&&(n.content=n.content.replace(EX,AX)),n.type==="link_open"&&n.info==="auto"&&s--,n.type==="link_close"&&n.info==="auto"&&s++}function TX(t){var e,n,s=0;for(e=t.length-1;e>=0;e--)n=t[e],n.type==="text"&&!s&&rg.test(n.content)&&(n.content=n.content.replace(/\+-/g,"±").replace(/\.{2,}/g,"…").replace(/([?!])…/g,"$1..").replace(/([?!]){4,}/g,"$1$1$1").replace(/,{2,}/g,",").replace(/(^|[^-])---(?=[^-]|$)/mg,"$1—").replace(/(^|\s)--(?=\s|$)/mg,"$1–").replace(/(^|[^-\s])--(?=[^-\s]|$)/mg,"$1–")),n.type==="link_open"&&n.info==="auto"&&s--,n.type==="link_close"&&n.info==="auto"&&s++}var MX=function(e){var n;if(e.md.options.typographer)for(n=e.tokens.length-1;n>=0;n--)e.tokens[n].type==="inline"&&(kX.test(e.tokens[n].content)&&SX(e.tokens[n].children),rg.test(e.tokens[n].content)&&TX(e.tokens[n].children))},uu=qe.isWhiteSpace,hu=qe.isPunctChar,fu=qe.isMdAsciiPunct,OX=/['"]/,pu=/['"]/g,gu="’";function Zo(t,e,n){return t.slice(0,e)+n+t.slice(e+1)}function RX(t,e){var n,s,o,r,i,a,l,c,u,h,f,g,m,p,b,_,y,x,S,R,O;for(S=[],n=0;n=0&&!(S[y].level<=l);y--);if(S.length=y+1,s.type==="text"){o=s.content,i=0,a=o.length;e:for(;i=0)u=o.charCodeAt(r.index-1);else for(y=n-1;y>=0&&!(t[y].type==="softbreak"||t[y].type==="hardbreak");y--)if(t[y].content){u=t[y].content.charCodeAt(t[y].content.length-1);break}if(h=32,i=48&&u<=57&&(_=b=!1),b&&_&&(b=f,_=g),!b&&!_){x&&(s.content=Zo(s.content,r.index,gu));continue}if(_){for(y=S.length-1;y>=0&&(c=S[y],!(S[y].level=0;n--)e.tokens[n].type!=="inline"||!OX.test(e.tokens[n].content)||RX(e.tokens[n].children,e)},DX=function(e){var n,s,o,r,i,a,l=e.tokens;for(n=0,s=l.length;n=0&&(s=this.attrs[n][1]),s};Zs.prototype.attrJoin=function(e,n){var s=this.attrIndex(e);s<0?this.attrPush([e,n]):this.attrs[s][1]=this.attrs[s][1]+" "+n};var ac=Zs,LX=ac;function ig(t,e,n){this.src=t,this.env=n,this.tokens=[],this.inlineMode=!1,this.md=e}ig.prototype.Token=LX;var IX=ig,PX=ic,Vi=[["normalize",mX],["block",_X],["inline",bX],["linkify",xX],["replacements",MX],["smartquotes",NX],["text_join",DX]];function lc(){this.ruler=new PX;for(var t=0;ts||(u=n+1,e.sCount[u]=4||(a=e.bMarks[u]+e.tShift[u],a>=e.eMarks[u])||(R=e.src.charCodeAt(a++),R!==124&&R!==45&&R!==58)||a>=e.eMarks[u]||(O=e.src.charCodeAt(a++),O!==124&&O!==45&&O!==58&&!Gi(O))||R===45&&Gi(O))return!1;for(;a=4||(h=mu(i),h.length&&h[0]===""&&h.shift(),h.length&&h[h.length-1]===""&&h.pop(),f=h.length,f===0||f!==m.length))return!1;if(o)return!0;for(y=e.parentType,e.parentType="table",S=e.md.block.ruler.getRules("blockquote"),g=e.push("table_open","table",1),g.map=b=[n,0],g=e.push("thead_open","thead",1),g.map=[n,n+1],g=e.push("tr_open","tr",1),g.map=[n,n+1],l=0;l=4)break;for(h=mu(i),h.length&&h[0]===""&&h.shift(),h.length&&h[h.length-1]===""&&h.pop(),u===n+2&&(g=e.push("tbody_open","tbody",1),g.map=_=[n+2,0]),g=e.push("tr_open","tr",1),g.map=[u,u+1],l=0;l=4){o++,r=o;continue}break}return e.line=r,i=e.push("code_block","code",0),i.content=e.getLines(n,r,4+e.blkIndent,!1)+` -`,i.map=[n,e.line],!0},jX=function(e,n,s,o){var r,i,a,l,c,u,h,f=!1,g=e.bMarks[n]+e.tShift[n],m=e.eMarks[n];if(e.sCount[n]-e.blkIndent>=4||g+3>m||(r=e.src.charCodeAt(g),r!==126&&r!==96)||(c=g,g=e.skipChars(g,r),i=g-c,i<3)||(h=e.src.slice(c,g),a=e.src.slice(g,m),r===96&&a.indexOf(String.fromCharCode(r))>=0))return!1;if(o)return!0;for(l=n;l++,!(l>=s||(g=c=e.bMarks[l]+e.tShift[l],m=e.eMarks[l],g=4)&&(g=e.skipChars(g,r),!(g-c=4||e.src.charCodeAt(M++)!==62)return!1;if(o)return!0;for(l=g=e.sCount[n]+1,e.src.charCodeAt(M)===32?(M++,l++,g++,r=!1,S=!0):e.src.charCodeAt(M)===9?(S=!0,(e.bsCount[n]+g)%4===3?(M++,l++,g++,r=!1):r=!0):S=!1,m=[e.bMarks[n]],e.bMarks[n]=M;M=L,y=[e.sCount[n]],e.sCount[n]=g-l,x=[e.tShift[n]],e.tShift[n]=M-e.bMarks[n],O=e.md.block.ruler.getRules("blockquote"),_=e.parentType,e.parentType="blockquote",f=n+1;f=L));f++){if(e.src.charCodeAt(M++)===62&&!v){for(l=g=e.sCount[f]+1,e.src.charCodeAt(M)===32?(M++,l++,g++,r=!1,S=!0):e.src.charCodeAt(M)===9?(S=!0,(e.bsCount[f]+g)%4===3?(M++,l++,g++,r=!1):r=!0):S=!1,m.push(e.bMarks[f]),e.bMarks[f]=M;M=L,p.push(e.bsCount[f]),e.bsCount[f]=e.sCount[f]+1+(S?1:0),y.push(e.sCount[f]),e.sCount[f]=g-l,x.push(e.tShift[f]),e.tShift[f]=M-e.bMarks[f];continue}if(u)break;for(R=!1,a=0,c=O.length;a",D.map=h=[n,0],e.md.block.tokenize(e,n,f),D=e.push("blockquote_close","blockquote",-1),D.markup=">",e.lineMax=E,e.parentType=_,h[1]=e.line,a=0;a=4||(r=e.src.charCodeAt(c++),r!==42&&r!==45&&r!==95))return!1;for(i=1;c=r||(n=t.src.charCodeAt(o++),n<48||n>57))return-1;for(;;){if(o>=r)return-1;if(n=t.src.charCodeAt(o++),n>=48&&n<=57){if(o-s>=10)return-1;continue}if(n===41||n===46)break;return-1}return o=4||e.listIndent>=0&&e.sCount[n]-e.listIndent>=4&&e.sCount[n]=e.blkIndent&&(T=!0),(L=yu(e,n))>=0){if(h=!0,J=e.bMarks[n]+e.tShift[n],_=Number(e.src.slice(J,L-1)),T&&_!==1)return!1}else if((L=bu(e,n))>=0)h=!1;else return!1;if(T&&e.skipSpaces(L)>=e.eMarks[n])return!1;if(b=e.src.charCodeAt(L-1),o)return!0;for(p=e.tokens.length,h?(Z=e.push("ordered_list_open","ol",1),_!==1&&(Z.attrs=[["start",_]])):Z=e.push("bullet_list_open","ul",1),Z.map=m=[n,0],Z.markup=String.fromCharCode(b),x=n,F=!1,ae=e.md.block.ruler.getRules("list"),O=e.parentType,e.parentType="list";x=y?c=1:c=S-u,c>4&&(c=1),l=u+c,Z=e.push("list_item_open","li",1),Z.markup=String.fromCharCode(b),Z.map=f=[n,0],h&&(Z.info=e.src.slice(J,L-1)),E=e.tight,v=e.tShift[n],D=e.sCount[n],R=e.listIndent,e.listIndent=e.blkIndent,e.blkIndent=l,e.tight=!0,e.tShift[n]=i-e.bMarks[n],e.sCount[n]=S,i>=y&&e.isEmpty(n+1)?e.line=Math.min(e.line+2,s):e.md.block.tokenize(e,n,s,!0),(!e.tight||F)&&(q=!1),F=e.line-n>1&&e.isEmpty(e.line-1),e.blkIndent=e.listIndent,e.listIndent=R,e.tShift[n]=v,e.sCount[n]=D,e.tight=E,Z=e.push("list_item_close","li",-1),Z.markup=String.fromCharCode(b),x=n=e.line,f[1]=x,i=e.bMarks[n],x>=s||e.sCount[x]=4)break;for(I=!1,a=0,g=ae.length;a=4||e.src.charCodeAt(O)!==91)return!1;for(;++O3)&&!(e.sCount[v]<0)){for(y=!1,u=0,h=x.length;u"u"&&(e.env.references={}),typeof e.env.references[f]>"u"&&(e.env.references[f]={title:S,href:c}),e.parentType=m,e.line=n+R+1),!0)},WX=["address","article","aside","base","basefont","blockquote","body","caption","center","col","colgroup","dd","details","dialog","dir","div","dl","dt","fieldset","figcaption","figure","footer","form","frame","frameset","h1","h2","h3","h4","h5","h6","head","header","hr","html","iframe","legend","li","link","main","menu","menuitem","nav","noframes","ol","optgroup","option","p","param","section","source","summary","table","tbody","td","tfoot","th","thead","title","tr","track","ul"],hi={},ZX="[a-zA-Z_:][a-zA-Z0-9:._-]*",YX="[^\"'=<>`\\x00-\\x20]+",JX="'[^']*'",QX='"[^"]*"',XX="(?:"+YX+"|"+JX+"|"+QX+")",eee="(?:\\s+"+ZX+"(?:\\s*=\\s*"+XX+")?)",lg="<[A-Za-z][A-Za-z0-9\\-]*"+eee+"*\\s*\\/?>",cg="<\\/[A-Za-z][A-Za-z0-9\\-]*\\s*>",tee="|",nee="<[?][\\s\\S]*?[?]>",see="]*>",oee="",ree=new RegExp("^(?:"+lg+"|"+cg+"|"+tee+"|"+nee+"|"+see+"|"+oee+")"),iee=new RegExp("^(?:"+lg+"|"+cg+")");hi.HTML_TAG_RE=ree;hi.HTML_OPEN_CLOSE_TAG_RE=iee;var aee=WX,lee=hi.HTML_OPEN_CLOSE_TAG_RE,us=[[/^<(script|pre|style|textarea)(?=(\s|>|$))/i,/<\/(script|pre|style|textarea)>/i,!0],[/^/,!0],[/^<\?/,/\?>/,!0],[/^/,!0],[/^/,!0],[new RegExp("^|$))","i"),/^$/,!0],[new RegExp(lee.source+"\\s*$"),/^$/,!1]],cee=function(e,n,s,o){var r,i,a,l,c=e.bMarks[n]+e.tShift[n],u=e.eMarks[n];if(e.sCount[n]-e.blkIndent>=4||!e.md.options.html||e.src.charCodeAt(c)!==60)return!1;for(l=e.src.slice(c,u),r=0;r=4||(r=e.src.charCodeAt(c),r!==35||c>=u))return!1;for(i=1,r=e.src.charCodeAt(++c);r===35&&c6||cc&&vu(e.src.charCodeAt(a-1))&&(u=a),e.line=n+1,l=e.push("heading_open","h"+String(i),1),l.markup="########".slice(0,i),l.map=[n,e.line],l=e.push("inline","",0),l.content=e.src.slice(c,u).trim(),l.map=[n,e.line],l.children=[],l=e.push("heading_close","h"+String(i),-1),l.markup="########".slice(0,i)),!0)},uee=function(e,n,s){var o,r,i,a,l,c,u,h,f,g=n+1,m,p=e.md.block.ruler.getRules("paragraph");if(e.sCount[n]-e.blkIndent>=4)return!1;for(m=e.parentType,e.parentType="paragraph";g3)){if(e.sCount[g]>=e.blkIndent&&(c=e.bMarks[g]+e.tShift[g],u=e.eMarks[g],c=u)))){h=f===61?1:2;break}if(!(e.sCount[g]<0)){for(r=!1,i=0,a=p.length;i3)&&!(e.sCount[c]<0)){for(o=!1,r=0,i=u.length;r0&&this.level++,this.tokens.push(s),s};Xt.prototype.isEmpty=function(e){return this.bMarks[e]+this.tShift[e]>=this.eMarks[e]};Xt.prototype.skipEmptyLines=function(e){for(var n=this.lineMax;en;)if(!fi(this.src.charCodeAt(--e)))return e+1;return e};Xt.prototype.skipChars=function(e,n){for(var s=this.src.length;es;)if(n!==this.src.charCodeAt(--e))return e+1;return e};Xt.prototype.getLines=function(e,n,s,o){var r,i,a,l,c,u,h,f=e;if(e>=n)return"";for(u=new Array(n-e),r=0;fs?u[r]=new Array(i-s+1).join(" ")+this.src.slice(l,c):u[r]=this.src.slice(l,c)}return u.join("")};Xt.prototype.Token=dg;var fee=Xt,pee=ic,Jo=[["table",BX,["paragraph","reference"]],["code",$X],["fence",jX,["paragraph","reference","blockquote","list"]],["blockquote",zX,["paragraph","reference","blockquote","list"]],["hr",qX,["paragraph","reference","blockquote","list"]],["list",VX,["paragraph","reference","blockquote"]],["reference",KX],["html_block",cee,["paragraph","reference","blockquote"]],["heading",dee,["paragraph","reference","blockquote"]],["lheading",uee],["paragraph",hee]];function pi(){this.ruler=new pee;for(var t=0;t=n||t.sCount[a]=c){t.line=n;break}for(o=0;o0||(s=e.pos,o=e.posMax,s+3>o)||e.src.charCodeAt(s)!==58||e.src.charCodeAt(s+1)!==47||e.src.charCodeAt(s+2)!==47||(r=e.pending.match(bee),!r)||(i=r[1],a=e.md.linkify.matchAtStart(e.src.slice(s-i.length)),!a)||(l=a.url,l=l.replace(/\*+$/,""),c=e.md.normalizeLink(l),!e.md.validateLink(c))?!1:(n||(e.pending=e.pending.slice(0,-i.length),u=e.push("link_open","a",1),u.attrs=[["href",c]],u.markup="linkify",u.info="auto",u=e.push("text","",0),u.content=e.md.normalizeLinkText(l),u=e.push("link_close","a",-1),u.markup="linkify",u.info="auto"),e.pos+=l.length-i.length,!0)},vee=qe.isSpace,wee=function(e,n){var s,o,r,i=e.pos;if(e.src.charCodeAt(i)!==10)return!1;if(s=e.pending.length-1,o=e.posMax,!n)if(s>=0&&e.pending.charCodeAt(s)===32)if(s>=1&&e.pending.charCodeAt(s-1)===32){for(r=s-1;r>=1&&e.pending.charCodeAt(r-1)===32;)r--;e.pending=e.pending.slice(0,r),e.push("hardbreak","br",0)}else e.pending=e.pending.slice(0,-1),e.push("softbreak","br",0);else e.push("softbreak","br",0);for(i++;i?@[]^_`{|}~-".split("").forEach(function(t){cc[t.charCodeAt(0)]=1});var kee=function(e,n){var s,o,r,i,a,l=e.pos,c=e.posMax;if(e.src.charCodeAt(l)!==92||(l++,l>=c))return!1;if(s=e.src.charCodeAt(l),s===10){for(n||e.push("hardbreak","br",0),l++;l=55296&&s<=56319&&l+1=56320&&o<=57343&&(i+=e.src[l+1],l++)),r="\\"+i,n||(a=e.push("text_special","",0),s<256&&cc[s]!==0?a.content=i:a.content=r,a.markup=r,a.info="escape"),e.pos=l+1,!0},Eee=function(e,n){var s,o,r,i,a,l,c,u,h=e.pos,f=e.src.charCodeAt(h);if(f!==96)return!1;for(s=h,h++,o=e.posMax;h=0;n--)s=e[n],!(s.marker!==95&&s.marker!==42)&&s.end!==-1&&(o=e[s.end],a=n>0&&e[n-1].end===s.end+1&&e[n-1].marker===s.marker&&e[n-1].token===s.token-1&&e[s.end+1].token===o.token+1,i=String.fromCharCode(s.marker),r=t.tokens[s.token],r.type=a?"strong_open":"em_open",r.tag=a?"strong":"em",r.nesting=1,r.markup=a?i+i:i,r.content="",r=t.tokens[o.token],r.type=a?"strong_close":"em_close",r.tag=a?"strong":"em",r.nesting=-1,r.markup=a?i+i:i,r.content="",a&&(t.tokens[e[n-1].token].content="",t.tokens[e[s.end+1].token].content="",n--))}mi.postProcess=function(e){var n,s=e.tokens_meta,o=e.tokens_meta.length;for(ku(e,e.delimiters),n=0;n=p)return!1;if(b=l,c=e.md.helpers.parseLinkDestination(e.src,l,e.posMax),c.ok){for(f=e.md.normalizeLink(c.str),e.md.validateLink(f)?l=c.pos:f="",b=l;l=p||e.src.charCodeAt(l)!==41)&&(_=!0),l++}if(_){if(typeof e.env.references>"u")return!1;if(l=0?r=e.src.slice(b,l++):l=i+1):l=i+1,r||(r=e.src.slice(a,i)),u=e.env.references[Cee(r)],!u)return e.pos=m,!1;f=u.href,g=u.title}return n||(e.pos=a,e.posMax=i,h=e.push("link_open","a",1),h.attrs=s=[["href",f]],g&&s.push(["title",g]),e.linkLevel++,e.md.inline.tokenize(e),e.linkLevel--,h=e.push("link_close","a",-1)),e.pos=l,e.posMax=p,!0},See=qe.normalizeReference,Zi=qe.isSpace,Tee=function(e,n){var s,o,r,i,a,l,c,u,h,f,g,m,p,b="",_=e.pos,y=e.posMax;if(e.src.charCodeAt(e.pos)!==33||e.src.charCodeAt(e.pos+1)!==91||(l=e.pos+2,a=e.md.helpers.parseLinkLabel(e,e.pos+1,!1),a<0))return!1;if(c=a+1,c=y)return!1;for(p=c,h=e.md.helpers.parseLinkDestination(e.src,c,e.posMax),h.ok&&(b=e.md.normalizeLink(h.str),e.md.validateLink(b)?c=h.pos:b=""),p=c;c=y||e.src.charCodeAt(c)!==41)return e.pos=_,!1;c++}else{if(typeof e.env.references>"u")return!1;if(c=0?i=e.src.slice(p,c++):c=a+1):c=a+1,i||(i=e.src.slice(l,a)),u=e.env.references[See(i)],!u)return e.pos=_,!1;b=u.href,f=u.title}return n||(r=e.src.slice(l,a),e.md.inline.parse(r,e.md,e.env,m=[]),g=e.push("image","img",0),g.attrs=s=[["src",b],["alt",""]],g.children=m,g.content=r,f&&s.push(["title",f])),e.pos=c,e.posMax=y,!0},Mee=/^([a-zA-Z0-9.!#$%&'*+\/=?^_`{|}~-]+@[a-zA-Z0-9](?:[a-zA-Z0-9-]{0,61}[a-zA-Z0-9])?(?:\.[a-zA-Z0-9](?:[a-zA-Z0-9-]{0,61}[a-zA-Z0-9])?)*)$/,Oee=/^([a-zA-Z][a-zA-Z0-9+.\-]{1,31}):([^<>\x00-\x20]*)$/,Ree=function(e,n){var s,o,r,i,a,l,c=e.pos;if(e.src.charCodeAt(c)!==60)return!1;for(a=e.pos,l=e.posMax;;){if(++c>=l||(i=e.src.charCodeAt(c),i===60))return!1;if(i===62)break}return s=e.src.slice(a+1,c),Oee.test(s)?(o=e.md.normalizeLink(s),e.md.validateLink(o)?(n||(r=e.push("link_open","a",1),r.attrs=[["href",o]],r.markup="autolink",r.info="auto",r=e.push("text","",0),r.content=e.md.normalizeLinkText(s),r=e.push("link_close","a",-1),r.markup="autolink",r.info="auto"),e.pos+=s.length+2,!0):!1):Mee.test(s)?(o=e.md.normalizeLink("mailto:"+s),e.md.validateLink(o)?(n||(r=e.push("link_open","a",1),r.attrs=[["href",o]],r.markup="autolink",r.info="auto",r=e.push("text","",0),r.content=e.md.normalizeLinkText(s),r=e.push("link_close","a",-1),r.markup="autolink",r.info="auto"),e.pos+=s.length+2,!0):!1):!1},Nee=hi.HTML_TAG_RE;function Dee(t){return/^\s]/i.test(t)}function Lee(t){return/^<\/a\s*>/i.test(t)}function Iee(t){var e=t|32;return e>=97&&e<=122}var Pee=function(e,n){var s,o,r,i,a=e.pos;return!e.md.options.html||(r=e.posMax,e.src.charCodeAt(a)!==60||a+2>=r)||(s=e.src.charCodeAt(a+1),s!==33&&s!==63&&s!==47&&!Iee(s))||(o=e.src.slice(a).match(Nee),!o)?!1:(n||(i=e.push("html_inline","",0),i.content=e.src.slice(a,a+o[0].length),Dee(i.content)&&e.linkLevel++,Lee(i.content)&&e.linkLevel--),e.pos+=o[0].length,!0)},Eu=tg,Fee=qe.has,Bee=qe.isValidEntityCode,Cu=qe.fromCodePoint,$ee=/^&#((?:x[a-f0-9]{1,6}|[0-9]{1,7}));/i,jee=/^&([a-z][a-z0-9]{1,31});/i,zee=function(e,n){var s,o,r,i,a=e.pos,l=e.posMax;if(e.src.charCodeAt(a)!==38||a+1>=l)return!1;if(s=e.src.charCodeAt(a+1),s===35){if(r=e.src.slice(a).match($ee),r)return n||(o=r[1][0].toLowerCase()==="x"?parseInt(r[1].slice(1),16):parseInt(r[1],10),i=e.push("text_special","",0),i.content=Bee(o)?Cu(o):Cu(65533),i.markup=r[0],i.info="entity"),e.pos+=r[0].length,!0}else if(r=e.src.slice(a).match(jee),r&&Fee(Eu,r[1]))return n||(i=e.push("text_special","",0),i.content=Eu[r[1]],i.markup=r[0],i.info="entity"),e.pos+=r[0].length,!0;return!1};function Au(t,e){var n,s,o,r,i,a,l,c,u={},h=e.length;if(h){var f=0,g=-2,m=[];for(n=0;ni;s-=m[s]+1)if(r=e[s],r.marker===o.marker&&r.open&&r.end<0&&(l=!1,(r.close||o.open)&&(r.length+o.length)%3===0&&(r.length%3!==0||o.length%3!==0)&&(l=!0),!l)){c=s>0&&!e[s-1].open?m[s-1]+1:0,m[n]=n-s+c,m[s]=c,o.open=!1,r.end=n,r.close=!1,a=-1,g=-2;break}a!==-1&&(u[o.marker][(o.open?3:0)+(o.length||0)%3]=a)}}}var Uee=function(e){var n,s=e.tokens_meta,o=e.tokens_meta.length;for(Au(e,e.delimiters),n=0;n0&&o++,r[n].type==="text"&&n+10&&(this.level++,this._prev_delimiters.push(this.delimiters),this.delimiters=[],o={delimiters:this.delimiters}),this.pendingLevel=this.level,this.tokens.push(s),this.tokens_meta.push(o),s};Po.prototype.scanDelims=function(t,e){var n=t,s,o,r,i,a,l,c,u,h,f=!0,g=!0,m=this.posMax,p=this.src.charCodeAt(t);for(s=t>0?this.src.charCodeAt(t-1):32;n=r)break;continue}t.pending+=t.src[t.pos++]}t.pending&&t.pushPending()};Fo.prototype.parse=function(t,e,n,s){var o,r,i,a=new this.State(t,e,n,s);for(this.tokenize(a),r=this.ruler2.getRules(""),i=r.length,o=0;o|$))",e.tpl_email_fuzzy="(^|"+n+'|"|\\(|'+e.src_ZCc+")("+e.src_email_name+"@"+e.tpl_host_fuzzy_strict+")",e.tpl_link_fuzzy="(^|(?![.:/\\-_@])(?:[$+<=>^`||]|"+e.src_ZPCc+"))((?![$+<=>^`||])"+e.tpl_host_port_fuzzy_strict+e.src_path+")",e.tpl_link_no_ip_fuzzy="(^|(?![.:/\\-_@])(?:[$+<=>^`||]|"+e.src_ZPCc+"))((?![$+<=>^`||])"+e.tpl_host_port_no_ip_fuzzy_strict+e.src_path+")",e}),Qi}function ul(t){var e=Array.prototype.slice.call(arguments,1);return e.forEach(function(n){n&&Object.keys(n).forEach(function(s){t[s]=n[s]})}),t}function _i(t){return Object.prototype.toString.call(t)}function Kee(t){return _i(t)==="[object String]"}function Wee(t){return _i(t)==="[object Object]"}function Zee(t){return _i(t)==="[object RegExp]"}function Nu(t){return _i(t)==="[object Function]"}function Yee(t){return t.replace(/[.?*+^$[\]\\(){}|-]/g,"\\$&")}var ug={fuzzyLink:!0,fuzzyEmail:!0,fuzzyIP:!1};function Jee(t){return Object.keys(t||{}).reduce(function(e,n){return e||ug.hasOwnProperty(n)},!1)}var Qee={"http:":{validate:function(t,e,n){var s=t.slice(e);return n.re.http||(n.re.http=new RegExp("^\\/\\/"+n.re.src_auth+n.re.src_host_port_strict+n.re.src_path,"i")),n.re.http.test(s)?s.match(n.re.http)[0].length:0}},"https:":"http:","ftp:":"http:","//":{validate:function(t,e,n){var s=t.slice(e);return n.re.no_http||(n.re.no_http=new RegExp("^"+n.re.src_auth+"(?:localhost|(?:(?:"+n.re.src_domain+")\\.)+"+n.re.src_domain_root+")"+n.re.src_port+n.re.src_host_terminator+n.re.src_path,"i")),n.re.no_http.test(s)?e>=3&&t[e-3]===":"||e>=3&&t[e-3]==="/"?0:s.match(n.re.no_http)[0].length:0}},"mailto:":{validate:function(t,e,n){var s=t.slice(e);return n.re.mailto||(n.re.mailto=new RegExp("^"+n.re.src_email_name+"@"+n.re.src_host_strict,"i")),n.re.mailto.test(s)?s.match(n.re.mailto)[0].length:0}}},Xee="a[cdefgilmnoqrstuwxz]|b[abdefghijmnorstvwyz]|c[acdfghiklmnoruvwxyz]|d[ejkmoz]|e[cegrstu]|f[ijkmor]|g[abdefghilmnpqrstuwy]|h[kmnrtu]|i[delmnoqrst]|j[emop]|k[eghimnprwyz]|l[abcikrstuvy]|m[acdeghklmnopqrstuvwxyz]|n[acefgilopruz]|om|p[aefghklmnrstwy]|qa|r[eosuw]|s[abcdeghijklmnortuvxyz]|t[cdfghjklmnortvwz]|u[agksyz]|v[aceginu]|w[fs]|y[et]|z[amw]",ete="biz|com|edu|gov|net|org|pro|web|xxx|aero|asia|coop|info|museum|name|shop|рф".split("|");function tte(t){t.__index__=-1,t.__text_cache__=""}function nte(t){return function(e,n){var s=e.slice(n);return t.test(s)?s.match(t)[0].length:0}}function Du(){return function(t,e){e.normalize(t)}}function Tr(t){var e=t.re=Gee()(t.__opts__),n=t.__tlds__.slice();t.onCompile(),t.__tlds_replaced__||n.push(Xee),n.push(e.src_xn),e.src_tlds=n.join("|");function s(a){return a.replace("%TLDS%",e.src_tlds)}e.email_fuzzy=RegExp(s(e.tpl_email_fuzzy),"i"),e.link_fuzzy=RegExp(s(e.tpl_link_fuzzy),"i"),e.link_no_ip_fuzzy=RegExp(s(e.tpl_link_no_ip_fuzzy),"i"),e.host_fuzzy_test=RegExp(s(e.tpl_host_fuzzy_test),"i");var o=[];t.__compiled__={};function r(a,l){throw new Error('(LinkifyIt) Invalid schema "'+a+'": '+l)}Object.keys(t.__schemas__).forEach(function(a){var l=t.__schemas__[a];if(l!==null){var c={validate:null,link:null};if(t.__compiled__[a]=c,Wee(l)){Zee(l.validate)?c.validate=nte(l.validate):Nu(l.validate)?c.validate=l.validate:r(a,l),Nu(l.normalize)?c.normalize=l.normalize:l.normalize?r(a,l):c.normalize=Du();return}if(Kee(l)){o.push(a);return}r(a,l)}}),o.forEach(function(a){t.__compiled__[t.__schemas__[a]]&&(t.__compiled__[a].validate=t.__compiled__[t.__schemas__[a]].validate,t.__compiled__[a].normalize=t.__compiled__[t.__schemas__[a]].normalize)}),t.__compiled__[""]={validate:null,normalize:Du()};var i=Object.keys(t.__compiled__).filter(function(a){return a.length>0&&t.__compiled__[a]}).map(Yee).join("|");t.re.schema_test=RegExp("(^|(?!_)(?:[><|]|"+e.src_ZPCc+"))("+i+")","i"),t.re.schema_search=RegExp("(^|(?!_)(?:[><|]|"+e.src_ZPCc+"))("+i+")","ig"),t.re.schema_at_start=RegExp("^"+t.re.schema_search.source,"i"),t.re.pretest=RegExp("("+t.re.schema_test.source+")|("+t.re.host_fuzzy_test.source+")|@","i"),tte(t)}function ste(t,e){var n=t.__index__,s=t.__last_index__,o=t.__text_cache__.slice(n,s);this.schema=t.__schema__.toLowerCase(),this.index=n+e,this.lastIndex=s+e,this.raw=o,this.text=o,this.url=o}function hl(t,e){var n=new ste(t,e);return t.__compiled__[n.schema].normalize(n,t),n}function yt(t,e){if(!(this instanceof yt))return new yt(t,e);e||Jee(t)&&(e=t,t={}),this.__opts__=ul({},ug,e),this.__index__=-1,this.__last_index__=-1,this.__schema__="",this.__text_cache__="",this.__schemas__=ul({},Qee,t),this.__compiled__={},this.__tlds__=ete,this.__tlds_replaced__=!1,this.re={},Tr(this)}yt.prototype.add=function(e,n){return this.__schemas__[e]=n,Tr(this),this};yt.prototype.set=function(e){return this.__opts__=ul(this.__opts__,e),this};yt.prototype.test=function(e){if(this.__text_cache__=e,this.__index__=-1,!e.length)return!1;var n,s,o,r,i,a,l,c,u;if(this.re.schema_test.test(e)){for(l=this.re.schema_search,l.lastIndex=0;(n=l.exec(e))!==null;)if(r=this.testSchemaAt(e,n[2],l.lastIndex),r){this.__schema__=n[2],this.__index__=n.index+n[1].length,this.__last_index__=n.index+n[0].length+r;break}}return this.__opts__.fuzzyLink&&this.__compiled__["http:"]&&(c=e.search(this.re.host_fuzzy_test),c>=0&&(this.__index__<0||c=0&&(o=e.match(this.re.email_fuzzy))!==null&&(i=o.index+o[1].length,a=o.index+o[0].length,(this.__index__<0||ithis.__last_index__)&&(this.__schema__="mailto:",this.__index__=i,this.__last_index__=a))),this.__index__>=0};yt.prototype.pretest=function(e){return this.re.pretest.test(e)};yt.prototype.testSchemaAt=function(e,n,s){return this.__compiled__[n.toLowerCase()]?this.__compiled__[n.toLowerCase()].validate(e,s,this):0};yt.prototype.match=function(e){var n=0,s=[];this.__index__>=0&&this.__text_cache__===e&&(s.push(hl(this,n)),n=this.__last_index__);for(var o=n?e.slice(n):e;this.test(o);)s.push(hl(this,n)),o=o.slice(this.__last_index__),n+=this.__last_index__;return s.length?s:null};yt.prototype.matchAtStart=function(e){if(this.__text_cache__=e,this.__index__=-1,!e.length)return null;var n=this.re.schema_at_start.exec(e);if(!n)return null;var s=this.testSchemaAt(e,n[2],n[0].length);return s?(this.__schema__=n[2],this.__index__=n.index+n[1].length,this.__last_index__=n.index+n[0].length+s,hl(this,0)):null};yt.prototype.tlds=function(e,n){return e=Array.isArray(e)?e:[e],n?(this.__tlds__=this.__tlds__.concat(e).sort().filter(function(s,o,r){return s!==r[o-1]}).reverse(),Tr(this),this):(this.__tlds__=e.slice(),this.__tlds_replaced__=!0,Tr(this),this)};yt.prototype.normalize=function(e){e.schema||(e.url="http://"+e.url),e.schema==="mailto:"&&!/^mailto:/i.test(e.url)&&(e.url="mailto:"+e.url)};yt.prototype.onCompile=function(){};var ote=yt;const ks=2147483647,Ht=36,uc=1,So=26,rte=38,ite=700,hg=72,fg=128,pg="-",ate=/^xn--/,lte=/[^\0-\x7F]/,cte=/[\x2E\u3002\uFF0E\uFF61]/g,dte={overflow:"Overflow: input needs wider integers to process","not-basic":"Illegal input >= 0x80 (not a basic code point)","invalid-input":"Invalid input"},Xi=Ht-uc,Vt=Math.floor,ea=String.fromCharCode;function wn(t){throw new RangeError(dte[t])}function ute(t,e){const n=[];let s=t.length;for(;s--;)n[s]=e(t[s]);return n}function gg(t,e){const n=t.split("@");let s="";n.length>1&&(s=n[0]+"@",t=n[1]),t=t.replace(cte,".");const o=t.split("."),r=ute(o,e).join(".");return s+r}function hc(t){const e=[];let n=0;const s=t.length;for(;n=55296&&o<=56319&&nString.fromCodePoint(...t),hte=function(t){return t>=48&&t<58?26+(t-48):t>=65&&t<91?t-65:t>=97&&t<123?t-97:Ht},Lu=function(t,e){return t+22+75*(t<26)-((e!=0)<<5)},_g=function(t,e,n){let s=0;for(t=n?Vt(t/ite):t>>1,t+=Vt(t/e);t>Xi*So>>1;s+=Ht)t=Vt(t/Xi);return Vt(s+(Xi+1)*t/(t+rte))},fc=function(t){const e=[],n=t.length;let s=0,o=fg,r=hg,i=t.lastIndexOf(pg);i<0&&(i=0);for(let a=0;a=128&&wn("not-basic"),e.push(t.charCodeAt(a));for(let a=i>0?i+1:0;a=n&&wn("invalid-input");const f=hte(t.charCodeAt(a++));f>=Ht&&wn("invalid-input"),f>Vt((ks-s)/u)&&wn("overflow"),s+=f*u;const g=h<=r?uc:h>=r+So?So:h-r;if(fVt(ks/m)&&wn("overflow"),u*=m}const c=e.length+1;r=_g(s-l,c,l==0),Vt(s/c)>ks-o&&wn("overflow"),o+=Vt(s/c),s%=c,e.splice(s++,0,o)}return String.fromCodePoint(...e)},pc=function(t){const e=[];t=hc(t);const n=t.length;let s=fg,o=0,r=hg;for(const l of t)l<128&&e.push(ea(l));const i=e.length;let a=i;for(i&&e.push(pg);a=s&&uVt((ks-o)/c)&&wn("overflow"),o+=(l-s)*c,s=l;for(const u of t)if(uks&&wn("overflow"),u===s){let h=o;for(let f=Ht;;f+=Ht){const g=f<=r?uc:f>=r+So?So:f-r;if(h=0))try{e.hostname=vg.toASCII(e.hostname)}catch{}return Gn.encode(Gn.format(e))}function Ote(t){var e=Gn.parse(t,!0);if(e.hostname&&(!e.protocol||wg.indexOf(e.protocol)>=0))try{e.hostname=vg.toUnicode(e.hostname)}catch{}return Gn.decode(Gn.format(e),Gn.decode.defaultChars+"%")}function Mt(t,e){if(!(this instanceof Mt))return new Mt(t,e);e||co.isString(t)||(e=t||{},t="default"),this.inline=new kte,this.block=new xte,this.core=new wte,this.renderer=new vte,this.linkify=new Ete,this.validateLink=Tte,this.normalizeLink=Mte,this.normalizeLinkText=Ote,this.utils=co,this.helpers=co.assign({},yte),this.options={},this.configure(t),e&&this.set(e)}Mt.prototype.set=function(t){return co.assign(this.options,t),this};Mt.prototype.configure=function(t){var e=this,n;if(co.isString(t)&&(n=t,t=Cte[n],!t))throw new Error('Wrong `markdown-it` preset "'+n+'", check name');if(!t)throw new Error("Wrong `markdown-it` preset, can't be empty");return t.options&&e.set(t.options),t.components&&Object.keys(t.components).forEach(function(s){t.components[s].rules&&e[s].ruler.enableOnly(t.components[s].rules),t.components[s].rules2&&e[s].ruler2.enableOnly(t.components[s].rules2)}),this};Mt.prototype.enable=function(t,e){var n=[];Array.isArray(t)||(t=[t]),["core","block","inline"].forEach(function(o){n=n.concat(this[o].ruler.enable(t,!0))},this),n=n.concat(this.inline.ruler2.enable(t,!0));var s=t.filter(function(o){return n.indexOf(o)<0});if(s.length&&!e)throw new Error("MarkdownIt. Failed to enable unknown rule(s): "+s);return this};Mt.prototype.disable=function(t,e){var n=[];Array.isArray(t)||(t=[t]),["core","block","inline"].forEach(function(o){n=n.concat(this[o].ruler.disable(t,!0))},this),n=n.concat(this.inline.ruler2.disable(t,!0));var s=t.filter(function(o){return n.indexOf(o)<0});if(s.length&&!e)throw new Error("MarkdownIt. Failed to disable unknown rule(s): "+s);return this};Mt.prototype.use=function(t){var e=[this].concat(Array.prototype.slice.call(arguments,1));return t.apply(t,e),this};Mt.prototype.parse=function(t,e){if(typeof t!="string")throw new Error("Input data should be a String");var n=new this.core.State(t,this,e);return this.core.process(n),n.tokens};Mt.prototype.render=function(t,e){return e=e||{},this.renderer.render(this.parse(t,e),this.options,e)};Mt.prototype.parseInline=function(t,e){var n=new this.core.State(t,this,e);return n.inlineMode=!0,this.core.process(n),n.tokens};Mt.prototype.renderInline=function(t,e){return e=e||{},this.renderer.render(this.parseInline(t,e),this.options,e)};var Rte=Mt,Nte=Rte;const Dte=is(Nte),Lte="😀",Ite="😃",Pte="😄",Fte="😁",Bte="😆",$te="😆",jte="😅",zte="🤣",Ute="😂",qte="🙂",Hte="🙃",Vte="😉",Gte="😊",Kte="😇",Wte="🥰",Zte="😍",Yte="🤩",Jte="😘",Qte="😗",Xte="☺️",ene="😚",tne="😙",nne="🥲",sne="😋",one="😛",rne="😜",ine="🤪",ane="😝",lne="🤑",cne="🤗",dne="🤭",une="🤫",hne="🤔",fne="🤐",pne="🤨",gne="😐",mne="😑",_ne="😶",bne="😏",yne="😒",vne="🙄",wne="😬",xne="🤥",kne="😌",Ene="😔",Cne="😪",Ane="🤤",Sne="😴",Tne="😷",Mne="🤒",One="🤕",Rne="🤢",Nne="🤮",Dne="🤧",Lne="🥵",Ine="🥶",Pne="🥴",Fne="😵",Bne="🤯",$ne="🤠",jne="🥳",zne="🥸",Une="😎",qne="🤓",Hne="🧐",Vne="😕",Gne="😟",Kne="🙁",Wne="☹️",Zne="😮",Yne="😯",Jne="😲",Qne="😳",Xne="🥺",ese="😦",tse="😧",nse="😨",sse="😰",ose="😥",rse="😢",ise="😭",ase="😱",lse="😖",cse="😣",dse="😞",use="😓",hse="😩",fse="😫",pse="🥱",gse="😤",mse="😡",_se="😡",bse="😠",yse="🤬",vse="😈",wse="👿",xse="💀",kse="☠️",Ese="💩",Cse="💩",Ase="💩",Sse="🤡",Tse="👹",Mse="👺",Ose="👻",Rse="👽",Nse="👾",Dse="🤖",Lse="😺",Ise="😸",Pse="😹",Fse="😻",Bse="😼",$se="😽",jse="🙀",zse="😿",Use="😾",qse="🙈",Hse="🙉",Vse="🙊",Gse="💋",Kse="💌",Wse="💘",Zse="💝",Yse="💖",Jse="💗",Qse="💓",Xse="💞",eoe="💕",toe="💟",noe="❣️",soe="💔",ooe="❤️",roe="🧡",ioe="💛",aoe="💚",loe="💙",coe="💜",doe="🤎",uoe="🖤",hoe="🤍",foe="💢",poe="💥",goe="💥",moe="💫",_oe="💦",boe="💨",yoe="🕳️",voe="💣",woe="💬",xoe="👁️‍🗨️",koe="🗨️",Eoe="🗯️",Coe="💭",Aoe="💤",Soe="👋",Toe="🤚",Moe="🖐️",Ooe="✋",Roe="✋",Noe="🖖",Doe="👌",Loe="🤌",Ioe="🤏",Poe="✌️",Foe="🤞",Boe="🤟",$oe="🤘",joe="🤙",zoe="👈",Uoe="👉",qoe="👆",Hoe="🖕",Voe="🖕",Goe="👇",Koe="☝️",Woe="👍",Zoe="👎",Yoe="✊",Joe="✊",Qoe="👊",Xoe="👊",ere="👊",tre="🤛",nre="🤜",sre="👏",ore="🙌",rre="👐",ire="🤲",are="🤝",lre="🙏",cre="✍️",dre="💅",ure="🤳",hre="💪",fre="🦾",pre="🦿",gre="🦵",mre="🦶",_re="👂",bre="🦻",yre="👃",vre="🧠",wre="🫀",xre="🫁",kre="🦷",Ere="🦴",Cre="👀",Are="👁️",Sre="👅",Tre="👄",Mre="👶",Ore="🧒",Rre="👦",Nre="👧",Dre="🧑",Lre="👱",Ire="👨",Pre="🧔",Fre="👨‍🦰",Bre="👨‍🦱",$re="👨‍🦳",jre="👨‍🦲",zre="👩",Ure="👩‍🦰",qre="🧑‍🦰",Hre="👩‍🦱",Vre="🧑‍🦱",Gre="👩‍🦳",Kre="🧑‍🦳",Wre="👩‍🦲",Zre="🧑‍🦲",Yre="👱‍♀️",Jre="👱‍♀️",Qre="👱‍♂️",Xre="🧓",eie="👴",tie="👵",nie="🙍",sie="🙍‍♂️",oie="🙍‍♀️",rie="🙎",iie="🙎‍♂️",aie="🙎‍♀️",lie="🙅",cie="🙅‍♂️",die="🙅‍♂️",uie="🙅‍♀️",hie="🙅‍♀️",fie="🙆",pie="🙆‍♂️",gie="🙆‍♀️",mie="💁",_ie="💁",bie="💁‍♂️",yie="💁‍♂️",vie="💁‍♀️",wie="💁‍♀️",xie="🙋",kie="🙋‍♂️",Eie="🙋‍♀️",Cie="🧏",Aie="🧏‍♂️",Sie="🧏‍♀️",Tie="🙇",Mie="🙇‍♂️",Oie="🙇‍♀️",Rie="🤦",Nie="🤦‍♂️",Die="🤦‍♀️",Lie="🤷",Iie="🤷‍♂️",Pie="🤷‍♀️",Fie="🧑‍⚕️",Bie="👨‍⚕️",$ie="👩‍⚕️",jie="🧑‍🎓",zie="👨‍🎓",Uie="👩‍🎓",qie="🧑‍🏫",Hie="👨‍🏫",Vie="👩‍🏫",Gie="🧑‍⚖️",Kie="👨‍⚖️",Wie="👩‍⚖️",Zie="🧑‍🌾",Yie="👨‍🌾",Jie="👩‍🌾",Qie="🧑‍🍳",Xie="👨‍🍳",eae="👩‍🍳",tae="🧑‍🔧",nae="👨‍🔧",sae="👩‍🔧",oae="🧑‍🏭",rae="👨‍🏭",iae="👩‍🏭",aae="🧑‍💼",lae="👨‍💼",cae="👩‍💼",dae="🧑‍🔬",uae="👨‍🔬",hae="👩‍🔬",fae="🧑‍💻",pae="👨‍💻",gae="👩‍💻",mae="🧑‍🎤",_ae="👨‍🎤",bae="👩‍🎤",yae="🧑‍🎨",vae="👨‍🎨",wae="👩‍🎨",xae="🧑‍✈️",kae="👨‍✈️",Eae="👩‍✈️",Cae="🧑‍🚀",Aae="👨‍🚀",Sae="👩‍🚀",Tae="🧑‍🚒",Mae="👨‍🚒",Oae="👩‍🚒",Rae="👮",Nae="👮",Dae="👮‍♂️",Lae="👮‍♀️",Iae="🕵️",Pae="🕵️‍♂️",Fae="🕵️‍♀️",Bae="💂",$ae="💂‍♂️",jae="💂‍♀️",zae="🥷",Uae="👷",qae="👷‍♂️",Hae="👷‍♀️",Vae="🤴",Gae="👸",Kae="👳",Wae="👳‍♂️",Zae="👳‍♀️",Yae="👲",Jae="🧕",Qae="🤵",Xae="🤵‍♂️",ele="🤵‍♀️",tle="👰",nle="👰‍♂️",sle="👰‍♀️",ole="👰‍♀️",rle="🤰",ile="🤱",ale="👩‍🍼",lle="👨‍🍼",cle="🧑‍🍼",dle="👼",ule="🎅",hle="🤶",fle="🧑‍🎄",ple="🦸",gle="🦸‍♂️",mle="🦸‍♀️",_le="🦹",ble="🦹‍♂️",yle="🦹‍♀️",vle="🧙",wle="🧙‍♂️",xle="🧙‍♀️",kle="🧚",Ele="🧚‍♂️",Cle="🧚‍♀️",Ale="🧛",Sle="🧛‍♂️",Tle="🧛‍♀️",Mle="🧜",Ole="🧜‍♂️",Rle="🧜‍♀️",Nle="🧝",Dle="🧝‍♂️",Lle="🧝‍♀️",Ile="🧞",Ple="🧞‍♂️",Fle="🧞‍♀️",Ble="🧟",$le="🧟‍♂️",jle="🧟‍♀️",zle="💆",Ule="💆‍♂️",qle="💆‍♀️",Hle="💇",Vle="💇‍♂️",Gle="💇‍♀️",Kle="🚶",Wle="🚶‍♂️",Zle="🚶‍♀️",Yle="🧍",Jle="🧍‍♂️",Qle="🧍‍♀️",Xle="🧎",ece="🧎‍♂️",tce="🧎‍♀️",nce="🧑‍🦯",sce="👨‍🦯",oce="👩‍🦯",rce="🧑‍🦼",ice="👨‍🦼",ace="👩‍🦼",lce="🧑‍🦽",cce="👨‍🦽",dce="👩‍🦽",uce="🏃",hce="🏃",fce="🏃‍♂️",pce="🏃‍♀️",gce="💃",mce="💃",_ce="🕺",bce="🕴️",yce="👯",vce="👯‍♂️",wce="👯‍♀️",xce="🧖",kce="🧖‍♂️",Ece="🧖‍♀️",Cce="🧗",Ace="🧗‍♂️",Sce="🧗‍♀️",Tce="🤺",Mce="🏇",Oce="⛷️",Rce="🏂",Nce="🏌️",Dce="🏌️‍♂️",Lce="🏌️‍♀️",Ice="🏄",Pce="🏄‍♂️",Fce="🏄‍♀️",Bce="🚣",$ce="🚣‍♂️",jce="🚣‍♀️",zce="🏊",Uce="🏊‍♂️",qce="🏊‍♀️",Hce="⛹️",Vce="⛹️‍♂️",Gce="⛹️‍♂️",Kce="⛹️‍♀️",Wce="⛹️‍♀️",Zce="🏋️",Yce="🏋️‍♂️",Jce="🏋️‍♀️",Qce="🚴",Xce="🚴‍♂️",ede="🚴‍♀️",tde="🚵",nde="🚵‍♂️",sde="🚵‍♀️",ode="🤸",rde="🤸‍♂️",ide="🤸‍♀️",ade="🤼",lde="🤼‍♂️",cde="🤼‍♀️",dde="🤽",ude="🤽‍♂️",hde="🤽‍♀️",fde="🤾",pde="🤾‍♂️",gde="🤾‍♀️",mde="🤹",_de="🤹‍♂️",bde="🤹‍♀️",yde="🧘",vde="🧘‍♂️",wde="🧘‍♀️",xde="🛀",kde="🛌",Ede="🧑‍🤝‍🧑",Cde="👭",Ade="👫",Sde="👬",Tde="💏",Mde="👩‍❤️‍💋‍👨",Ode="👨‍❤️‍💋‍👨",Rde="👩‍❤️‍💋‍👩",Nde="💑",Dde="👩‍❤️‍👨",Lde="👨‍❤️‍👨",Ide="👩‍❤️‍👩",Pde="👪",Fde="👨‍👩‍👦",Bde="👨‍👩‍👧",$de="👨‍👩‍👧‍👦",jde="👨‍👩‍👦‍👦",zde="👨‍👩‍👧‍👧",Ude="👨‍👨‍👦",qde="👨‍👨‍👧",Hde="👨‍👨‍👧‍👦",Vde="👨‍👨‍👦‍👦",Gde="👨‍👨‍👧‍👧",Kde="👩‍👩‍👦",Wde="👩‍👩‍👧",Zde="👩‍👩‍👧‍👦",Yde="👩‍👩‍👦‍👦",Jde="👩‍👩‍👧‍👧",Qde="👨‍👦",Xde="👨‍👦‍👦",eue="👨‍👧",tue="👨‍👧‍👦",nue="👨‍👧‍👧",sue="👩‍👦",oue="👩‍👦‍👦",rue="👩‍👧",iue="👩‍👧‍👦",aue="👩‍👧‍👧",lue="🗣️",cue="👤",due="👥",uue="🫂",hue="👣",fue="🐵",pue="🐒",gue="🦍",mue="🦧",_ue="🐶",bue="🐕",yue="🦮",vue="🐕‍🦺",wue="🐩",xue="🐺",kue="🦊",Eue="🦝",Cue="🐱",Aue="🐈",Sue="🐈‍⬛",Tue="🦁",Mue="🐯",Oue="🐅",Rue="🐆",Nue="🐴",Due="🐎",Lue="🦄",Iue="🦓",Pue="🦌",Fue="🦬",Bue="🐮",$ue="🐂",jue="🐃",zue="🐄",Uue="🐷",que="🐖",Hue="🐗",Vue="🐽",Gue="🐏",Kue="🐑",Wue="🐐",Zue="🐪",Yue="🐫",Jue="🦙",Que="🦒",Xue="🐘",ehe="🦣",the="🦏",nhe="🦛",she="🐭",ohe="🐁",rhe="🐀",ihe="🐹",ahe="🐰",lhe="🐇",che="🐿️",dhe="🦫",uhe="🦔",hhe="🦇",fhe="🐻",phe="🐻‍❄️",ghe="🐨",mhe="🐼",_he="🦥",bhe="🦦",yhe="🦨",vhe="🦘",whe="🦡",xhe="🐾",khe="🐾",Ehe="🦃",Che="🐔",Ahe="🐓",She="🐣",The="🐤",Mhe="🐥",Ohe="🐦",Rhe="🐧",Nhe="🕊️",Dhe="🦅",Lhe="🦆",Ihe="🦢",Phe="🦉",Fhe="🦤",Bhe="🪶",$he="🦩",jhe="🦚",zhe="🦜",Uhe="🐸",qhe="🐊",Hhe="🐢",Vhe="🦎",Ghe="🐍",Khe="🐲",Whe="🐉",Zhe="🦕",Yhe="🐳",Jhe="🐋",Qhe="🐬",Xhe="🐬",efe="🦭",tfe="🐟",nfe="🐠",sfe="🐡",ofe="🦈",rfe="🐙",ife="🐚",afe="🐌",lfe="🦋",cfe="🐛",dfe="🐜",ufe="🐝",hfe="🐝",ffe="🪲",pfe="🐞",gfe="🦗",mfe="🪳",_fe="🕷️",bfe="🕸️",yfe="🦂",vfe="🦟",wfe="🪰",xfe="🪱",kfe="🦠",Efe="💐",Cfe="🌸",Afe="💮",Sfe="🏵️",Tfe="🌹",Mfe="🥀",Ofe="🌺",Rfe="🌻",Nfe="🌼",Dfe="🌷",Lfe="🌱",Ife="🪴",Pfe="🌲",Ffe="🌳",Bfe="🌴",$fe="🌵",jfe="🌾",zfe="🌿",Ufe="☘️",qfe="🍀",Hfe="🍁",Vfe="🍂",Gfe="🍃",Kfe="🍇",Wfe="🍈",Zfe="🍉",Yfe="🍊",Jfe="🍊",Qfe="🍊",Xfe="🍋",epe="🍌",tpe="🍍",npe="🥭",spe="🍎",ope="🍏",rpe="🍐",ipe="🍑",ape="🍒",lpe="🍓",cpe="🫐",dpe="🥝",upe="🍅",hpe="🫒",fpe="🥥",ppe="🥑",gpe="🍆",mpe="🥔",_pe="🥕",bpe="🌽",ype="🌶️",vpe="🫑",wpe="🥒",xpe="🥬",kpe="🥦",Epe="🧄",Cpe="🧅",Ape="🍄",Spe="🥜",Tpe="🌰",Mpe="🍞",Ope="🥐",Rpe="🥖",Npe="🫓",Dpe="🥨",Lpe="🥯",Ipe="🥞",Ppe="🧇",Fpe="🧀",Bpe="🍖",$pe="🍗",jpe="🥩",zpe="🥓",Upe="🍔",qpe="🍟",Hpe="🍕",Vpe="🌭",Gpe="🥪",Kpe="🌮",Wpe="🌯",Zpe="🫔",Ype="🥙",Jpe="🧆",Qpe="🥚",Xpe="🍳",ege="🥘",tge="🍲",nge="🫕",sge="🥣",oge="🥗",rge="🍿",ige="🧈",age="🧂",lge="🥫",cge="🍱",dge="🍘",uge="🍙",hge="🍚",fge="🍛",pge="🍜",gge="🍝",mge="🍠",_ge="🍢",bge="🍣",yge="🍤",vge="🍥",wge="🥮",xge="🍡",kge="🥟",Ege="🥠",Cge="🥡",Age="🦀",Sge="🦞",Tge="🦐",Mge="🦑",Oge="🦪",Rge="🍦",Nge="🍧",Dge="🍨",Lge="🍩",Ige="🍪",Pge="🎂",Fge="🍰",Bge="🧁",$ge="🥧",jge="🍫",zge="🍬",Uge="🍭",qge="🍮",Hge="🍯",Vge="🍼",Gge="🥛",Kge="☕",Wge="🫖",Zge="🍵",Yge="🍶",Jge="🍾",Qge="🍷",Xge="🍸",eme="🍹",tme="🍺",nme="🍻",sme="🥂",ome="🥃",rme="🥤",ime="🧋",ame="🧃",lme="🧉",cme="🧊",dme="🥢",ume="🍽️",hme="🍴",fme="🥄",pme="🔪",gme="🔪",mme="🏺",_me="🌍",bme="🌎",yme="🌏",vme="🌐",wme="🗺️",xme="🗾",kme="🧭",Eme="🏔️",Cme="⛰️",Ame="🌋",Sme="🗻",Tme="🏕️",Mme="🏖️",Ome="🏜️",Rme="🏝️",Nme="🏞️",Dme="🏟️",Lme="🏛️",Ime="🏗️",Pme="🧱",Fme="🪨",Bme="🪵",$me="🛖",jme="🏘️",zme="🏚️",Ume="🏠",qme="🏡",Hme="🏢",Vme="🏣",Gme="🏤",Kme="🏥",Wme="🏦",Zme="🏨",Yme="🏩",Jme="🏪",Qme="🏫",Xme="🏬",e_e="🏭",t_e="🏯",n_e="🏰",s_e="💒",o_e="🗼",r_e="🗽",i_e="⛪",a_e="🕌",l_e="🛕",c_e="🕍",d_e="⛩️",u_e="🕋",h_e="⛲",f_e="⛺",p_e="🌁",g_e="🌃",m_e="🏙️",__e="🌄",b_e="🌅",y_e="🌆",v_e="🌇",w_e="🌉",x_e="♨️",k_e="🎠",E_e="🎡",C_e="🎢",A_e="💈",S_e="🎪",T_e="🚂",M_e="🚃",O_e="🚄",R_e="🚅",N_e="🚆",D_e="🚇",L_e="🚈",I_e="🚉",P_e="🚊",F_e="🚝",B_e="🚞",$_e="🚋",j_e="🚌",z_e="🚍",U_e="🚎",q_e="🚐",H_e="🚑",V_e="🚒",G_e="🚓",K_e="🚔",W_e="🚕",Z_e="🚖",Y_e="🚗",J_e="🚗",Q_e="🚘",X_e="🚙",e1e="🛻",t1e="🚚",n1e="🚛",s1e="🚜",o1e="🏎️",r1e="🏍️",i1e="🛵",a1e="🦽",l1e="🦼",c1e="🛺",d1e="🚲",u1e="🛴",h1e="🛹",f1e="🛼",p1e="🚏",g1e="🛣️",m1e="🛤️",_1e="🛢️",b1e="⛽",y1e="🚨",v1e="🚥",w1e="🚦",x1e="🛑",k1e="🚧",E1e="⚓",C1e="⛵",A1e="⛵",S1e="🛶",T1e="🚤",M1e="🛳️",O1e="⛴️",R1e="🛥️",N1e="🚢",D1e="✈️",L1e="🛩️",I1e="🛫",P1e="🛬",F1e="🪂",B1e="💺",$1e="🚁",j1e="🚟",z1e="🚠",U1e="🚡",q1e="🛰️",H1e="🚀",V1e="🛸",G1e="🛎️",K1e="🧳",W1e="⌛",Z1e="⏳",Y1e="⌚",J1e="⏰",Q1e="⏱️",X1e="⏲️",e0e="🕰️",t0e="🕛",n0e="🕧",s0e="🕐",o0e="🕜",r0e="🕑",i0e="🕝",a0e="🕒",l0e="🕞",c0e="🕓",d0e="🕟",u0e="🕔",h0e="🕠",f0e="🕕",p0e="🕡",g0e="🕖",m0e="🕢",_0e="🕗",b0e="🕣",y0e="🕘",v0e="🕤",w0e="🕙",x0e="🕥",k0e="🕚",E0e="🕦",C0e="🌑",A0e="🌒",S0e="🌓",T0e="🌔",M0e="🌔",O0e="🌕",R0e="🌖",N0e="🌗",D0e="🌘",L0e="🌙",I0e="🌚",P0e="🌛",F0e="🌜",B0e="🌡️",$0e="☀️",j0e="🌝",z0e="🌞",U0e="🪐",q0e="⭐",H0e="🌟",V0e="🌠",G0e="🌌",K0e="☁️",W0e="⛅",Z0e="⛈️",Y0e="🌤️",J0e="🌥️",Q0e="🌦️",X0e="🌧️",ebe="🌨️",tbe="🌩️",nbe="🌪️",sbe="🌫️",obe="🌬️",rbe="🌀",ibe="🌈",abe="🌂",lbe="☂️",cbe="☔",dbe="⛱️",ube="⚡",hbe="❄️",fbe="☃️",pbe="⛄",gbe="☄️",mbe="🔥",_be="💧",bbe="🌊",ybe="🎃",vbe="🎄",wbe="🎆",xbe="🎇",kbe="🧨",Ebe="✨",Cbe="🎈",Abe="🎉",Sbe="🎊",Tbe="🎋",Mbe="🎍",Obe="🎎",Rbe="🎏",Nbe="🎐",Dbe="🎑",Lbe="🧧",Ibe="🎀",Pbe="🎁",Fbe="🎗️",Bbe="🎟️",$be="🎫",jbe="🎖️",zbe="🏆",Ube="🏅",qbe="⚽",Hbe="⚾",Vbe="🥎",Gbe="🏀",Kbe="🏐",Wbe="🏈",Zbe="🏉",Ybe="🎾",Jbe="🥏",Qbe="🎳",Xbe="🏏",eye="🏑",tye="🏒",nye="🥍",sye="🏓",oye="🏸",rye="🥊",iye="🥋",aye="🥅",lye="⛳",cye="⛸️",dye="🎣",uye="🤿",hye="🎽",fye="🎿",pye="🛷",gye="🥌",mye="🎯",_ye="🪀",bye="🪁",yye="🔮",vye="🪄",wye="🧿",xye="🎮",kye="🕹️",Eye="🎰",Cye="🎲",Aye="🧩",Sye="🧸",Tye="🪅",Mye="🪆",Oye="♠️",Rye="♥️",Nye="♦️",Dye="♣️",Lye="♟️",Iye="🃏",Pye="🀄",Fye="🎴",Bye="🎭",$ye="🖼️",jye="🎨",zye="🧵",Uye="🪡",qye="🧶",Hye="🪢",Vye="👓",Gye="🕶️",Kye="🥽",Wye="🥼",Zye="🦺",Yye="👔",Jye="👕",Qye="👕",Xye="👖",e2e="🧣",t2e="🧤",n2e="🧥",s2e="🧦",o2e="👗",r2e="👘",i2e="🥻",a2e="🩱",l2e="🩲",c2e="🩳",d2e="👙",u2e="👚",h2e="👛",f2e="👜",p2e="👝",g2e="🛍️",m2e="🎒",_2e="🩴",b2e="👞",y2e="👞",v2e="👟",w2e="🥾",x2e="🥿",k2e="👠",E2e="👡",C2e="🩰",A2e="👢",S2e="👑",T2e="👒",M2e="🎩",O2e="🎓",R2e="🧢",N2e="🪖",D2e="⛑️",L2e="📿",I2e="💄",P2e="💍",F2e="💎",B2e="🔇",$2e="🔈",j2e="🔉",z2e="🔊",U2e="📢",q2e="📣",H2e="📯",V2e="🔔",G2e="🔕",K2e="🎼",W2e="🎵",Z2e="🎶",Y2e="🎙️",J2e="🎚️",Q2e="🎛️",X2e="🎤",eve="🎧",tve="📻",nve="🎷",sve="🪗",ove="🎸",rve="🎹",ive="🎺",ave="🎻",lve="🪕",cve="🥁",dve="🪘",uve="📱",hve="📲",fve="☎️",pve="☎️",gve="📞",mve="📟",_ve="📠",bve="🔋",yve="🔌",vve="💻",wve="🖥️",xve="🖨️",kve="⌨️",Eve="🖱️",Cve="🖲️",Ave="💽",Sve="💾",Tve="💿",Mve="📀",Ove="🧮",Rve="🎥",Nve="🎞️",Dve="📽️",Lve="🎬",Ive="📺",Pve="📷",Fve="📸",Bve="📹",$ve="📼",jve="🔍",zve="🔎",Uve="🕯️",qve="💡",Hve="🔦",Vve="🏮",Gve="🏮",Kve="🪔",Wve="📔",Zve="📕",Yve="📖",Jve="📖",Qve="📗",Xve="📘",ewe="📙",twe="📚",nwe="📓",swe="📒",owe="📃",rwe="📜",iwe="📄",awe="📰",lwe="🗞️",cwe="📑",dwe="🔖",uwe="🏷️",hwe="💰",fwe="🪙",pwe="💴",gwe="💵",mwe="💶",_we="💷",bwe="💸",ywe="💳",vwe="🧾",wwe="💹",xwe="✉️",kwe="📧",Ewe="📨",Cwe="📩",Awe="📤",Swe="📥",Twe="📫",Mwe="📪",Owe="📬",Rwe="📭",Nwe="📮",Dwe="🗳️",Lwe="✏️",Iwe="✒️",Pwe="🖋️",Fwe="🖊️",Bwe="🖌️",$we="🖍️",jwe="📝",zwe="📝",Uwe="💼",qwe="📁",Hwe="📂",Vwe="🗂️",Gwe="📅",Kwe="📆",Wwe="🗒️",Zwe="🗓️",Ywe="📇",Jwe="📈",Qwe="📉",Xwe="📊",exe="📋",txe="📌",nxe="📍",sxe="📎",oxe="🖇️",rxe="📏",ixe="📐",axe="✂️",lxe="🗃️",cxe="🗄️",dxe="🗑️",uxe="🔒",hxe="🔓",fxe="🔏",pxe="🔐",gxe="🔑",mxe="🗝️",_xe="🔨",bxe="🪓",yxe="⛏️",vxe="⚒️",wxe="🛠️",xxe="🗡️",kxe="⚔️",Exe="🔫",Cxe="🪃",Axe="🏹",Sxe="🛡️",Txe="🪚",Mxe="🔧",Oxe="🪛",Rxe="🔩",Nxe="⚙️",Dxe="🗜️",Lxe="⚖️",Ixe="🦯",Pxe="🔗",Fxe="⛓️",Bxe="🪝",$xe="🧰",jxe="🧲",zxe="🪜",Uxe="⚗️",qxe="🧪",Hxe="🧫",Vxe="🧬",Gxe="🔬",Kxe="🔭",Wxe="📡",Zxe="💉",Yxe="🩸",Jxe="💊",Qxe="🩹",Xxe="🩺",eke="🚪",tke="🛗",nke="🪞",ske="🪟",oke="🛏️",rke="🛋️",ike="🪑",ake="🚽",lke="🪠",cke="🚿",dke="🛁",uke="🪤",hke="🪒",fke="🧴",pke="🧷",gke="🧹",mke="🧺",_ke="🧻",bke="🪣",yke="🧼",vke="🪥",wke="🧽",xke="🧯",kke="🛒",Eke="🚬",Cke="⚰️",Ake="🪦",Ske="⚱️",Tke="🗿",Mke="🪧",Oke="🏧",Rke="🚮",Nke="🚰",Dke="♿",Lke="🚹",Ike="🚺",Pke="🚻",Fke="🚼",Bke="🚾",$ke="🛂",jke="🛃",zke="🛄",Uke="🛅",qke="⚠️",Hke="🚸",Vke="⛔",Gke="🚫",Kke="🚳",Wke="🚭",Zke="🚯",Yke="🚷",Jke="📵",Qke="🔞",Xke="☢️",e5e="☣️",t5e="⬆️",n5e="↗️",s5e="➡️",o5e="↘️",r5e="⬇️",i5e="↙️",a5e="⬅️",l5e="↖️",c5e="↕️",d5e="↔️",u5e="↩️",h5e="↪️",f5e="⤴️",p5e="⤵️",g5e="🔃",m5e="🔄",_5e="🔙",b5e="🔚",y5e="🔛",v5e="🔜",w5e="🔝",x5e="🛐",k5e="⚛️",E5e="🕉️",C5e="✡️",A5e="☸️",S5e="☯️",T5e="✝️",M5e="☦️",O5e="☪️",R5e="☮️",N5e="🕎",D5e="🔯",L5e="♈",I5e="♉",P5e="♊",F5e="♋",B5e="♌",$5e="♍",j5e="♎",z5e="♏",U5e="♐",q5e="♑",H5e="♒",V5e="♓",G5e="⛎",K5e="🔀",W5e="🔁",Z5e="🔂",Y5e="▶️",J5e="⏩",Q5e="⏭️",X5e="⏯️",eEe="◀️",tEe="⏪",nEe="⏮️",sEe="🔼",oEe="⏫",rEe="🔽",iEe="⏬",aEe="⏸️",lEe="⏹️",cEe="⏺️",dEe="⏏️",uEe="🎦",hEe="🔅",fEe="🔆",pEe="📶",gEe="📳",mEe="📴",_Ee="♀️",bEe="♂️",yEe="⚧️",vEe="✖️",wEe="➕",xEe="➖",kEe="➗",EEe="♾️",CEe="‼️",AEe="⁉️",SEe="❓",TEe="❔",MEe="❕",OEe="❗",REe="❗",NEe="〰️",DEe="💱",LEe="💲",IEe="⚕️",PEe="♻️",FEe="⚜️",BEe="🔱",$Ee="📛",jEe="🔰",zEe="⭕",UEe="✅",qEe="☑️",HEe="✔️",VEe="❌",GEe="❎",KEe="➰",WEe="➿",ZEe="〽️",YEe="✳️",JEe="✴️",QEe="❇️",XEe="©️",e4e="®️",t4e="™️",n4e="#️⃣",s4e="*️⃣",o4e="0️⃣",r4e="1️⃣",i4e="2️⃣",a4e="3️⃣",l4e="4️⃣",c4e="5️⃣",d4e="6️⃣",u4e="7️⃣",h4e="8️⃣",f4e="9️⃣",p4e="🔟",g4e="🔠",m4e="🔡",_4e="🔣",b4e="🔤",y4e="🅰️",v4e="🆎",w4e="🅱️",x4e="🆑",k4e="🆒",E4e="🆓",C4e="ℹ️",A4e="🆔",S4e="Ⓜ️",T4e="🆖",M4e="🅾️",O4e="🆗",R4e="🅿️",N4e="🆘",D4e="🆙",L4e="🆚",I4e="🈁",P4e="🈂️",F4e="🉐",B4e="🉑",$4e="㊗️",j4e="㊙️",z4e="🈵",U4e="🔴",q4e="🟠",H4e="🟡",V4e="🟢",G4e="🔵",K4e="🟣",W4e="🟤",Z4e="⚫",Y4e="⚪",J4e="🟥",Q4e="🟧",X4e="🟨",e8e="🟩",t8e="🟦",n8e="🟪",s8e="🟫",o8e="⬛",r8e="⬜",i8e="◼️",a8e="◻️",l8e="◾",c8e="◽",d8e="▪️",u8e="▫️",h8e="🔶",f8e="🔷",p8e="🔸",g8e="🔹",m8e="🔺",_8e="🔻",b8e="💠",y8e="🔘",v8e="🔳",w8e="🔲",x8e="🏁",k8e="🚩",E8e="🎌",C8e="🏴",A8e="🏳️",S8e="🏳️‍🌈",T8e="🏳️‍⚧️",M8e="🏴‍☠️",O8e="🇦🇨",R8e="🇦🇩",N8e="🇦🇪",D8e="🇦🇫",L8e="🇦🇬",I8e="🇦🇮",P8e="🇦🇱",F8e="🇦🇲",B8e="🇦🇴",$8e="🇦🇶",j8e="🇦🇷",z8e="🇦🇸",U8e="🇦🇹",q8e="🇦🇺",H8e="🇦🇼",V8e="🇦🇽",G8e="🇦🇿",K8e="🇧🇦",W8e="🇧🇧",Z8e="🇧🇩",Y8e="🇧🇪",J8e="🇧🇫",Q8e="🇧🇬",X8e="🇧🇭",eCe="🇧🇮",tCe="🇧🇯",nCe="🇧🇱",sCe="🇧🇲",oCe="🇧🇳",rCe="🇧🇴",iCe="🇧🇶",aCe="🇧🇷",lCe="🇧🇸",cCe="🇧🇹",dCe="🇧🇻",uCe="🇧🇼",hCe="🇧🇾",fCe="🇧🇿",pCe="🇨🇦",gCe="🇨🇨",mCe="🇨🇩",_Ce="🇨🇫",bCe="🇨🇬",yCe="🇨🇭",vCe="🇨🇮",wCe="🇨🇰",xCe="🇨🇱",kCe="🇨🇲",ECe="🇨🇳",CCe="🇨🇴",ACe="🇨🇵",SCe="🇨🇷",TCe="🇨🇺",MCe="🇨🇻",OCe="🇨🇼",RCe="🇨🇽",NCe="🇨🇾",DCe="🇨🇿",LCe="🇩🇪",ICe="🇩🇬",PCe="🇩🇯",FCe="🇩🇰",BCe="🇩🇲",$Ce="🇩🇴",jCe="🇩🇿",zCe="🇪🇦",UCe="🇪🇨",qCe="🇪🇪",HCe="🇪🇬",VCe="🇪🇭",GCe="🇪🇷",KCe="🇪🇸",WCe="🇪🇹",ZCe="🇪🇺",YCe="🇪🇺",JCe="🇫🇮",QCe="🇫🇯",XCe="🇫🇰",e3e="🇫🇲",t3e="🇫🇴",n3e="🇫🇷",s3e="🇬🇦",o3e="🇬🇧",r3e="🇬🇧",i3e="🇬🇩",a3e="🇬🇪",l3e="🇬🇫",c3e="🇬🇬",d3e="🇬🇭",u3e="🇬🇮",h3e="🇬🇱",f3e="🇬🇲",p3e="🇬🇳",g3e="🇬🇵",m3e="🇬🇶",_3e="🇬🇷",b3e="🇬🇸",y3e="🇬🇹",v3e="🇬🇺",w3e="🇬🇼",x3e="🇬🇾",k3e="🇭🇰",E3e="🇭🇲",C3e="🇭🇳",A3e="🇭🇷",S3e="🇭🇹",T3e="🇭🇺",M3e="🇮🇨",O3e="🇮🇩",R3e="🇮🇪",N3e="🇮🇱",D3e="🇮🇲",L3e="🇮🇳",I3e="🇮🇴",P3e="🇮🇶",F3e="🇮🇷",B3e="🇮🇸",$3e="🇮🇹",j3e="🇯🇪",z3e="🇯🇲",U3e="🇯🇴",q3e="🇯🇵",H3e="🇰🇪",V3e="🇰🇬",G3e="🇰🇭",K3e="🇰🇮",W3e="🇰🇲",Z3e="🇰🇳",Y3e="🇰🇵",J3e="🇰🇷",Q3e="🇰🇼",X3e="🇰🇾",e9e="🇰🇿",t9e="🇱🇦",n9e="🇱🇧",s9e="🇱🇨",o9e="🇱🇮",r9e="🇱🇰",i9e="🇱🇷",a9e="🇱🇸",l9e="🇱🇹",c9e="🇱🇺",d9e="🇱🇻",u9e="🇱🇾",h9e="🇲🇦",f9e="🇲🇨",p9e="🇲🇩",g9e="🇲🇪",m9e="🇲🇫",_9e="🇲🇬",b9e="🇲🇭",y9e="🇲🇰",v9e="🇲🇱",w9e="🇲🇲",x9e="🇲🇳",k9e="🇲🇴",E9e="🇲🇵",C9e="🇲🇶",A9e="🇲🇷",S9e="🇲🇸",T9e="🇲🇹",M9e="🇲🇺",O9e="🇲🇻",R9e="🇲🇼",N9e="🇲🇽",D9e="🇲🇾",L9e="🇲🇿",I9e="🇳🇦",P9e="🇳🇨",F9e="🇳🇪",B9e="🇳🇫",$9e="🇳🇬",j9e="🇳🇮",z9e="🇳🇱",U9e="🇳🇴",q9e="🇳🇵",H9e="🇳🇷",V9e="🇳🇺",G9e="🇳🇿",K9e="🇴🇲",W9e="🇵🇦",Z9e="🇵🇪",Y9e="🇵🇫",J9e="🇵🇬",Q9e="🇵🇭",X9e="🇵🇰",e6e="🇵🇱",t6e="🇵🇲",n6e="🇵🇳",s6e="🇵🇷",o6e="🇵🇸",r6e="🇵🇹",i6e="🇵🇼",a6e="🇵🇾",l6e="🇶🇦",c6e="🇷🇪",d6e="🇷🇴",u6e="🇷🇸",h6e="🇷🇺",f6e="🇷🇼",p6e="🇸🇦",g6e="🇸🇧",m6e="🇸🇨",_6e="🇸🇩",b6e="🇸🇪",y6e="🇸🇬",v6e="🇸🇭",w6e="🇸🇮",x6e="🇸🇯",k6e="🇸🇰",E6e="🇸🇱",C6e="🇸🇲",A6e="🇸🇳",S6e="🇸🇴",T6e="🇸🇷",M6e="🇸🇸",O6e="🇸🇹",R6e="🇸🇻",N6e="🇸🇽",D6e="🇸🇾",L6e="🇸🇿",I6e="🇹🇦",P6e="🇹🇨",F6e="🇹🇩",B6e="🇹🇫",$6e="🇹🇬",j6e="🇹🇭",z6e="🇹🇯",U6e="🇹🇰",q6e="🇹🇱",H6e="🇹🇲",V6e="🇹🇳",G6e="🇹🇴",K6e="🇹🇷",W6e="🇹🇹",Z6e="🇹🇻",Y6e="🇹🇼",J6e="🇹🇿",Q6e="🇺🇦",X6e="🇺🇬",eAe="🇺🇲",tAe="🇺🇳",nAe="🇺🇸",sAe="🇺🇾",oAe="🇺🇿",rAe="🇻🇦",iAe="🇻🇨",aAe="🇻🇪",lAe="🇻🇬",cAe="🇻🇮",dAe="🇻🇳",uAe="🇻🇺",hAe="🇼🇫",fAe="🇼🇸",pAe="🇽🇰",gAe="🇾🇪",mAe="🇾🇹",_Ae="🇿🇦",bAe="🇿🇲",yAe="🇿🇼",vAe="🏴󠁧󠁢󠁥󠁮󠁧󠁿",wAe="🏴󠁧󠁢󠁳󠁣󠁴󠁿",xAe="🏴󠁧󠁢󠁷󠁬󠁳󠁿",kAe={100:"💯",1234:"🔢",grinning:Lte,smiley:Ite,smile:Pte,grin:Fte,laughing:Bte,satisfied:$te,sweat_smile:jte,rofl:zte,joy:Ute,slightly_smiling_face:qte,upside_down_face:Hte,wink:Vte,blush:Gte,innocent:Kte,smiling_face_with_three_hearts:Wte,heart_eyes:Zte,star_struck:Yte,kissing_heart:Jte,kissing:Qte,relaxed:Xte,kissing_closed_eyes:ene,kissing_smiling_eyes:tne,smiling_face_with_tear:nne,yum:sne,stuck_out_tongue:one,stuck_out_tongue_winking_eye:rne,zany_face:ine,stuck_out_tongue_closed_eyes:ane,money_mouth_face:lne,hugs:cne,hand_over_mouth:dne,shushing_face:une,thinking:hne,zipper_mouth_face:fne,raised_eyebrow:pne,neutral_face:gne,expressionless:mne,no_mouth:_ne,smirk:bne,unamused:yne,roll_eyes:vne,grimacing:wne,lying_face:xne,relieved:kne,pensive:Ene,sleepy:Cne,drooling_face:Ane,sleeping:Sne,mask:Tne,face_with_thermometer:Mne,face_with_head_bandage:One,nauseated_face:Rne,vomiting_face:Nne,sneezing_face:Dne,hot_face:Lne,cold_face:Ine,woozy_face:Pne,dizzy_face:Fne,exploding_head:Bne,cowboy_hat_face:$ne,partying_face:jne,disguised_face:zne,sunglasses:Une,nerd_face:qne,monocle_face:Hne,confused:Vne,worried:Gne,slightly_frowning_face:Kne,frowning_face:Wne,open_mouth:Zne,hushed:Yne,astonished:Jne,flushed:Qne,pleading_face:Xne,frowning:ese,anguished:tse,fearful:nse,cold_sweat:sse,disappointed_relieved:ose,cry:rse,sob:ise,scream:ase,confounded:lse,persevere:cse,disappointed:dse,sweat:use,weary:hse,tired_face:fse,yawning_face:pse,triumph:gse,rage:mse,pout:_se,angry:bse,cursing_face:yse,smiling_imp:vse,imp:wse,skull:xse,skull_and_crossbones:kse,hankey:Ese,poop:Cse,shit:Ase,clown_face:Sse,japanese_ogre:Tse,japanese_goblin:Mse,ghost:Ose,alien:Rse,space_invader:Nse,robot:Dse,smiley_cat:Lse,smile_cat:Ise,joy_cat:Pse,heart_eyes_cat:Fse,smirk_cat:Bse,kissing_cat:$se,scream_cat:jse,crying_cat_face:zse,pouting_cat:Use,see_no_evil:qse,hear_no_evil:Hse,speak_no_evil:Vse,kiss:Gse,love_letter:Kse,cupid:Wse,gift_heart:Zse,sparkling_heart:Yse,heartpulse:Jse,heartbeat:Qse,revolving_hearts:Xse,two_hearts:eoe,heart_decoration:toe,heavy_heart_exclamation:noe,broken_heart:soe,heart:ooe,orange_heart:roe,yellow_heart:ioe,green_heart:aoe,blue_heart:loe,purple_heart:coe,brown_heart:doe,black_heart:uoe,white_heart:hoe,anger:foe,boom:poe,collision:goe,dizzy:moe,sweat_drops:_oe,dash:boe,hole:yoe,bomb:voe,speech_balloon:woe,eye_speech_bubble:xoe,left_speech_bubble:koe,right_anger_bubble:Eoe,thought_balloon:Coe,zzz:Aoe,wave:Soe,raised_back_of_hand:Toe,raised_hand_with_fingers_splayed:Moe,hand:Ooe,raised_hand:Roe,vulcan_salute:Noe,ok_hand:Doe,pinched_fingers:Loe,pinching_hand:Ioe,v:Poe,crossed_fingers:Foe,love_you_gesture:Boe,metal:$oe,call_me_hand:joe,point_left:zoe,point_right:Uoe,point_up_2:qoe,middle_finger:Hoe,fu:Voe,point_down:Goe,point_up:Koe,"+1":"👍",thumbsup:Woe,"-1":"👎",thumbsdown:Zoe,fist_raised:Yoe,fist:Joe,fist_oncoming:Qoe,facepunch:Xoe,punch:ere,fist_left:tre,fist_right:nre,clap:sre,raised_hands:ore,open_hands:rre,palms_up_together:ire,handshake:are,pray:lre,writing_hand:cre,nail_care:dre,selfie:ure,muscle:hre,mechanical_arm:fre,mechanical_leg:pre,leg:gre,foot:mre,ear:_re,ear_with_hearing_aid:bre,nose:yre,brain:vre,anatomical_heart:wre,lungs:xre,tooth:kre,bone:Ere,eyes:Cre,eye:Are,tongue:Sre,lips:Tre,baby:Mre,child:Ore,boy:Rre,girl:Nre,adult:Dre,blond_haired_person:Lre,man:Ire,bearded_person:Pre,red_haired_man:Fre,curly_haired_man:Bre,white_haired_man:$re,bald_man:jre,woman:zre,red_haired_woman:Ure,person_red_hair:qre,curly_haired_woman:Hre,person_curly_hair:Vre,white_haired_woman:Gre,person_white_hair:Kre,bald_woman:Wre,person_bald:Zre,blond_haired_woman:Yre,blonde_woman:Jre,blond_haired_man:Qre,older_adult:Xre,older_man:eie,older_woman:tie,frowning_person:nie,frowning_man:sie,frowning_woman:oie,pouting_face:rie,pouting_man:iie,pouting_woman:aie,no_good:lie,no_good_man:cie,ng_man:die,no_good_woman:uie,ng_woman:hie,ok_person:fie,ok_man:pie,ok_woman:gie,tipping_hand_person:mie,information_desk_person:_ie,tipping_hand_man:bie,sassy_man:yie,tipping_hand_woman:vie,sassy_woman:wie,raising_hand:xie,raising_hand_man:kie,raising_hand_woman:Eie,deaf_person:Cie,deaf_man:Aie,deaf_woman:Sie,bow:Tie,bowing_man:Mie,bowing_woman:Oie,facepalm:Rie,man_facepalming:Nie,woman_facepalming:Die,shrug:Lie,man_shrugging:Iie,woman_shrugging:Pie,health_worker:Fie,man_health_worker:Bie,woman_health_worker:$ie,student:jie,man_student:zie,woman_student:Uie,teacher:qie,man_teacher:Hie,woman_teacher:Vie,judge:Gie,man_judge:Kie,woman_judge:Wie,farmer:Zie,man_farmer:Yie,woman_farmer:Jie,cook:Qie,man_cook:Xie,woman_cook:eae,mechanic:tae,man_mechanic:nae,woman_mechanic:sae,factory_worker:oae,man_factory_worker:rae,woman_factory_worker:iae,office_worker:aae,man_office_worker:lae,woman_office_worker:cae,scientist:dae,man_scientist:uae,woman_scientist:hae,technologist:fae,man_technologist:pae,woman_technologist:gae,singer:mae,man_singer:_ae,woman_singer:bae,artist:yae,man_artist:vae,woman_artist:wae,pilot:xae,man_pilot:kae,woman_pilot:Eae,astronaut:Cae,man_astronaut:Aae,woman_astronaut:Sae,firefighter:Tae,man_firefighter:Mae,woman_firefighter:Oae,police_officer:Rae,cop:Nae,policeman:Dae,policewoman:Lae,detective:Iae,male_detective:Pae,female_detective:Fae,guard:Bae,guardsman:$ae,guardswoman:jae,ninja:zae,construction_worker:Uae,construction_worker_man:qae,construction_worker_woman:Hae,prince:Vae,princess:Gae,person_with_turban:Kae,man_with_turban:Wae,woman_with_turban:Zae,man_with_gua_pi_mao:Yae,woman_with_headscarf:Jae,person_in_tuxedo:Qae,man_in_tuxedo:Xae,woman_in_tuxedo:ele,person_with_veil:tle,man_with_veil:nle,woman_with_veil:sle,bride_with_veil:ole,pregnant_woman:rle,breast_feeding:ile,woman_feeding_baby:ale,man_feeding_baby:lle,person_feeding_baby:cle,angel:dle,santa:ule,mrs_claus:hle,mx_claus:fle,superhero:ple,superhero_man:gle,superhero_woman:mle,supervillain:_le,supervillain_man:ble,supervillain_woman:yle,mage:vle,mage_man:wle,mage_woman:xle,fairy:kle,fairy_man:Ele,fairy_woman:Cle,vampire:Ale,vampire_man:Sle,vampire_woman:Tle,merperson:Mle,merman:Ole,mermaid:Rle,elf:Nle,elf_man:Dle,elf_woman:Lle,genie:Ile,genie_man:Ple,genie_woman:Fle,zombie:Ble,zombie_man:$le,zombie_woman:jle,massage:zle,massage_man:Ule,massage_woman:qle,haircut:Hle,haircut_man:Vle,haircut_woman:Gle,walking:Kle,walking_man:Wle,walking_woman:Zle,standing_person:Yle,standing_man:Jle,standing_woman:Qle,kneeling_person:Xle,kneeling_man:ece,kneeling_woman:tce,person_with_probing_cane:nce,man_with_probing_cane:sce,woman_with_probing_cane:oce,person_in_motorized_wheelchair:rce,man_in_motorized_wheelchair:ice,woman_in_motorized_wheelchair:ace,person_in_manual_wheelchair:lce,man_in_manual_wheelchair:cce,woman_in_manual_wheelchair:dce,runner:uce,running:hce,running_man:fce,running_woman:pce,woman_dancing:gce,dancer:mce,man_dancing:_ce,business_suit_levitating:bce,dancers:yce,dancing_men:vce,dancing_women:wce,sauna_person:xce,sauna_man:kce,sauna_woman:Ece,climbing:Cce,climbing_man:Ace,climbing_woman:Sce,person_fencing:Tce,horse_racing:Mce,skier:Oce,snowboarder:Rce,golfing:Nce,golfing_man:Dce,golfing_woman:Lce,surfer:Ice,surfing_man:Pce,surfing_woman:Fce,rowboat:Bce,rowing_man:$ce,rowing_woman:jce,swimmer:zce,swimming_man:Uce,swimming_woman:qce,bouncing_ball_person:Hce,bouncing_ball_man:Vce,basketball_man:Gce,bouncing_ball_woman:Kce,basketball_woman:Wce,weight_lifting:Zce,weight_lifting_man:Yce,weight_lifting_woman:Jce,bicyclist:Qce,biking_man:Xce,biking_woman:ede,mountain_bicyclist:tde,mountain_biking_man:nde,mountain_biking_woman:sde,cartwheeling:ode,man_cartwheeling:rde,woman_cartwheeling:ide,wrestling:ade,men_wrestling:lde,women_wrestling:cde,water_polo:dde,man_playing_water_polo:ude,woman_playing_water_polo:hde,handball_person:fde,man_playing_handball:pde,woman_playing_handball:gde,juggling_person:mde,man_juggling:_de,woman_juggling:bde,lotus_position:yde,lotus_position_man:vde,lotus_position_woman:wde,bath:xde,sleeping_bed:kde,people_holding_hands:Ede,two_women_holding_hands:Cde,couple:Ade,two_men_holding_hands:Sde,couplekiss:Tde,couplekiss_man_woman:Mde,couplekiss_man_man:Ode,couplekiss_woman_woman:Rde,couple_with_heart:Nde,couple_with_heart_woman_man:Dde,couple_with_heart_man_man:Lde,couple_with_heart_woman_woman:Ide,family:Pde,family_man_woman_boy:Fde,family_man_woman_girl:Bde,family_man_woman_girl_boy:$de,family_man_woman_boy_boy:jde,family_man_woman_girl_girl:zde,family_man_man_boy:Ude,family_man_man_girl:qde,family_man_man_girl_boy:Hde,family_man_man_boy_boy:Vde,family_man_man_girl_girl:Gde,family_woman_woman_boy:Kde,family_woman_woman_girl:Wde,family_woman_woman_girl_boy:Zde,family_woman_woman_boy_boy:Yde,family_woman_woman_girl_girl:Jde,family_man_boy:Qde,family_man_boy_boy:Xde,family_man_girl:eue,family_man_girl_boy:tue,family_man_girl_girl:nue,family_woman_boy:sue,family_woman_boy_boy:oue,family_woman_girl:rue,family_woman_girl_boy:iue,family_woman_girl_girl:aue,speaking_head:lue,bust_in_silhouette:cue,busts_in_silhouette:due,people_hugging:uue,footprints:hue,monkey_face:fue,monkey:pue,gorilla:gue,orangutan:mue,dog:_ue,dog2:bue,guide_dog:yue,service_dog:vue,poodle:wue,wolf:xue,fox_face:kue,raccoon:Eue,cat:Cue,cat2:Aue,black_cat:Sue,lion:Tue,tiger:Mue,tiger2:Oue,leopard:Rue,horse:Nue,racehorse:Due,unicorn:Lue,zebra:Iue,deer:Pue,bison:Fue,cow:Bue,ox:$ue,water_buffalo:jue,cow2:zue,pig:Uue,pig2:que,boar:Hue,pig_nose:Vue,ram:Gue,sheep:Kue,goat:Wue,dromedary_camel:Zue,camel:Yue,llama:Jue,giraffe:Que,elephant:Xue,mammoth:ehe,rhinoceros:the,hippopotamus:nhe,mouse:she,mouse2:ohe,rat:rhe,hamster:ihe,rabbit:ahe,rabbit2:lhe,chipmunk:che,beaver:dhe,hedgehog:uhe,bat:hhe,bear:fhe,polar_bear:phe,koala:ghe,panda_face:mhe,sloth:_he,otter:bhe,skunk:yhe,kangaroo:vhe,badger:whe,feet:xhe,paw_prints:khe,turkey:Ehe,chicken:Che,rooster:Ahe,hatching_chick:She,baby_chick:The,hatched_chick:Mhe,bird:Ohe,penguin:Rhe,dove:Nhe,eagle:Dhe,duck:Lhe,swan:Ihe,owl:Phe,dodo:Fhe,feather:Bhe,flamingo:$he,peacock:jhe,parrot:zhe,frog:Uhe,crocodile:qhe,turtle:Hhe,lizard:Vhe,snake:Ghe,dragon_face:Khe,dragon:Whe,sauropod:Zhe,"t-rex":"🦖",whale:Yhe,whale2:Jhe,dolphin:Qhe,flipper:Xhe,seal:efe,fish:tfe,tropical_fish:nfe,blowfish:sfe,shark:ofe,octopus:rfe,shell:ife,snail:afe,butterfly:lfe,bug:cfe,ant:dfe,bee:ufe,honeybee:hfe,beetle:ffe,lady_beetle:pfe,cricket:gfe,cockroach:mfe,spider:_fe,spider_web:bfe,scorpion:yfe,mosquito:vfe,fly:wfe,worm:xfe,microbe:kfe,bouquet:Efe,cherry_blossom:Cfe,white_flower:Afe,rosette:Sfe,rose:Tfe,wilted_flower:Mfe,hibiscus:Ofe,sunflower:Rfe,blossom:Nfe,tulip:Dfe,seedling:Lfe,potted_plant:Ife,evergreen_tree:Pfe,deciduous_tree:Ffe,palm_tree:Bfe,cactus:$fe,ear_of_rice:jfe,herb:zfe,shamrock:Ufe,four_leaf_clover:qfe,maple_leaf:Hfe,fallen_leaf:Vfe,leaves:Gfe,grapes:Kfe,melon:Wfe,watermelon:Zfe,tangerine:Yfe,orange:Jfe,mandarin:Qfe,lemon:Xfe,banana:epe,pineapple:tpe,mango:npe,apple:spe,green_apple:ope,pear:rpe,peach:ipe,cherries:ape,strawberry:lpe,blueberries:cpe,kiwi_fruit:dpe,tomato:upe,olive:hpe,coconut:fpe,avocado:ppe,eggplant:gpe,potato:mpe,carrot:_pe,corn:bpe,hot_pepper:ype,bell_pepper:vpe,cucumber:wpe,leafy_green:xpe,broccoli:kpe,garlic:Epe,onion:Cpe,mushroom:Ape,peanuts:Spe,chestnut:Tpe,bread:Mpe,croissant:Ope,baguette_bread:Rpe,flatbread:Npe,pretzel:Dpe,bagel:Lpe,pancakes:Ipe,waffle:Ppe,cheese:Fpe,meat_on_bone:Bpe,poultry_leg:$pe,cut_of_meat:jpe,bacon:zpe,hamburger:Upe,fries:qpe,pizza:Hpe,hotdog:Vpe,sandwich:Gpe,taco:Kpe,burrito:Wpe,tamale:Zpe,stuffed_flatbread:Ype,falafel:Jpe,egg:Qpe,fried_egg:Xpe,shallow_pan_of_food:ege,stew:tge,fondue:nge,bowl_with_spoon:sge,green_salad:oge,popcorn:rge,butter:ige,salt:age,canned_food:lge,bento:cge,rice_cracker:dge,rice_ball:uge,rice:hge,curry:fge,ramen:pge,spaghetti:gge,sweet_potato:mge,oden:_ge,sushi:bge,fried_shrimp:yge,fish_cake:vge,moon_cake:wge,dango:xge,dumpling:kge,fortune_cookie:Ege,takeout_box:Cge,crab:Age,lobster:Sge,shrimp:Tge,squid:Mge,oyster:Oge,icecream:Rge,shaved_ice:Nge,ice_cream:Dge,doughnut:Lge,cookie:Ige,birthday:Pge,cake:Fge,cupcake:Bge,pie:$ge,chocolate_bar:jge,candy:zge,lollipop:Uge,custard:qge,honey_pot:Hge,baby_bottle:Vge,milk_glass:Gge,coffee:Kge,teapot:Wge,tea:Zge,sake:Yge,champagne:Jge,wine_glass:Qge,cocktail:Xge,tropical_drink:eme,beer:tme,beers:nme,clinking_glasses:sme,tumbler_glass:ome,cup_with_straw:rme,bubble_tea:ime,beverage_box:ame,mate:lme,ice_cube:cme,chopsticks:dme,plate_with_cutlery:ume,fork_and_knife:hme,spoon:fme,hocho:pme,knife:gme,amphora:mme,earth_africa:_me,earth_americas:bme,earth_asia:yme,globe_with_meridians:vme,world_map:wme,japan:xme,compass:kme,mountain_snow:Eme,mountain:Cme,volcano:Ame,mount_fuji:Sme,camping:Tme,beach_umbrella:Mme,desert:Ome,desert_island:Rme,national_park:Nme,stadium:Dme,classical_building:Lme,building_construction:Ime,bricks:Pme,rock:Fme,wood:Bme,hut:$me,houses:jme,derelict_house:zme,house:Ume,house_with_garden:qme,office:Hme,post_office:Vme,european_post_office:Gme,hospital:Kme,bank:Wme,hotel:Zme,love_hotel:Yme,convenience_store:Jme,school:Qme,department_store:Xme,factory:e_e,japanese_castle:t_e,european_castle:n_e,wedding:s_e,tokyo_tower:o_e,statue_of_liberty:r_e,church:i_e,mosque:a_e,hindu_temple:l_e,synagogue:c_e,shinto_shrine:d_e,kaaba:u_e,fountain:h_e,tent:f_e,foggy:p_e,night_with_stars:g_e,cityscape:m_e,sunrise_over_mountains:__e,sunrise:b_e,city_sunset:y_e,city_sunrise:v_e,bridge_at_night:w_e,hotsprings:x_e,carousel_horse:k_e,ferris_wheel:E_e,roller_coaster:C_e,barber:A_e,circus_tent:S_e,steam_locomotive:T_e,railway_car:M_e,bullettrain_side:O_e,bullettrain_front:R_e,train2:N_e,metro:D_e,light_rail:L_e,station:I_e,tram:P_e,monorail:F_e,mountain_railway:B_e,train:$_e,bus:j_e,oncoming_bus:z_e,trolleybus:U_e,minibus:q_e,ambulance:H_e,fire_engine:V_e,police_car:G_e,oncoming_police_car:K_e,taxi:W_e,oncoming_taxi:Z_e,car:Y_e,red_car:J_e,oncoming_automobile:Q_e,blue_car:X_e,pickup_truck:e1e,truck:t1e,articulated_lorry:n1e,tractor:s1e,racing_car:o1e,motorcycle:r1e,motor_scooter:i1e,manual_wheelchair:a1e,motorized_wheelchair:l1e,auto_rickshaw:c1e,bike:d1e,kick_scooter:u1e,skateboard:h1e,roller_skate:f1e,busstop:p1e,motorway:g1e,railway_track:m1e,oil_drum:_1e,fuelpump:b1e,rotating_light:y1e,traffic_light:v1e,vertical_traffic_light:w1e,stop_sign:x1e,construction:k1e,anchor:E1e,boat:C1e,sailboat:A1e,canoe:S1e,speedboat:T1e,passenger_ship:M1e,ferry:O1e,motor_boat:R1e,ship:N1e,airplane:D1e,small_airplane:L1e,flight_departure:I1e,flight_arrival:P1e,parachute:F1e,seat:B1e,helicopter:$1e,suspension_railway:j1e,mountain_cableway:z1e,aerial_tramway:U1e,artificial_satellite:q1e,rocket:H1e,flying_saucer:V1e,bellhop_bell:G1e,luggage:K1e,hourglass:W1e,hourglass_flowing_sand:Z1e,watch:Y1e,alarm_clock:J1e,stopwatch:Q1e,timer_clock:X1e,mantelpiece_clock:e0e,clock12:t0e,clock1230:n0e,clock1:s0e,clock130:o0e,clock2:r0e,clock230:i0e,clock3:a0e,clock330:l0e,clock4:c0e,clock430:d0e,clock5:u0e,clock530:h0e,clock6:f0e,clock630:p0e,clock7:g0e,clock730:m0e,clock8:_0e,clock830:b0e,clock9:y0e,clock930:v0e,clock10:w0e,clock1030:x0e,clock11:k0e,clock1130:E0e,new_moon:C0e,waxing_crescent_moon:A0e,first_quarter_moon:S0e,moon:T0e,waxing_gibbous_moon:M0e,full_moon:O0e,waning_gibbous_moon:R0e,last_quarter_moon:N0e,waning_crescent_moon:D0e,crescent_moon:L0e,new_moon_with_face:I0e,first_quarter_moon_with_face:P0e,last_quarter_moon_with_face:F0e,thermometer:B0e,sunny:$0e,full_moon_with_face:j0e,sun_with_face:z0e,ringed_planet:U0e,star:q0e,star2:H0e,stars:V0e,milky_way:G0e,cloud:K0e,partly_sunny:W0e,cloud_with_lightning_and_rain:Z0e,sun_behind_small_cloud:Y0e,sun_behind_large_cloud:J0e,sun_behind_rain_cloud:Q0e,cloud_with_rain:X0e,cloud_with_snow:ebe,cloud_with_lightning:tbe,tornado:nbe,fog:sbe,wind_face:obe,cyclone:rbe,rainbow:ibe,closed_umbrella:abe,open_umbrella:lbe,umbrella:cbe,parasol_on_ground:dbe,zap:ube,snowflake:hbe,snowman_with_snow:fbe,snowman:pbe,comet:gbe,fire:mbe,droplet:_be,ocean:bbe,jack_o_lantern:ybe,christmas_tree:vbe,fireworks:wbe,sparkler:xbe,firecracker:kbe,sparkles:Ebe,balloon:Cbe,tada:Abe,confetti_ball:Sbe,tanabata_tree:Tbe,bamboo:Mbe,dolls:Obe,flags:Rbe,wind_chime:Nbe,rice_scene:Dbe,red_envelope:Lbe,ribbon:Ibe,gift:Pbe,reminder_ribbon:Fbe,tickets:Bbe,ticket:$be,medal_military:jbe,trophy:zbe,medal_sports:Ube,"1st_place_medal":"🥇","2nd_place_medal":"🥈","3rd_place_medal":"🥉",soccer:qbe,baseball:Hbe,softball:Vbe,basketball:Gbe,volleyball:Kbe,football:Wbe,rugby_football:Zbe,tennis:Ybe,flying_disc:Jbe,bowling:Qbe,cricket_game:Xbe,field_hockey:eye,ice_hockey:tye,lacrosse:nye,ping_pong:sye,badminton:oye,boxing_glove:rye,martial_arts_uniform:iye,goal_net:aye,golf:lye,ice_skate:cye,fishing_pole_and_fish:dye,diving_mask:uye,running_shirt_with_sash:hye,ski:fye,sled:pye,curling_stone:gye,dart:mye,yo_yo:_ye,kite:bye,"8ball":"🎱",crystal_ball:yye,magic_wand:vye,nazar_amulet:wye,video_game:xye,joystick:kye,slot_machine:Eye,game_die:Cye,jigsaw:Aye,teddy_bear:Sye,pinata:Tye,nesting_dolls:Mye,spades:Oye,hearts:Rye,diamonds:Nye,clubs:Dye,chess_pawn:Lye,black_joker:Iye,mahjong:Pye,flower_playing_cards:Fye,performing_arts:Bye,framed_picture:$ye,art:jye,thread:zye,sewing_needle:Uye,yarn:qye,knot:Hye,eyeglasses:Vye,dark_sunglasses:Gye,goggles:Kye,lab_coat:Wye,safety_vest:Zye,necktie:Yye,shirt:Jye,tshirt:Qye,jeans:Xye,scarf:e2e,gloves:t2e,coat:n2e,socks:s2e,dress:o2e,kimono:r2e,sari:i2e,one_piece_swimsuit:a2e,swim_brief:l2e,shorts:c2e,bikini:d2e,womans_clothes:u2e,purse:h2e,handbag:f2e,pouch:p2e,shopping:g2e,school_satchel:m2e,thong_sandal:_2e,mans_shoe:b2e,shoe:y2e,athletic_shoe:v2e,hiking_boot:w2e,flat_shoe:x2e,high_heel:k2e,sandal:E2e,ballet_shoes:C2e,boot:A2e,crown:S2e,womans_hat:T2e,tophat:M2e,mortar_board:O2e,billed_cap:R2e,military_helmet:N2e,rescue_worker_helmet:D2e,prayer_beads:L2e,lipstick:I2e,ring:P2e,gem:F2e,mute:B2e,speaker:$2e,sound:j2e,loud_sound:z2e,loudspeaker:U2e,mega:q2e,postal_horn:H2e,bell:V2e,no_bell:G2e,musical_score:K2e,musical_note:W2e,notes:Z2e,studio_microphone:Y2e,level_slider:J2e,control_knobs:Q2e,microphone:X2e,headphones:eve,radio:tve,saxophone:nve,accordion:sve,guitar:ove,musical_keyboard:rve,trumpet:ive,violin:ave,banjo:lve,drum:cve,long_drum:dve,iphone:uve,calling:hve,phone:fve,telephone:pve,telephone_receiver:gve,pager:mve,fax:_ve,battery:bve,electric_plug:yve,computer:vve,desktop_computer:wve,printer:xve,keyboard:kve,computer_mouse:Eve,trackball:Cve,minidisc:Ave,floppy_disk:Sve,cd:Tve,dvd:Mve,abacus:Ove,movie_camera:Rve,film_strip:Nve,film_projector:Dve,clapper:Lve,tv:Ive,camera:Pve,camera_flash:Fve,video_camera:Bve,vhs:$ve,mag:jve,mag_right:zve,candle:Uve,bulb:qve,flashlight:Hve,izakaya_lantern:Vve,lantern:Gve,diya_lamp:Kve,notebook_with_decorative_cover:Wve,closed_book:Zve,book:Yve,open_book:Jve,green_book:Qve,blue_book:Xve,orange_book:ewe,books:twe,notebook:nwe,ledger:swe,page_with_curl:owe,scroll:rwe,page_facing_up:iwe,newspaper:awe,newspaper_roll:lwe,bookmark_tabs:cwe,bookmark:dwe,label:uwe,moneybag:hwe,coin:fwe,yen:pwe,dollar:gwe,euro:mwe,pound:_we,money_with_wings:bwe,credit_card:ywe,receipt:vwe,chart:wwe,envelope:xwe,email:kwe,"e-mail":"📧",incoming_envelope:Ewe,envelope_with_arrow:Cwe,outbox_tray:Awe,inbox_tray:Swe,package:"📦",mailbox:Twe,mailbox_closed:Mwe,mailbox_with_mail:Owe,mailbox_with_no_mail:Rwe,postbox:Nwe,ballot_box:Dwe,pencil2:Lwe,black_nib:Iwe,fountain_pen:Pwe,pen:Fwe,paintbrush:Bwe,crayon:$we,memo:jwe,pencil:zwe,briefcase:Uwe,file_folder:qwe,open_file_folder:Hwe,card_index_dividers:Vwe,date:Gwe,calendar:Kwe,spiral_notepad:Wwe,spiral_calendar:Zwe,card_index:Ywe,chart_with_upwards_trend:Jwe,chart_with_downwards_trend:Qwe,bar_chart:Xwe,clipboard:exe,pushpin:txe,round_pushpin:nxe,paperclip:sxe,paperclips:oxe,straight_ruler:rxe,triangular_ruler:ixe,scissors:axe,card_file_box:lxe,file_cabinet:cxe,wastebasket:dxe,lock:uxe,unlock:hxe,lock_with_ink_pen:fxe,closed_lock_with_key:pxe,key:gxe,old_key:mxe,hammer:_xe,axe:bxe,pick:yxe,hammer_and_pick:vxe,hammer_and_wrench:wxe,dagger:xxe,crossed_swords:kxe,gun:Exe,boomerang:Cxe,bow_and_arrow:Axe,shield:Sxe,carpentry_saw:Txe,wrench:Mxe,screwdriver:Oxe,nut_and_bolt:Rxe,gear:Nxe,clamp:Dxe,balance_scale:Lxe,probing_cane:Ixe,link:Pxe,chains:Fxe,hook:Bxe,toolbox:$xe,magnet:jxe,ladder:zxe,alembic:Uxe,test_tube:qxe,petri_dish:Hxe,dna:Vxe,microscope:Gxe,telescope:Kxe,satellite:Wxe,syringe:Zxe,drop_of_blood:Yxe,pill:Jxe,adhesive_bandage:Qxe,stethoscope:Xxe,door:eke,elevator:tke,mirror:nke,window:ske,bed:oke,couch_and_lamp:rke,chair:ike,toilet:ake,plunger:lke,shower:cke,bathtub:dke,mouse_trap:uke,razor:hke,lotion_bottle:fke,safety_pin:pke,broom:gke,basket:mke,roll_of_paper:_ke,bucket:bke,soap:yke,toothbrush:vke,sponge:wke,fire_extinguisher:xke,shopping_cart:kke,smoking:Eke,coffin:Cke,headstone:Ake,funeral_urn:Ske,moyai:Tke,placard:Mke,atm:Oke,put_litter_in_its_place:Rke,potable_water:Nke,wheelchair:Dke,mens:Lke,womens:Ike,restroom:Pke,baby_symbol:Fke,wc:Bke,passport_control:$ke,customs:jke,baggage_claim:zke,left_luggage:Uke,warning:qke,children_crossing:Hke,no_entry:Vke,no_entry_sign:Gke,no_bicycles:Kke,no_smoking:Wke,do_not_litter:Zke,"non-potable_water":"🚱",no_pedestrians:Yke,no_mobile_phones:Jke,underage:Qke,radioactive:Xke,biohazard:e5e,arrow_up:t5e,arrow_upper_right:n5e,arrow_right:s5e,arrow_lower_right:o5e,arrow_down:r5e,arrow_lower_left:i5e,arrow_left:a5e,arrow_upper_left:l5e,arrow_up_down:c5e,left_right_arrow:d5e,leftwards_arrow_with_hook:u5e,arrow_right_hook:h5e,arrow_heading_up:f5e,arrow_heading_down:p5e,arrows_clockwise:g5e,arrows_counterclockwise:m5e,back:_5e,end:b5e,on:y5e,soon:v5e,top:w5e,place_of_worship:x5e,atom_symbol:k5e,om:E5e,star_of_david:C5e,wheel_of_dharma:A5e,yin_yang:S5e,latin_cross:T5e,orthodox_cross:M5e,star_and_crescent:O5e,peace_symbol:R5e,menorah:N5e,six_pointed_star:D5e,aries:L5e,taurus:I5e,gemini:P5e,cancer:F5e,leo:B5e,virgo:$5e,libra:j5e,scorpius:z5e,sagittarius:U5e,capricorn:q5e,aquarius:H5e,pisces:V5e,ophiuchus:G5e,twisted_rightwards_arrows:K5e,repeat:W5e,repeat_one:Z5e,arrow_forward:Y5e,fast_forward:J5e,next_track_button:Q5e,play_or_pause_button:X5e,arrow_backward:eEe,rewind:tEe,previous_track_button:nEe,arrow_up_small:sEe,arrow_double_up:oEe,arrow_down_small:rEe,arrow_double_down:iEe,pause_button:aEe,stop_button:lEe,record_button:cEe,eject_button:dEe,cinema:uEe,low_brightness:hEe,high_brightness:fEe,signal_strength:pEe,vibration_mode:gEe,mobile_phone_off:mEe,female_sign:_Ee,male_sign:bEe,transgender_symbol:yEe,heavy_multiplication_x:vEe,heavy_plus_sign:wEe,heavy_minus_sign:xEe,heavy_division_sign:kEe,infinity:EEe,bangbang:CEe,interrobang:AEe,question:SEe,grey_question:TEe,grey_exclamation:MEe,exclamation:OEe,heavy_exclamation_mark:REe,wavy_dash:NEe,currency_exchange:DEe,heavy_dollar_sign:LEe,medical_symbol:IEe,recycle:PEe,fleur_de_lis:FEe,trident:BEe,name_badge:$Ee,beginner:jEe,o:zEe,white_check_mark:UEe,ballot_box_with_check:qEe,heavy_check_mark:HEe,x:VEe,negative_squared_cross_mark:GEe,curly_loop:KEe,loop:WEe,part_alternation_mark:ZEe,eight_spoked_asterisk:YEe,eight_pointed_black_star:JEe,sparkle:QEe,copyright:XEe,registered:e4e,tm:t4e,hash:n4e,asterisk:s4e,zero:o4e,one:r4e,two:i4e,three:a4e,four:l4e,five:c4e,six:d4e,seven:u4e,eight:h4e,nine:f4e,keycap_ten:p4e,capital_abcd:g4e,abcd:m4e,symbols:_4e,abc:b4e,a:y4e,ab:v4e,b:w4e,cl:x4e,cool:k4e,free:E4e,information_source:C4e,id:A4e,m:S4e,new:"🆕",ng:T4e,o2:M4e,ok:O4e,parking:R4e,sos:N4e,up:D4e,vs:L4e,koko:I4e,sa:P4e,ideograph_advantage:F4e,accept:B4e,congratulations:$4e,secret:j4e,u6e80:z4e,red_circle:U4e,orange_circle:q4e,yellow_circle:H4e,green_circle:V4e,large_blue_circle:G4e,purple_circle:K4e,brown_circle:W4e,black_circle:Z4e,white_circle:Y4e,red_square:J4e,orange_square:Q4e,yellow_square:X4e,green_square:e8e,blue_square:t8e,purple_square:n8e,brown_square:s8e,black_large_square:o8e,white_large_square:r8e,black_medium_square:i8e,white_medium_square:a8e,black_medium_small_square:l8e,white_medium_small_square:c8e,black_small_square:d8e,white_small_square:u8e,large_orange_diamond:h8e,large_blue_diamond:f8e,small_orange_diamond:p8e,small_blue_diamond:g8e,small_red_triangle:m8e,small_red_triangle_down:_8e,diamond_shape_with_a_dot_inside:b8e,radio_button:y8e,white_square_button:v8e,black_square_button:w8e,checkered_flag:x8e,triangular_flag_on_post:k8e,crossed_flags:E8e,black_flag:C8e,white_flag:A8e,rainbow_flag:S8e,transgender_flag:T8e,pirate_flag:M8e,ascension_island:O8e,andorra:R8e,united_arab_emirates:N8e,afghanistan:D8e,antigua_barbuda:L8e,anguilla:I8e,albania:P8e,armenia:F8e,angola:B8e,antarctica:$8e,argentina:j8e,american_samoa:z8e,austria:U8e,australia:q8e,aruba:H8e,aland_islands:V8e,azerbaijan:G8e,bosnia_herzegovina:K8e,barbados:W8e,bangladesh:Z8e,belgium:Y8e,burkina_faso:J8e,bulgaria:Q8e,bahrain:X8e,burundi:eCe,benin:tCe,st_barthelemy:nCe,bermuda:sCe,brunei:oCe,bolivia:rCe,caribbean_netherlands:iCe,brazil:aCe,bahamas:lCe,bhutan:cCe,bouvet_island:dCe,botswana:uCe,belarus:hCe,belize:fCe,canada:pCe,cocos_islands:gCe,congo_kinshasa:mCe,central_african_republic:_Ce,congo_brazzaville:bCe,switzerland:yCe,cote_divoire:vCe,cook_islands:wCe,chile:xCe,cameroon:kCe,cn:ECe,colombia:CCe,clipperton_island:ACe,costa_rica:SCe,cuba:TCe,cape_verde:MCe,curacao:OCe,christmas_island:RCe,cyprus:NCe,czech_republic:DCe,de:LCe,diego_garcia:ICe,djibouti:PCe,denmark:FCe,dominica:BCe,dominican_republic:$Ce,algeria:jCe,ceuta_melilla:zCe,ecuador:UCe,estonia:qCe,egypt:HCe,western_sahara:VCe,eritrea:GCe,es:KCe,ethiopia:WCe,eu:ZCe,european_union:YCe,finland:JCe,fiji:QCe,falkland_islands:XCe,micronesia:e3e,faroe_islands:t3e,fr:n3e,gabon:s3e,gb:o3e,uk:r3e,grenada:i3e,georgia:a3e,french_guiana:l3e,guernsey:c3e,ghana:d3e,gibraltar:u3e,greenland:h3e,gambia:f3e,guinea:p3e,guadeloupe:g3e,equatorial_guinea:m3e,greece:_3e,south_georgia_south_sandwich_islands:b3e,guatemala:y3e,guam:v3e,guinea_bissau:w3e,guyana:x3e,hong_kong:k3e,heard_mcdonald_islands:E3e,honduras:C3e,croatia:A3e,haiti:S3e,hungary:T3e,canary_islands:M3e,indonesia:O3e,ireland:R3e,israel:N3e,isle_of_man:D3e,india:L3e,british_indian_ocean_territory:I3e,iraq:P3e,iran:F3e,iceland:B3e,it:$3e,jersey:j3e,jamaica:z3e,jordan:U3e,jp:q3e,kenya:H3e,kyrgyzstan:V3e,cambodia:G3e,kiribati:K3e,comoros:W3e,st_kitts_nevis:Z3e,north_korea:Y3e,kr:J3e,kuwait:Q3e,cayman_islands:X3e,kazakhstan:e9e,laos:t9e,lebanon:n9e,st_lucia:s9e,liechtenstein:o9e,sri_lanka:r9e,liberia:i9e,lesotho:a9e,lithuania:l9e,luxembourg:c9e,latvia:d9e,libya:u9e,morocco:h9e,monaco:f9e,moldova:p9e,montenegro:g9e,st_martin:m9e,madagascar:_9e,marshall_islands:b9e,macedonia:y9e,mali:v9e,myanmar:w9e,mongolia:x9e,macau:k9e,northern_mariana_islands:E9e,martinique:C9e,mauritania:A9e,montserrat:S9e,malta:T9e,mauritius:M9e,maldives:O9e,malawi:R9e,mexico:N9e,malaysia:D9e,mozambique:L9e,namibia:I9e,new_caledonia:P9e,niger:F9e,norfolk_island:B9e,nigeria:$9e,nicaragua:j9e,netherlands:z9e,norway:U9e,nepal:q9e,nauru:H9e,niue:V9e,new_zealand:G9e,oman:K9e,panama:W9e,peru:Z9e,french_polynesia:Y9e,papua_new_guinea:J9e,philippines:Q9e,pakistan:X9e,poland:e6e,st_pierre_miquelon:t6e,pitcairn_islands:n6e,puerto_rico:s6e,palestinian_territories:o6e,portugal:r6e,palau:i6e,paraguay:a6e,qatar:l6e,reunion:c6e,romania:d6e,serbia:u6e,ru:h6e,rwanda:f6e,saudi_arabia:p6e,solomon_islands:g6e,seychelles:m6e,sudan:_6e,sweden:b6e,singapore:y6e,st_helena:v6e,slovenia:w6e,svalbard_jan_mayen:x6e,slovakia:k6e,sierra_leone:E6e,san_marino:C6e,senegal:A6e,somalia:S6e,suriname:T6e,south_sudan:M6e,sao_tome_principe:O6e,el_salvador:R6e,sint_maarten:N6e,syria:D6e,swaziland:L6e,tristan_da_cunha:I6e,turks_caicos_islands:P6e,chad:F6e,french_southern_territories:B6e,togo:$6e,thailand:j6e,tajikistan:z6e,tokelau:U6e,timor_leste:q6e,turkmenistan:H6e,tunisia:V6e,tonga:G6e,tr:K6e,trinidad_tobago:W6e,tuvalu:Z6e,taiwan:Y6e,tanzania:J6e,ukraine:Q6e,uganda:X6e,us_outlying_islands:eAe,united_nations:tAe,us:nAe,uruguay:sAe,uzbekistan:oAe,vatican_city:rAe,st_vincent_grenadines:iAe,venezuela:aAe,british_virgin_islands:lAe,us_virgin_islands:cAe,vietnam:dAe,vanuatu:uAe,wallis_futuna:hAe,samoa:fAe,kosovo:pAe,yemen:gAe,mayotte:mAe,south_africa:_Ae,zambia:bAe,zimbabwe:yAe,england:vAe,scotland:wAe,wales:xAe};var EAe={angry:[">:(",">:-("],blush:[':")',':-")'],broken_heart:["0&&!l.test(y[_-1])||_+b.lengthm&&(g=new f("text","",0),g.content=u.slice(m,_),p.push(g)),g=new f("emoji","",0),g.markup=x,g.content=n[x],p.push(g),m=_+b.length}),m=0;f--)b=p[f],(b.type==="link_open"||b.type==="link_close")&&b.info==="auto"&&(y-=b.nesting),b.type==="text"&&y===0&&o.test(b.content)&&(_[g].children=p=i(p,f,c(b.content,b.level,h.Token)))}};function SAe(t){return t.replace(/[.?*+^$[\]\\(){}|-]/g,"\\$&")}var TAe=function(e){var n=e.defs,s;e.enabled.length&&(n=Object.keys(n).reduce(function(l,c){return e.enabled.indexOf(c)>=0&&(l[c]=n[c]),l},{})),s=Object.keys(e.shortcuts).reduce(function(l,c){return n[c]?Array.isArray(e.shortcuts[c])?(e.shortcuts[c].forEach(function(u){l[u]=c}),l):(l[e.shortcuts[c]]=c,l):l},{});var o=Object.keys(n),r;o.length===0?r="^$":r=o.map(function(l){return":"+l+":"}).concat(Object.keys(s)).sort().reverse().map(function(l){return SAe(l)}).join("|");var i=RegExp(r),a=RegExp(r,"g");return{defs:n,shortcuts:s,scanRE:i,replaceRE:a}},MAe=CAe,OAe=AAe,RAe=TAe,NAe=function(e,n){var s={defs:{},shortcuts:{},enabled:[]},o=RAe(e.utils.assign({},s,n||{}));e.renderer.rules.emoji=MAe,e.core.ruler.after("linkify","emoji",OAe(e,o.defs,o.shortcuts,o.scanRE,o.replaceRE))},DAe=kAe,LAe=EAe,IAe=NAe,PAe=function(e,n){var s={defs:DAe,shortcuts:LAe,enabled:[]},o=e.utils.assign({},s,n||{});IAe(e,o)};const FAe=is(PAe);var Iu=!1,Ds={false:"push",true:"unshift",after:"push",before:"unshift"},Mr={isPermalinkSymbol:!0};function fl(t,e,n,s){var o;if(!Iu){var r="Using deprecated markdown-it-anchor permalink option, see https://github.com/valeriangalliat/markdown-it-anchor#permalinks";typeof process=="object"&&process&&process.emitWarning?process.emitWarning(r):console.warn(r),Iu=!0}var i=[Object.assign(new n.Token("link_open","a",1),{attrs:[].concat(e.permalinkClass?[["class",e.permalinkClass]]:[],[["href",e.permalinkHref(t,n)]],Object.entries(e.permalinkAttrs(t,n)))}),Object.assign(new n.Token("html_block","",0),{content:e.permalinkSymbol,meta:Mr}),new n.Token("link_close","a",-1)];e.permalinkSpace&&n.tokens[s+1].children[Ds[e.permalinkBefore]](Object.assign(new n.Token("text","",0),{content:" "})),(o=n.tokens[s+1].children)[Ds[e.permalinkBefore]].apply(o,i)}function xg(t){return"#"+t}function kg(t){return{}}var BAe={class:"header-anchor",symbol:"#",renderHref:xg,renderAttrs:kg};function Bo(t){function e(n){return n=Object.assign({},e.defaults,n),function(s,o,r,i){return t(s,n,o,r,i)}}return e.defaults=Object.assign({},BAe),e.renderPermalinkImpl=t,e}var bi=Bo(function(t,e,n,s,o){var r,i=[Object.assign(new s.Token("link_open","a",1),{attrs:[].concat(e.class?[["class",e.class]]:[],[["href",e.renderHref(t,s)]],e.ariaHidden?[["aria-hidden","true"]]:[],Object.entries(e.renderAttrs(t,s)))}),Object.assign(new s.Token("html_inline","",0),{content:e.symbol,meta:Mr}),new s.Token("link_close","a",-1)];if(e.space){var a=typeof e.space=="string"?e.space:" ";s.tokens[o+1].children[Ds[e.placement]](Object.assign(new s.Token(typeof e.space=="string"?"html_inline":"text","",0),{content:a}))}(r=s.tokens[o+1].children)[Ds[e.placement]].apply(r,i)});Object.assign(bi.defaults,{space:!0,placement:"after",ariaHidden:!1});var $n=Bo(bi.renderPermalinkImpl);$n.defaults=Object.assign({},bi.defaults,{ariaHidden:!0});var Eg=Bo(function(t,e,n,s,o){var r=[Object.assign(new s.Token("link_open","a",1),{attrs:[].concat(e.class?[["class",e.class]]:[],[["href",e.renderHref(t,s)]],Object.entries(e.renderAttrs(t,s)))})].concat(e.safariReaderFix?[new s.Token("span_open","span",1)]:[],s.tokens[o+1].children,e.safariReaderFix?[new s.Token("span_close","span",-1)]:[],[new s.Token("link_close","a",-1)]);s.tokens[o+1]=Object.assign(new s.Token("inline","",0),{children:r})});Object.assign(Eg.defaults,{safariReaderFix:!1});var Pu=Bo(function(t,e,n,s,o){var r;if(!["visually-hidden","aria-label","aria-describedby","aria-labelledby"].includes(e.style))throw new Error("`permalink.linkAfterHeader` called with unknown style option `"+e.style+"`");if(!["aria-describedby","aria-labelledby"].includes(e.style)&&!e.assistiveText)throw new Error("`permalink.linkAfterHeader` called without the `assistiveText` option in `"+e.style+"` style");if(e.style==="visually-hidden"&&!e.visuallyHiddenClass)throw new Error("`permalink.linkAfterHeader` called without the `visuallyHiddenClass` option in `visually-hidden` style");var i=s.tokens[o+1].children.filter(function(h){return h.type==="text"||h.type==="code_inline"}).reduce(function(h,f){return h+f.content},""),a=[],l=[];if(e.class&&l.push(["class",e.class]),l.push(["href",e.renderHref(t,s)]),l.push.apply(l,Object.entries(e.renderAttrs(t,s))),e.style==="visually-hidden"){if(a.push(Object.assign(new s.Token("span_open","span",1),{attrs:[["class",e.visuallyHiddenClass]]}),Object.assign(new s.Token("text","",0),{content:e.assistiveText(i)}),new s.Token("span_close","span",-1)),e.space){var c=typeof e.space=="string"?e.space:" ";a[Ds[e.placement]](Object.assign(new s.Token(typeof e.space=="string"?"html_inline":"text","",0),{content:c}))}a[Ds[e.placement]](Object.assign(new s.Token("span_open","span",1),{attrs:[["aria-hidden","true"]]}),Object.assign(new s.Token("html_inline","",0),{content:e.symbol,meta:Mr}),new s.Token("span_close","span",-1))}else a.push(Object.assign(new s.Token("html_inline","",0),{content:e.symbol,meta:Mr}));e.style==="aria-label"?l.push(["aria-label",e.assistiveText(i)]):["aria-describedby","aria-labelledby"].includes(e.style)&&l.push([e.style,t]);var u=[Object.assign(new s.Token("link_open","a",1),{attrs:l})].concat(a,[new s.Token("link_close","a",-1)]);(r=s.tokens).splice.apply(r,[o+3,0].concat(u)),e.wrapper&&(s.tokens.splice(o,0,Object.assign(new s.Token("html_block","",0),{content:e.wrapper[0]+` +`,i.map=[n,e.line],!0},jX=function(e,n,s,o){var r,i,a,l,c,u,h,f=!1,g=e.bMarks[n]+e.tShift[n],m=e.eMarks[n];if(e.sCount[n]-e.blkIndent>=4||g+3>m||(r=e.src.charCodeAt(g),r!==126&&r!==96)||(c=g,g=e.skipChars(g,r),i=g-c,i<3)||(h=e.src.slice(c,g),a=e.src.slice(g,m),r===96&&a.indexOf(String.fromCharCode(r))>=0))return!1;if(o)return!0;for(l=n;l++,!(l>=s||(g=c=e.bMarks[l]+e.tShift[l],m=e.eMarks[l],g=4)&&(g=e.skipChars(g,r),!(g-c=4||e.src.charCodeAt(M++)!==62)return!1;if(o)return!0;for(l=g=e.sCount[n]+1,e.src.charCodeAt(M)===32?(M++,l++,g++,r=!1,S=!0):e.src.charCodeAt(M)===9?(S=!0,(e.bsCount[n]+g)%4===3?(M++,l++,g++,r=!1):r=!0):S=!1,m=[e.bMarks[n]],e.bMarks[n]=M;M=L,y=[e.sCount[n]],e.sCount[n]=g-l,x=[e.tShift[n]],e.tShift[n]=M-e.bMarks[n],O=e.md.block.ruler.getRules("blockquote"),_=e.parentType,e.parentType="blockquote",f=n+1;f=L));f++){if(e.src.charCodeAt(M++)===62&&!v){for(l=g=e.sCount[f]+1,e.src.charCodeAt(M)===32?(M++,l++,g++,r=!1,S=!0):e.src.charCodeAt(M)===9?(S=!0,(e.bsCount[f]+g)%4===3?(M++,l++,g++,r=!1):r=!0):S=!1,m.push(e.bMarks[f]),e.bMarks[f]=M;M=L,p.push(e.bsCount[f]),e.bsCount[f]=e.sCount[f]+1+(S?1:0),y.push(e.sCount[f]),e.sCount[f]=g-l,x.push(e.tShift[f]),e.tShift[f]=M-e.bMarks[f];continue}if(u)break;for(R=!1,a=0,c=O.length;a",D.map=h=[n,0],e.md.block.tokenize(e,n,f),D=e.push("blockquote_close","blockquote",-1),D.markup=">",e.lineMax=E,e.parentType=_,h[1]=e.line,a=0;a=4||(r=e.src.charCodeAt(c++),r!==42&&r!==45&&r!==95))return!1;for(i=1;c=r||(n=t.src.charCodeAt(o++),n<48||n>57))return-1;for(;;){if(o>=r)return-1;if(n=t.src.charCodeAt(o++),n>=48&&n<=57){if(o-s>=10)return-1;continue}if(n===41||n===46)break;return-1}return o=4||e.listIndent>=0&&e.sCount[n]-e.listIndent>=4&&e.sCount[n]=e.blkIndent&&(T=!0),(L=yu(e,n))>=0){if(h=!0,J=e.bMarks[n]+e.tShift[n],_=Number(e.src.slice(J,L-1)),T&&_!==1)return!1}else if((L=bu(e,n))>=0)h=!1;else return!1;if(T&&e.skipSpaces(L)>=e.eMarks[n])return!1;if(b=e.src.charCodeAt(L-1),o)return!0;for(p=e.tokens.length,h?(Z=e.push("ordered_list_open","ol",1),_!==1&&(Z.attrs=[["start",_]])):Z=e.push("bullet_list_open","ul",1),Z.map=m=[n,0],Z.markup=String.fromCharCode(b),x=n,B=!1,ae=e.md.block.ruler.getRules("list"),O=e.parentType,e.parentType="list";x=y?c=1:c=S-u,c>4&&(c=1),l=u+c,Z=e.push("list_item_open","li",1),Z.markup=String.fromCharCode(b),Z.map=f=[n,0],h&&(Z.info=e.src.slice(J,L-1)),E=e.tight,v=e.tShift[n],D=e.sCount[n],R=e.listIndent,e.listIndent=e.blkIndent,e.blkIndent=l,e.tight=!0,e.tShift[n]=i-e.bMarks[n],e.sCount[n]=S,i>=y&&e.isEmpty(n+1)?e.line=Math.min(e.line+2,s):e.md.block.tokenize(e,n,s,!0),(!e.tight||B)&&(q=!1),B=e.line-n>1&&e.isEmpty(e.line-1),e.blkIndent=e.listIndent,e.listIndent=R,e.tShift[n]=v,e.sCount[n]=D,e.tight=E,Z=e.push("list_item_close","li",-1),Z.markup=String.fromCharCode(b),x=n=e.line,f[1]=x,i=e.bMarks[n],x>=s||e.sCount[x]=4)break;for(I=!1,a=0,g=ae.length;a=4||e.src.charCodeAt(O)!==91)return!1;for(;++O3)&&!(e.sCount[v]<0)){for(y=!1,u=0,h=x.length;u"u"&&(e.env.references={}),typeof e.env.references[f]>"u"&&(e.env.references[f]={title:S,href:c}),e.parentType=m,e.line=n+R+1),!0)},WX=["address","article","aside","base","basefont","blockquote","body","caption","center","col","colgroup","dd","details","dialog","dir","div","dl","dt","fieldset","figcaption","figure","footer","form","frame","frameset","h1","h2","h3","h4","h5","h6","head","header","hr","html","iframe","legend","li","link","main","menu","menuitem","nav","noframes","ol","optgroup","option","p","param","section","source","summary","table","tbody","td","tfoot","th","thead","title","tr","track","ul"],hi={},ZX="[a-zA-Z_:][a-zA-Z0-9:._-]*",YX="[^\"'=<>`\\x00-\\x20]+",JX="'[^']*'",QX='"[^"]*"',XX="(?:"+YX+"|"+JX+"|"+QX+")",eee="(?:\\s+"+ZX+"(?:\\s*=\\s*"+XX+")?)",lg="<[A-Za-z][A-Za-z0-9\\-]*"+eee+"*\\s*\\/?>",cg="<\\/[A-Za-z][A-Za-z0-9\\-]*\\s*>",tee="|",nee="<[?][\\s\\S]*?[?]>",see="]*>",oee="",ree=new RegExp("^(?:"+lg+"|"+cg+"|"+tee+"|"+nee+"|"+see+"|"+oee+")"),iee=new RegExp("^(?:"+lg+"|"+cg+")");hi.HTML_TAG_RE=ree;hi.HTML_OPEN_CLOSE_TAG_RE=iee;var aee=WX,lee=hi.HTML_OPEN_CLOSE_TAG_RE,us=[[/^<(script|pre|style|textarea)(?=(\s|>|$))/i,/<\/(script|pre|style|textarea)>/i,!0],[/^/,!0],[/^<\?/,/\?>/,!0],[/^/,!0],[/^/,!0],[new RegExp("^|$))","i"),/^$/,!0],[new RegExp(lee.source+"\\s*$"),/^$/,!1]],cee=function(e,n,s,o){var r,i,a,l,c=e.bMarks[n]+e.tShift[n],u=e.eMarks[n];if(e.sCount[n]-e.blkIndent>=4||!e.md.options.html||e.src.charCodeAt(c)!==60)return!1;for(l=e.src.slice(c,u),r=0;r=4||(r=e.src.charCodeAt(c),r!==35||c>=u))return!1;for(i=1,r=e.src.charCodeAt(++c);r===35&&c6||cc&&vu(e.src.charCodeAt(a-1))&&(u=a),e.line=n+1,l=e.push("heading_open","h"+String(i),1),l.markup="########".slice(0,i),l.map=[n,e.line],l=e.push("inline","",0),l.content=e.src.slice(c,u).trim(),l.map=[n,e.line],l.children=[],l=e.push("heading_close","h"+String(i),-1),l.markup="########".slice(0,i)),!0)},uee=function(e,n,s){var o,r,i,a,l,c,u,h,f,g=n+1,m,p=e.md.block.ruler.getRules("paragraph");if(e.sCount[n]-e.blkIndent>=4)return!1;for(m=e.parentType,e.parentType="paragraph";g3)){if(e.sCount[g]>=e.blkIndent&&(c=e.bMarks[g]+e.tShift[g],u=e.eMarks[g],c=u)))){h=f===61?1:2;break}if(!(e.sCount[g]<0)){for(r=!1,i=0,a=p.length;i3)&&!(e.sCount[c]<0)){for(o=!1,r=0,i=u.length;r0&&this.level++,this.tokens.push(s),s};Xt.prototype.isEmpty=function(e){return this.bMarks[e]+this.tShift[e]>=this.eMarks[e]};Xt.prototype.skipEmptyLines=function(e){for(var n=this.lineMax;en;)if(!fi(this.src.charCodeAt(--e)))return e+1;return e};Xt.prototype.skipChars=function(e,n){for(var s=this.src.length;es;)if(n!==this.src.charCodeAt(--e))return e+1;return e};Xt.prototype.getLines=function(e,n,s,o){var r,i,a,l,c,u,h,f=e;if(e>=n)return"";for(u=new Array(n-e),r=0;fs?u[r]=new Array(i-s+1).join(" ")+this.src.slice(l,c):u[r]=this.src.slice(l,c)}return u.join("")};Xt.prototype.Token=dg;var fee=Xt,pee=ic,Jo=[["table",BX,["paragraph","reference"]],["code",$X],["fence",jX,["paragraph","reference","blockquote","list"]],["blockquote",zX,["paragraph","reference","blockquote","list"]],["hr",qX,["paragraph","reference","blockquote","list"]],["list",VX,["paragraph","reference","blockquote"]],["reference",KX],["html_block",cee,["paragraph","reference","blockquote"]],["heading",dee,["paragraph","reference","blockquote"]],["lheading",uee],["paragraph",hee]];function pi(){this.ruler=new pee;for(var t=0;t=n||t.sCount[a]=c){t.line=n;break}for(o=0;o0||(s=e.pos,o=e.posMax,s+3>o)||e.src.charCodeAt(s)!==58||e.src.charCodeAt(s+1)!==47||e.src.charCodeAt(s+2)!==47||(r=e.pending.match(bee),!r)||(i=r[1],a=e.md.linkify.matchAtStart(e.src.slice(s-i.length)),!a)||(l=a.url,l=l.replace(/\*+$/,""),c=e.md.normalizeLink(l),!e.md.validateLink(c))?!1:(n||(e.pending=e.pending.slice(0,-i.length),u=e.push("link_open","a",1),u.attrs=[["href",c]],u.markup="linkify",u.info="auto",u=e.push("text","",0),u.content=e.md.normalizeLinkText(l),u=e.push("link_close","a",-1),u.markup="linkify",u.info="auto"),e.pos+=l.length-i.length,!0)},vee=qe.isSpace,wee=function(e,n){var s,o,r,i=e.pos;if(e.src.charCodeAt(i)!==10)return!1;if(s=e.pending.length-1,o=e.posMax,!n)if(s>=0&&e.pending.charCodeAt(s)===32)if(s>=1&&e.pending.charCodeAt(s-1)===32){for(r=s-1;r>=1&&e.pending.charCodeAt(r-1)===32;)r--;e.pending=e.pending.slice(0,r),e.push("hardbreak","br",0)}else e.pending=e.pending.slice(0,-1),e.push("softbreak","br",0);else e.push("softbreak","br",0);for(i++;i?@[]^_`{|}~-".split("").forEach(function(t){cc[t.charCodeAt(0)]=1});var kee=function(e,n){var s,o,r,i,a,l=e.pos,c=e.posMax;if(e.src.charCodeAt(l)!==92||(l++,l>=c))return!1;if(s=e.src.charCodeAt(l),s===10){for(n||e.push("hardbreak","br",0),l++;l=55296&&s<=56319&&l+1=56320&&o<=57343&&(i+=e.src[l+1],l++)),r="\\"+i,n||(a=e.push("text_special","",0),s<256&&cc[s]!==0?a.content=i:a.content=r,a.markup=r,a.info="escape"),e.pos=l+1,!0},Eee=function(e,n){var s,o,r,i,a,l,c,u,h=e.pos,f=e.src.charCodeAt(h);if(f!==96)return!1;for(s=h,h++,o=e.posMax;h=0;n--)s=e[n],!(s.marker!==95&&s.marker!==42)&&s.end!==-1&&(o=e[s.end],a=n>0&&e[n-1].end===s.end+1&&e[n-1].marker===s.marker&&e[n-1].token===s.token-1&&e[s.end+1].token===o.token+1,i=String.fromCharCode(s.marker),r=t.tokens[s.token],r.type=a?"strong_open":"em_open",r.tag=a?"strong":"em",r.nesting=1,r.markup=a?i+i:i,r.content="",r=t.tokens[o.token],r.type=a?"strong_close":"em_close",r.tag=a?"strong":"em",r.nesting=-1,r.markup=a?i+i:i,r.content="",a&&(t.tokens[e[n-1].token].content="",t.tokens[e[s.end+1].token].content="",n--))}mi.postProcess=function(e){var n,s=e.tokens_meta,o=e.tokens_meta.length;for(ku(e,e.delimiters),n=0;n=p)return!1;if(b=l,c=e.md.helpers.parseLinkDestination(e.src,l,e.posMax),c.ok){for(f=e.md.normalizeLink(c.str),e.md.validateLink(f)?l=c.pos:f="",b=l;l=p||e.src.charCodeAt(l)!==41)&&(_=!0),l++}if(_){if(typeof e.env.references>"u")return!1;if(l=0?r=e.src.slice(b,l++):l=i+1):l=i+1,r||(r=e.src.slice(a,i)),u=e.env.references[Cee(r)],!u)return e.pos=m,!1;f=u.href,g=u.title}return n||(e.pos=a,e.posMax=i,h=e.push("link_open","a",1),h.attrs=s=[["href",f]],g&&s.push(["title",g]),e.linkLevel++,e.md.inline.tokenize(e),e.linkLevel--,h=e.push("link_close","a",-1)),e.pos=l,e.posMax=p,!0},See=qe.normalizeReference,Zi=qe.isSpace,Tee=function(e,n){var s,o,r,i,a,l,c,u,h,f,g,m,p,b="",_=e.pos,y=e.posMax;if(e.src.charCodeAt(e.pos)!==33||e.src.charCodeAt(e.pos+1)!==91||(l=e.pos+2,a=e.md.helpers.parseLinkLabel(e,e.pos+1,!1),a<0))return!1;if(c=a+1,c=y)return!1;for(p=c,h=e.md.helpers.parseLinkDestination(e.src,c,e.posMax),h.ok&&(b=e.md.normalizeLink(h.str),e.md.validateLink(b)?c=h.pos:b=""),p=c;c=y||e.src.charCodeAt(c)!==41)return e.pos=_,!1;c++}else{if(typeof e.env.references>"u")return!1;if(c=0?i=e.src.slice(p,c++):c=a+1):c=a+1,i||(i=e.src.slice(l,a)),u=e.env.references[See(i)],!u)return e.pos=_,!1;b=u.href,f=u.title}return n||(r=e.src.slice(l,a),e.md.inline.parse(r,e.md,e.env,m=[]),g=e.push("image","img",0),g.attrs=s=[["src",b],["alt",""]],g.children=m,g.content=r,f&&s.push(["title",f])),e.pos=c,e.posMax=y,!0},Mee=/^([a-zA-Z0-9.!#$%&'*+\/=?^_`{|}~-]+@[a-zA-Z0-9](?:[a-zA-Z0-9-]{0,61}[a-zA-Z0-9])?(?:\.[a-zA-Z0-9](?:[a-zA-Z0-9-]{0,61}[a-zA-Z0-9])?)*)$/,Oee=/^([a-zA-Z][a-zA-Z0-9+.\-]{1,31}):([^<>\x00-\x20]*)$/,Ree=function(e,n){var s,o,r,i,a,l,c=e.pos;if(e.src.charCodeAt(c)!==60)return!1;for(a=e.pos,l=e.posMax;;){if(++c>=l||(i=e.src.charCodeAt(c),i===60))return!1;if(i===62)break}return s=e.src.slice(a+1,c),Oee.test(s)?(o=e.md.normalizeLink(s),e.md.validateLink(o)?(n||(r=e.push("link_open","a",1),r.attrs=[["href",o]],r.markup="autolink",r.info="auto",r=e.push("text","",0),r.content=e.md.normalizeLinkText(s),r=e.push("link_close","a",-1),r.markup="autolink",r.info="auto"),e.pos+=s.length+2,!0):!1):Mee.test(s)?(o=e.md.normalizeLink("mailto:"+s),e.md.validateLink(o)?(n||(r=e.push("link_open","a",1),r.attrs=[["href",o]],r.markup="autolink",r.info="auto",r=e.push("text","",0),r.content=e.md.normalizeLinkText(s),r=e.push("link_close","a",-1),r.markup="autolink",r.info="auto"),e.pos+=s.length+2,!0):!1):!1},Nee=hi.HTML_TAG_RE;function Dee(t){return/^\s]/i.test(t)}function Lee(t){return/^<\/a\s*>/i.test(t)}function Iee(t){var e=t|32;return e>=97&&e<=122}var Pee=function(e,n){var s,o,r,i,a=e.pos;return!e.md.options.html||(r=e.posMax,e.src.charCodeAt(a)!==60||a+2>=r)||(s=e.src.charCodeAt(a+1),s!==33&&s!==63&&s!==47&&!Iee(s))||(o=e.src.slice(a).match(Nee),!o)?!1:(n||(i=e.push("html_inline","",0),i.content=e.src.slice(a,a+o[0].length),Dee(i.content)&&e.linkLevel++,Lee(i.content)&&e.linkLevel--),e.pos+=o[0].length,!0)},Eu=tg,Fee=qe.has,Bee=qe.isValidEntityCode,Cu=qe.fromCodePoint,$ee=/^&#((?:x[a-f0-9]{1,6}|[0-9]{1,7}));/i,jee=/^&([a-z][a-z0-9]{1,31});/i,zee=function(e,n){var s,o,r,i,a=e.pos,l=e.posMax;if(e.src.charCodeAt(a)!==38||a+1>=l)return!1;if(s=e.src.charCodeAt(a+1),s===35){if(r=e.src.slice(a).match($ee),r)return n||(o=r[1][0].toLowerCase()==="x"?parseInt(r[1].slice(1),16):parseInt(r[1],10),i=e.push("text_special","",0),i.content=Bee(o)?Cu(o):Cu(65533),i.markup=r[0],i.info="entity"),e.pos+=r[0].length,!0}else if(r=e.src.slice(a).match(jee),r&&Fee(Eu,r[1]))return n||(i=e.push("text_special","",0),i.content=Eu[r[1]],i.markup=r[0],i.info="entity"),e.pos+=r[0].length,!0;return!1};function Au(t,e){var n,s,o,r,i,a,l,c,u={},h=e.length;if(h){var f=0,g=-2,m=[];for(n=0;ni;s-=m[s]+1)if(r=e[s],r.marker===o.marker&&r.open&&r.end<0&&(l=!1,(r.close||o.open)&&(r.length+o.length)%3===0&&(r.length%3!==0||o.length%3!==0)&&(l=!0),!l)){c=s>0&&!e[s-1].open?m[s-1]+1:0,m[n]=n-s+c,m[s]=c,o.open=!1,r.end=n,r.close=!1,a=-1,g=-2;break}a!==-1&&(u[o.marker][(o.open?3:0)+(o.length||0)%3]=a)}}}var Uee=function(e){var n,s=e.tokens_meta,o=e.tokens_meta.length;for(Au(e,e.delimiters),n=0;n0&&o++,r[n].type==="text"&&n+10&&(this.level++,this._prev_delimiters.push(this.delimiters),this.delimiters=[],o={delimiters:this.delimiters}),this.pendingLevel=this.level,this.tokens.push(s),this.tokens_meta.push(o),s};Po.prototype.scanDelims=function(t,e){var n=t,s,o,r,i,a,l,c,u,h,f=!0,g=!0,m=this.posMax,p=this.src.charCodeAt(t);for(s=t>0?this.src.charCodeAt(t-1):32;n=r)break;continue}t.pending+=t.src[t.pos++]}t.pending&&t.pushPending()};Fo.prototype.parse=function(t,e,n,s){var o,r,i,a=new this.State(t,e,n,s);for(this.tokenize(a),r=this.ruler2.getRules(""),i=r.length,o=0;o|$))",e.tpl_email_fuzzy="(^|"+n+'|"|\\(|'+e.src_ZCc+")("+e.src_email_name+"@"+e.tpl_host_fuzzy_strict+")",e.tpl_link_fuzzy="(^|(?![.:/\\-_@])(?:[$+<=>^`||]|"+e.src_ZPCc+"))((?![$+<=>^`||])"+e.tpl_host_port_fuzzy_strict+e.src_path+")",e.tpl_link_no_ip_fuzzy="(^|(?![.:/\\-_@])(?:[$+<=>^`||]|"+e.src_ZPCc+"))((?![$+<=>^`||])"+e.tpl_host_port_no_ip_fuzzy_strict+e.src_path+")",e}),Qi}function ul(t){var e=Array.prototype.slice.call(arguments,1);return e.forEach(function(n){n&&Object.keys(n).forEach(function(s){t[s]=n[s]})}),t}function _i(t){return Object.prototype.toString.call(t)}function Kee(t){return _i(t)==="[object String]"}function Wee(t){return _i(t)==="[object Object]"}function Zee(t){return _i(t)==="[object RegExp]"}function Nu(t){return _i(t)==="[object Function]"}function Yee(t){return t.replace(/[.?*+^$[\]\\(){}|-]/g,"\\$&")}var ug={fuzzyLink:!0,fuzzyEmail:!0,fuzzyIP:!1};function Jee(t){return Object.keys(t||{}).reduce(function(e,n){return e||ug.hasOwnProperty(n)},!1)}var Qee={"http:":{validate:function(t,e,n){var s=t.slice(e);return n.re.http||(n.re.http=new RegExp("^\\/\\/"+n.re.src_auth+n.re.src_host_port_strict+n.re.src_path,"i")),n.re.http.test(s)?s.match(n.re.http)[0].length:0}},"https:":"http:","ftp:":"http:","//":{validate:function(t,e,n){var s=t.slice(e);return n.re.no_http||(n.re.no_http=new RegExp("^"+n.re.src_auth+"(?:localhost|(?:(?:"+n.re.src_domain+")\\.)+"+n.re.src_domain_root+")"+n.re.src_port+n.re.src_host_terminator+n.re.src_path,"i")),n.re.no_http.test(s)?e>=3&&t[e-3]===":"||e>=3&&t[e-3]==="/"?0:s.match(n.re.no_http)[0].length:0}},"mailto:":{validate:function(t,e,n){var s=t.slice(e);return n.re.mailto||(n.re.mailto=new RegExp("^"+n.re.src_email_name+"@"+n.re.src_host_strict,"i")),n.re.mailto.test(s)?s.match(n.re.mailto)[0].length:0}}},Xee="a[cdefgilmnoqrstuwxz]|b[abdefghijmnorstvwyz]|c[acdfghiklmnoruvwxyz]|d[ejkmoz]|e[cegrstu]|f[ijkmor]|g[abdefghilmnpqrstuwy]|h[kmnrtu]|i[delmnoqrst]|j[emop]|k[eghimnprwyz]|l[abcikrstuvy]|m[acdeghklmnopqrstuvwxyz]|n[acefgilopruz]|om|p[aefghklmnrstwy]|qa|r[eosuw]|s[abcdeghijklmnortuvxyz]|t[cdfghjklmnortvwz]|u[agksyz]|v[aceginu]|w[fs]|y[et]|z[amw]",ete="biz|com|edu|gov|net|org|pro|web|xxx|aero|asia|coop|info|museum|name|shop|рф".split("|");function tte(t){t.__index__=-1,t.__text_cache__=""}function nte(t){return function(e,n){var s=e.slice(n);return t.test(s)?s.match(t)[0].length:0}}function Du(){return function(t,e){e.normalize(t)}}function Tr(t){var e=t.re=Gee()(t.__opts__),n=t.__tlds__.slice();t.onCompile(),t.__tlds_replaced__||n.push(Xee),n.push(e.src_xn),e.src_tlds=n.join("|");function s(a){return a.replace("%TLDS%",e.src_tlds)}e.email_fuzzy=RegExp(s(e.tpl_email_fuzzy),"i"),e.link_fuzzy=RegExp(s(e.tpl_link_fuzzy),"i"),e.link_no_ip_fuzzy=RegExp(s(e.tpl_link_no_ip_fuzzy),"i"),e.host_fuzzy_test=RegExp(s(e.tpl_host_fuzzy_test),"i");var o=[];t.__compiled__={};function r(a,l){throw new Error('(LinkifyIt) Invalid schema "'+a+'": '+l)}Object.keys(t.__schemas__).forEach(function(a){var l=t.__schemas__[a];if(l!==null){var c={validate:null,link:null};if(t.__compiled__[a]=c,Wee(l)){Zee(l.validate)?c.validate=nte(l.validate):Nu(l.validate)?c.validate=l.validate:r(a,l),Nu(l.normalize)?c.normalize=l.normalize:l.normalize?r(a,l):c.normalize=Du();return}if(Kee(l)){o.push(a);return}r(a,l)}}),o.forEach(function(a){t.__compiled__[t.__schemas__[a]]&&(t.__compiled__[a].validate=t.__compiled__[t.__schemas__[a]].validate,t.__compiled__[a].normalize=t.__compiled__[t.__schemas__[a]].normalize)}),t.__compiled__[""]={validate:null,normalize:Du()};var i=Object.keys(t.__compiled__).filter(function(a){return a.length>0&&t.__compiled__[a]}).map(Yee).join("|");t.re.schema_test=RegExp("(^|(?!_)(?:[><|]|"+e.src_ZPCc+"))("+i+")","i"),t.re.schema_search=RegExp("(^|(?!_)(?:[><|]|"+e.src_ZPCc+"))("+i+")","ig"),t.re.schema_at_start=RegExp("^"+t.re.schema_search.source,"i"),t.re.pretest=RegExp("("+t.re.schema_test.source+")|("+t.re.host_fuzzy_test.source+")|@","i"),tte(t)}function ste(t,e){var n=t.__index__,s=t.__last_index__,o=t.__text_cache__.slice(n,s);this.schema=t.__schema__.toLowerCase(),this.index=n+e,this.lastIndex=s+e,this.raw=o,this.text=o,this.url=o}function hl(t,e){var n=new ste(t,e);return t.__compiled__[n.schema].normalize(n,t),n}function yt(t,e){if(!(this instanceof yt))return new yt(t,e);e||Jee(t)&&(e=t,t={}),this.__opts__=ul({},ug,e),this.__index__=-1,this.__last_index__=-1,this.__schema__="",this.__text_cache__="",this.__schemas__=ul({},Qee,t),this.__compiled__={},this.__tlds__=ete,this.__tlds_replaced__=!1,this.re={},Tr(this)}yt.prototype.add=function(e,n){return this.__schemas__[e]=n,Tr(this),this};yt.prototype.set=function(e){return this.__opts__=ul(this.__opts__,e),this};yt.prototype.test=function(e){if(this.__text_cache__=e,this.__index__=-1,!e.length)return!1;var n,s,o,r,i,a,l,c,u;if(this.re.schema_test.test(e)){for(l=this.re.schema_search,l.lastIndex=0;(n=l.exec(e))!==null;)if(r=this.testSchemaAt(e,n[2],l.lastIndex),r){this.__schema__=n[2],this.__index__=n.index+n[1].length,this.__last_index__=n.index+n[0].length+r;break}}return this.__opts__.fuzzyLink&&this.__compiled__["http:"]&&(c=e.search(this.re.host_fuzzy_test),c>=0&&(this.__index__<0||c=0&&(o=e.match(this.re.email_fuzzy))!==null&&(i=o.index+o[1].length,a=o.index+o[0].length,(this.__index__<0||ithis.__last_index__)&&(this.__schema__="mailto:",this.__index__=i,this.__last_index__=a))),this.__index__>=0};yt.prototype.pretest=function(e){return this.re.pretest.test(e)};yt.prototype.testSchemaAt=function(e,n,s){return this.__compiled__[n.toLowerCase()]?this.__compiled__[n.toLowerCase()].validate(e,s,this):0};yt.prototype.match=function(e){var n=0,s=[];this.__index__>=0&&this.__text_cache__===e&&(s.push(hl(this,n)),n=this.__last_index__);for(var o=n?e.slice(n):e;this.test(o);)s.push(hl(this,n)),o=o.slice(this.__last_index__),n+=this.__last_index__;return s.length?s:null};yt.prototype.matchAtStart=function(e){if(this.__text_cache__=e,this.__index__=-1,!e.length)return null;var n=this.re.schema_at_start.exec(e);if(!n)return null;var s=this.testSchemaAt(e,n[2],n[0].length);return s?(this.__schema__=n[2],this.__index__=n.index+n[1].length,this.__last_index__=n.index+n[0].length+s,hl(this,0)):null};yt.prototype.tlds=function(e,n){return e=Array.isArray(e)?e:[e],n?(this.__tlds__=this.__tlds__.concat(e).sort().filter(function(s,o,r){return s!==r[o-1]}).reverse(),Tr(this),this):(this.__tlds__=e.slice(),this.__tlds_replaced__=!0,Tr(this),this)};yt.prototype.normalize=function(e){e.schema||(e.url="http://"+e.url),e.schema==="mailto:"&&!/^mailto:/i.test(e.url)&&(e.url="mailto:"+e.url)};yt.prototype.onCompile=function(){};var ote=yt;const ks=2147483647,Ht=36,uc=1,So=26,rte=38,ite=700,hg=72,fg=128,pg="-",ate=/^xn--/,lte=/[^\0-\x7F]/,cte=/[\x2E\u3002\uFF0E\uFF61]/g,dte={overflow:"Overflow: input needs wider integers to process","not-basic":"Illegal input >= 0x80 (not a basic code point)","invalid-input":"Invalid input"},Xi=Ht-uc,Vt=Math.floor,ea=String.fromCharCode;function wn(t){throw new RangeError(dte[t])}function ute(t,e){const n=[];let s=t.length;for(;s--;)n[s]=e(t[s]);return n}function gg(t,e){const n=t.split("@");let s="";n.length>1&&(s=n[0]+"@",t=n[1]),t=t.replace(cte,".");const o=t.split("."),r=ute(o,e).join(".");return s+r}function hc(t){const e=[];let n=0;const s=t.length;for(;n=55296&&o<=56319&&nString.fromCodePoint(...t),hte=function(t){return t>=48&&t<58?26+(t-48):t>=65&&t<91?t-65:t>=97&&t<123?t-97:Ht},Lu=function(t,e){return t+22+75*(t<26)-((e!=0)<<5)},_g=function(t,e,n){let s=0;for(t=n?Vt(t/ite):t>>1,t+=Vt(t/e);t>Xi*So>>1;s+=Ht)t=Vt(t/Xi);return Vt(s+(Xi+1)*t/(t+rte))},fc=function(t){const e=[],n=t.length;let s=0,o=fg,r=hg,i=t.lastIndexOf(pg);i<0&&(i=0);for(let a=0;a=128&&wn("not-basic"),e.push(t.charCodeAt(a));for(let a=i>0?i+1:0;a=n&&wn("invalid-input");const f=hte(t.charCodeAt(a++));f>=Ht&&wn("invalid-input"),f>Vt((ks-s)/u)&&wn("overflow"),s+=f*u;const g=h<=r?uc:h>=r+So?So:h-r;if(fVt(ks/m)&&wn("overflow"),u*=m}const c=e.length+1;r=_g(s-l,c,l==0),Vt(s/c)>ks-o&&wn("overflow"),o+=Vt(s/c),s%=c,e.splice(s++,0,o)}return String.fromCodePoint(...e)},pc=function(t){const e=[];t=hc(t);const n=t.length;let s=fg,o=0,r=hg;for(const l of t)l<128&&e.push(ea(l));const i=e.length;let a=i;for(i&&e.push(pg);a=s&&uVt((ks-o)/c)&&wn("overflow"),o+=(l-s)*c,s=l;for(const u of t)if(uks&&wn("overflow"),u===s){let h=o;for(let f=Ht;;f+=Ht){const g=f<=r?uc:f>=r+So?So:f-r;if(h=0))try{e.hostname=vg.toASCII(e.hostname)}catch{}return Gn.encode(Gn.format(e))}function Ote(t){var e=Gn.parse(t,!0);if(e.hostname&&(!e.protocol||wg.indexOf(e.protocol)>=0))try{e.hostname=vg.toUnicode(e.hostname)}catch{}return Gn.decode(Gn.format(e),Gn.decode.defaultChars+"%")}function Mt(t,e){if(!(this instanceof Mt))return new Mt(t,e);e||co.isString(t)||(e=t||{},t="default"),this.inline=new kte,this.block=new xte,this.core=new wte,this.renderer=new vte,this.linkify=new Ete,this.validateLink=Tte,this.normalizeLink=Mte,this.normalizeLinkText=Ote,this.utils=co,this.helpers=co.assign({},yte),this.options={},this.configure(t),e&&this.set(e)}Mt.prototype.set=function(t){return co.assign(this.options,t),this};Mt.prototype.configure=function(t){var e=this,n;if(co.isString(t)&&(n=t,t=Cte[n],!t))throw new Error('Wrong `markdown-it` preset "'+n+'", check name');if(!t)throw new Error("Wrong `markdown-it` preset, can't be empty");return t.options&&e.set(t.options),t.components&&Object.keys(t.components).forEach(function(s){t.components[s].rules&&e[s].ruler.enableOnly(t.components[s].rules),t.components[s].rules2&&e[s].ruler2.enableOnly(t.components[s].rules2)}),this};Mt.prototype.enable=function(t,e){var n=[];Array.isArray(t)||(t=[t]),["core","block","inline"].forEach(function(o){n=n.concat(this[o].ruler.enable(t,!0))},this),n=n.concat(this.inline.ruler2.enable(t,!0));var s=t.filter(function(o){return n.indexOf(o)<0});if(s.length&&!e)throw new Error("MarkdownIt. Failed to enable unknown rule(s): "+s);return this};Mt.prototype.disable=function(t,e){var n=[];Array.isArray(t)||(t=[t]),["core","block","inline"].forEach(function(o){n=n.concat(this[o].ruler.disable(t,!0))},this),n=n.concat(this.inline.ruler2.disable(t,!0));var s=t.filter(function(o){return n.indexOf(o)<0});if(s.length&&!e)throw new Error("MarkdownIt. Failed to disable unknown rule(s): "+s);return this};Mt.prototype.use=function(t){var e=[this].concat(Array.prototype.slice.call(arguments,1));return t.apply(t,e),this};Mt.prototype.parse=function(t,e){if(typeof t!="string")throw new Error("Input data should be a String");var n=new this.core.State(t,this,e);return this.core.process(n),n.tokens};Mt.prototype.render=function(t,e){return e=e||{},this.renderer.render(this.parse(t,e),this.options,e)};Mt.prototype.parseInline=function(t,e){var n=new this.core.State(t,this,e);return n.inlineMode=!0,this.core.process(n),n.tokens};Mt.prototype.renderInline=function(t,e){return e=e||{},this.renderer.render(this.parseInline(t,e),this.options,e)};var Rte=Mt,Nte=Rte;const Dte=is(Nte),Lte="😀",Ite="😃",Pte="😄",Fte="😁",Bte="😆",$te="😆",jte="😅",zte="🤣",Ute="😂",qte="🙂",Hte="🙃",Vte="😉",Gte="😊",Kte="😇",Wte="🥰",Zte="😍",Yte="🤩",Jte="😘",Qte="😗",Xte="☺️",ene="😚",tne="😙",nne="🥲",sne="😋",one="😛",rne="😜",ine="🤪",ane="😝",lne="🤑",cne="🤗",dne="🤭",une="🤫",hne="🤔",fne="🤐",pne="🤨",gne="😐",mne="😑",_ne="😶",bne="😏",yne="😒",vne="🙄",wne="😬",xne="🤥",kne="😌",Ene="😔",Cne="😪",Ane="🤤",Sne="😴",Tne="😷",Mne="🤒",One="🤕",Rne="🤢",Nne="🤮",Dne="🤧",Lne="🥵",Ine="🥶",Pne="🥴",Fne="😵",Bne="🤯",$ne="🤠",jne="🥳",zne="🥸",Une="😎",qne="🤓",Hne="🧐",Vne="😕",Gne="😟",Kne="🙁",Wne="☹️",Zne="😮",Yne="😯",Jne="😲",Qne="😳",Xne="🥺",ese="😦",tse="😧",nse="😨",sse="😰",ose="😥",rse="😢",ise="😭",ase="😱",lse="😖",cse="😣",dse="😞",use="😓",hse="😩",fse="😫",pse="🥱",gse="😤",mse="😡",_se="😡",bse="😠",yse="🤬",vse="😈",wse="👿",xse="💀",kse="☠️",Ese="💩",Cse="💩",Ase="💩",Sse="🤡",Tse="👹",Mse="👺",Ose="👻",Rse="👽",Nse="👾",Dse="🤖",Lse="😺",Ise="😸",Pse="😹",Fse="😻",Bse="😼",$se="😽",jse="🙀",zse="😿",Use="😾",qse="🙈",Hse="🙉",Vse="🙊",Gse="💋",Kse="💌",Wse="💘",Zse="💝",Yse="💖",Jse="💗",Qse="💓",Xse="💞",eoe="💕",toe="💟",noe="❣️",soe="💔",ooe="❤️",roe="🧡",ioe="💛",aoe="💚",loe="💙",coe="💜",doe="🤎",uoe="🖤",hoe="🤍",foe="💢",poe="💥",goe="💥",moe="💫",_oe="💦",boe="💨",yoe="🕳️",voe="💣",woe="💬",xoe="👁️‍🗨️",koe="🗨️",Eoe="🗯️",Coe="💭",Aoe="💤",Soe="👋",Toe="🤚",Moe="🖐️",Ooe="✋",Roe="✋",Noe="🖖",Doe="👌",Loe="🤌",Ioe="🤏",Poe="✌️",Foe="🤞",Boe="🤟",$oe="🤘",joe="🤙",zoe="👈",Uoe="👉",qoe="👆",Hoe="🖕",Voe="🖕",Goe="👇",Koe="☝️",Woe="👍",Zoe="👎",Yoe="✊",Joe="✊",Qoe="👊",Xoe="👊",ere="👊",tre="🤛",nre="🤜",sre="👏",ore="🙌",rre="👐",ire="🤲",are="🤝",lre="🙏",cre="✍️",dre="💅",ure="🤳",hre="💪",fre="🦾",pre="🦿",gre="🦵",mre="🦶",_re="👂",bre="🦻",yre="👃",vre="🧠",wre="🫀",xre="🫁",kre="🦷",Ere="🦴",Cre="👀",Are="👁️",Sre="👅",Tre="👄",Mre="👶",Ore="🧒",Rre="👦",Nre="👧",Dre="🧑",Lre="👱",Ire="👨",Pre="🧔",Fre="👨‍🦰",Bre="👨‍🦱",$re="👨‍🦳",jre="👨‍🦲",zre="👩",Ure="👩‍🦰",qre="🧑‍🦰",Hre="👩‍🦱",Vre="🧑‍🦱",Gre="👩‍🦳",Kre="🧑‍🦳",Wre="👩‍🦲",Zre="🧑‍🦲",Yre="👱‍♀️",Jre="👱‍♀️",Qre="👱‍♂️",Xre="🧓",eie="👴",tie="👵",nie="🙍",sie="🙍‍♂️",oie="🙍‍♀️",rie="🙎",iie="🙎‍♂️",aie="🙎‍♀️",lie="🙅",cie="🙅‍♂️",die="🙅‍♂️",uie="🙅‍♀️",hie="🙅‍♀️",fie="🙆",pie="🙆‍♂️",gie="🙆‍♀️",mie="💁",_ie="💁",bie="💁‍♂️",yie="💁‍♂️",vie="💁‍♀️",wie="💁‍♀️",xie="🙋",kie="🙋‍♂️",Eie="🙋‍♀️",Cie="🧏",Aie="🧏‍♂️",Sie="🧏‍♀️",Tie="🙇",Mie="🙇‍♂️",Oie="🙇‍♀️",Rie="🤦",Nie="🤦‍♂️",Die="🤦‍♀️",Lie="🤷",Iie="🤷‍♂️",Pie="🤷‍♀️",Fie="🧑‍⚕️",Bie="👨‍⚕️",$ie="👩‍⚕️",jie="🧑‍🎓",zie="👨‍🎓",Uie="👩‍🎓",qie="🧑‍🏫",Hie="👨‍🏫",Vie="👩‍🏫",Gie="🧑‍⚖️",Kie="👨‍⚖️",Wie="👩‍⚖️",Zie="🧑‍🌾",Yie="👨‍🌾",Jie="👩‍🌾",Qie="🧑‍🍳",Xie="👨‍🍳",eae="👩‍🍳",tae="🧑‍🔧",nae="👨‍🔧",sae="👩‍🔧",oae="🧑‍🏭",rae="👨‍🏭",iae="👩‍🏭",aae="🧑‍💼",lae="👨‍💼",cae="👩‍💼",dae="🧑‍🔬",uae="👨‍🔬",hae="👩‍🔬",fae="🧑‍💻",pae="👨‍💻",gae="👩‍💻",mae="🧑‍🎤",_ae="👨‍🎤",bae="👩‍🎤",yae="🧑‍🎨",vae="👨‍🎨",wae="👩‍🎨",xae="🧑‍✈️",kae="👨‍✈️",Eae="👩‍✈️",Cae="🧑‍🚀",Aae="👨‍🚀",Sae="👩‍🚀",Tae="🧑‍🚒",Mae="👨‍🚒",Oae="👩‍🚒",Rae="👮",Nae="👮",Dae="👮‍♂️",Lae="👮‍♀️",Iae="🕵️",Pae="🕵️‍♂️",Fae="🕵️‍♀️",Bae="💂",$ae="💂‍♂️",jae="💂‍♀️",zae="🥷",Uae="👷",qae="👷‍♂️",Hae="👷‍♀️",Vae="🤴",Gae="👸",Kae="👳",Wae="👳‍♂️",Zae="👳‍♀️",Yae="👲",Jae="🧕",Qae="🤵",Xae="🤵‍♂️",ele="🤵‍♀️",tle="👰",nle="👰‍♂️",sle="👰‍♀️",ole="👰‍♀️",rle="🤰",ile="🤱",ale="👩‍🍼",lle="👨‍🍼",cle="🧑‍🍼",dle="👼",ule="🎅",hle="🤶",fle="🧑‍🎄",ple="🦸",gle="🦸‍♂️",mle="🦸‍♀️",_le="🦹",ble="🦹‍♂️",yle="🦹‍♀️",vle="🧙",wle="🧙‍♂️",xle="🧙‍♀️",kle="🧚",Ele="🧚‍♂️",Cle="🧚‍♀️",Ale="🧛",Sle="🧛‍♂️",Tle="🧛‍♀️",Mle="🧜",Ole="🧜‍♂️",Rle="🧜‍♀️",Nle="🧝",Dle="🧝‍♂️",Lle="🧝‍♀️",Ile="🧞",Ple="🧞‍♂️",Fle="🧞‍♀️",Ble="🧟",$le="🧟‍♂️",jle="🧟‍♀️",zle="💆",Ule="💆‍♂️",qle="💆‍♀️",Hle="💇",Vle="💇‍♂️",Gle="💇‍♀️",Kle="🚶",Wle="🚶‍♂️",Zle="🚶‍♀️",Yle="🧍",Jle="🧍‍♂️",Qle="🧍‍♀️",Xle="🧎",ece="🧎‍♂️",tce="🧎‍♀️",nce="🧑‍🦯",sce="👨‍🦯",oce="👩‍🦯",rce="🧑‍🦼",ice="👨‍🦼",ace="👩‍🦼",lce="🧑‍🦽",cce="👨‍🦽",dce="👩‍🦽",uce="🏃",hce="🏃",fce="🏃‍♂️",pce="🏃‍♀️",gce="💃",mce="💃",_ce="🕺",bce="🕴️",yce="👯",vce="👯‍♂️",wce="👯‍♀️",xce="🧖",kce="🧖‍♂️",Ece="🧖‍♀️",Cce="🧗",Ace="🧗‍♂️",Sce="🧗‍♀️",Tce="🤺",Mce="🏇",Oce="⛷️",Rce="🏂",Nce="🏌️",Dce="🏌️‍♂️",Lce="🏌️‍♀️",Ice="🏄",Pce="🏄‍♂️",Fce="🏄‍♀️",Bce="🚣",$ce="🚣‍♂️",jce="🚣‍♀️",zce="🏊",Uce="🏊‍♂️",qce="🏊‍♀️",Hce="⛹️",Vce="⛹️‍♂️",Gce="⛹️‍♂️",Kce="⛹️‍♀️",Wce="⛹️‍♀️",Zce="🏋️",Yce="🏋️‍♂️",Jce="🏋️‍♀️",Qce="🚴",Xce="🚴‍♂️",ede="🚴‍♀️",tde="🚵",nde="🚵‍♂️",sde="🚵‍♀️",ode="🤸",rde="🤸‍♂️",ide="🤸‍♀️",ade="🤼",lde="🤼‍♂️",cde="🤼‍♀️",dde="🤽",ude="🤽‍♂️",hde="🤽‍♀️",fde="🤾",pde="🤾‍♂️",gde="🤾‍♀️",mde="🤹",_de="🤹‍♂️",bde="🤹‍♀️",yde="🧘",vde="🧘‍♂️",wde="🧘‍♀️",xde="🛀",kde="🛌",Ede="🧑‍🤝‍🧑",Cde="👭",Ade="👫",Sde="👬",Tde="💏",Mde="👩‍❤️‍💋‍👨",Ode="👨‍❤️‍💋‍👨",Rde="👩‍❤️‍💋‍👩",Nde="💑",Dde="👩‍❤️‍👨",Lde="👨‍❤️‍👨",Ide="👩‍❤️‍👩",Pde="👪",Fde="👨‍👩‍👦",Bde="👨‍👩‍👧",$de="👨‍👩‍👧‍👦",jde="👨‍👩‍👦‍👦",zde="👨‍👩‍👧‍👧",Ude="👨‍👨‍👦",qde="👨‍👨‍👧",Hde="👨‍👨‍👧‍👦",Vde="👨‍👨‍👦‍👦",Gde="👨‍👨‍👧‍👧",Kde="👩‍👩‍👦",Wde="👩‍👩‍👧",Zde="👩‍👩‍👧‍👦",Yde="👩‍👩‍👦‍👦",Jde="👩‍👩‍👧‍👧",Qde="👨‍👦",Xde="👨‍👦‍👦",eue="👨‍👧",tue="👨‍👧‍👦",nue="👨‍👧‍👧",sue="👩‍👦",oue="👩‍👦‍👦",rue="👩‍👧",iue="👩‍👧‍👦",aue="👩‍👧‍👧",lue="🗣️",cue="👤",due="👥",uue="🫂",hue="👣",fue="🐵",pue="🐒",gue="🦍",mue="🦧",_ue="🐶",bue="🐕",yue="🦮",vue="🐕‍🦺",wue="🐩",xue="🐺",kue="🦊",Eue="🦝",Cue="🐱",Aue="🐈",Sue="🐈‍⬛",Tue="🦁",Mue="🐯",Oue="🐅",Rue="🐆",Nue="🐴",Due="🐎",Lue="🦄",Iue="🦓",Pue="🦌",Fue="🦬",Bue="🐮",$ue="🐂",jue="🐃",zue="🐄",Uue="🐷",que="🐖",Hue="🐗",Vue="🐽",Gue="🐏",Kue="🐑",Wue="🐐",Zue="🐪",Yue="🐫",Jue="🦙",Que="🦒",Xue="🐘",ehe="🦣",the="🦏",nhe="🦛",she="🐭",ohe="🐁",rhe="🐀",ihe="🐹",ahe="🐰",lhe="🐇",che="🐿️",dhe="🦫",uhe="🦔",hhe="🦇",fhe="🐻",phe="🐻‍❄️",ghe="🐨",mhe="🐼",_he="🦥",bhe="🦦",yhe="🦨",vhe="🦘",whe="🦡",xhe="🐾",khe="🐾",Ehe="🦃",Che="🐔",Ahe="🐓",She="🐣",The="🐤",Mhe="🐥",Ohe="🐦",Rhe="🐧",Nhe="🕊️",Dhe="🦅",Lhe="🦆",Ihe="🦢",Phe="🦉",Fhe="🦤",Bhe="🪶",$he="🦩",jhe="🦚",zhe="🦜",Uhe="🐸",qhe="🐊",Hhe="🐢",Vhe="🦎",Ghe="🐍",Khe="🐲",Whe="🐉",Zhe="🦕",Yhe="🐳",Jhe="🐋",Qhe="🐬",Xhe="🐬",efe="🦭",tfe="🐟",nfe="🐠",sfe="🐡",ofe="🦈",rfe="🐙",ife="🐚",afe="🐌",lfe="🦋",cfe="🐛",dfe="🐜",ufe="🐝",hfe="🐝",ffe="🪲",pfe="🐞",gfe="🦗",mfe="🪳",_fe="🕷️",bfe="🕸️",yfe="🦂",vfe="🦟",wfe="🪰",xfe="🪱",kfe="🦠",Efe="💐",Cfe="🌸",Afe="💮",Sfe="🏵️",Tfe="🌹",Mfe="🥀",Ofe="🌺",Rfe="🌻",Nfe="🌼",Dfe="🌷",Lfe="🌱",Ife="🪴",Pfe="🌲",Ffe="🌳",Bfe="🌴",$fe="🌵",jfe="🌾",zfe="🌿",Ufe="☘️",qfe="🍀",Hfe="🍁",Vfe="🍂",Gfe="🍃",Kfe="🍇",Wfe="🍈",Zfe="🍉",Yfe="🍊",Jfe="🍊",Qfe="🍊",Xfe="🍋",epe="🍌",tpe="🍍",npe="🥭",spe="🍎",ope="🍏",rpe="🍐",ipe="🍑",ape="🍒",lpe="🍓",cpe="🫐",dpe="🥝",upe="🍅",hpe="🫒",fpe="🥥",ppe="🥑",gpe="🍆",mpe="🥔",_pe="🥕",bpe="🌽",ype="🌶️",vpe="🫑",wpe="🥒",xpe="🥬",kpe="🥦",Epe="🧄",Cpe="🧅",Ape="🍄",Spe="🥜",Tpe="🌰",Mpe="🍞",Ope="🥐",Rpe="🥖",Npe="🫓",Dpe="🥨",Lpe="🥯",Ipe="🥞",Ppe="🧇",Fpe="🧀",Bpe="🍖",$pe="🍗",jpe="🥩",zpe="🥓",Upe="🍔",qpe="🍟",Hpe="🍕",Vpe="🌭",Gpe="🥪",Kpe="🌮",Wpe="🌯",Zpe="🫔",Ype="🥙",Jpe="🧆",Qpe="🥚",Xpe="🍳",ege="🥘",tge="🍲",nge="🫕",sge="🥣",oge="🥗",rge="🍿",ige="🧈",age="🧂",lge="🥫",cge="🍱",dge="🍘",uge="🍙",hge="🍚",fge="🍛",pge="🍜",gge="🍝",mge="🍠",_ge="🍢",bge="🍣",yge="🍤",vge="🍥",wge="🥮",xge="🍡",kge="🥟",Ege="🥠",Cge="🥡",Age="🦀",Sge="🦞",Tge="🦐",Mge="🦑",Oge="🦪",Rge="🍦",Nge="🍧",Dge="🍨",Lge="🍩",Ige="🍪",Pge="🎂",Fge="🍰",Bge="🧁",$ge="🥧",jge="🍫",zge="🍬",Uge="🍭",qge="🍮",Hge="🍯",Vge="🍼",Gge="🥛",Kge="☕",Wge="🫖",Zge="🍵",Yge="🍶",Jge="🍾",Qge="🍷",Xge="🍸",eme="🍹",tme="🍺",nme="🍻",sme="🥂",ome="🥃",rme="🥤",ime="🧋",ame="🧃",lme="🧉",cme="🧊",dme="🥢",ume="🍽️",hme="🍴",fme="🥄",pme="🔪",gme="🔪",mme="🏺",_me="🌍",bme="🌎",yme="🌏",vme="🌐",wme="🗺️",xme="🗾",kme="🧭",Eme="🏔️",Cme="⛰️",Ame="🌋",Sme="🗻",Tme="🏕️",Mme="🏖️",Ome="🏜️",Rme="🏝️",Nme="🏞️",Dme="🏟️",Lme="🏛️",Ime="🏗️",Pme="🧱",Fme="🪨",Bme="🪵",$me="🛖",jme="🏘️",zme="🏚️",Ume="🏠",qme="🏡",Hme="🏢",Vme="🏣",Gme="🏤",Kme="🏥",Wme="🏦",Zme="🏨",Yme="🏩",Jme="🏪",Qme="🏫",Xme="🏬",e_e="🏭",t_e="🏯",n_e="🏰",s_e="💒",o_e="🗼",r_e="🗽",i_e="⛪",a_e="🕌",l_e="🛕",c_e="🕍",d_e="⛩️",u_e="🕋",h_e="⛲",f_e="⛺",p_e="🌁",g_e="🌃",m_e="🏙️",__e="🌄",b_e="🌅",y_e="🌆",v_e="🌇",w_e="🌉",x_e="♨️",k_e="🎠",E_e="🎡",C_e="🎢",A_e="💈",S_e="🎪",T_e="🚂",M_e="🚃",O_e="🚄",R_e="🚅",N_e="🚆",D_e="🚇",L_e="🚈",I_e="🚉",P_e="🚊",F_e="🚝",B_e="🚞",$_e="🚋",j_e="🚌",z_e="🚍",U_e="🚎",q_e="🚐",H_e="🚑",V_e="🚒",G_e="🚓",K_e="🚔",W_e="🚕",Z_e="🚖",Y_e="🚗",J_e="🚗",Q_e="🚘",X_e="🚙",e1e="🛻",t1e="🚚",n1e="🚛",s1e="🚜",o1e="🏎️",r1e="🏍️",i1e="🛵",a1e="🦽",l1e="🦼",c1e="🛺",d1e="🚲",u1e="🛴",h1e="🛹",f1e="🛼",p1e="🚏",g1e="🛣️",m1e="🛤️",_1e="🛢️",b1e="⛽",y1e="🚨",v1e="🚥",w1e="🚦",x1e="🛑",k1e="🚧",E1e="⚓",C1e="⛵",A1e="⛵",S1e="🛶",T1e="🚤",M1e="🛳️",O1e="⛴️",R1e="🛥️",N1e="🚢",D1e="✈️",L1e="🛩️",I1e="🛫",P1e="🛬",F1e="🪂",B1e="💺",$1e="🚁",j1e="🚟",z1e="🚠",U1e="🚡",q1e="🛰️",H1e="🚀",V1e="🛸",G1e="🛎️",K1e="🧳",W1e="⌛",Z1e="⏳",Y1e="⌚",J1e="⏰",Q1e="⏱️",X1e="⏲️",e0e="🕰️",t0e="🕛",n0e="🕧",s0e="🕐",o0e="🕜",r0e="🕑",i0e="🕝",a0e="🕒",l0e="🕞",c0e="🕓",d0e="🕟",u0e="🕔",h0e="🕠",f0e="🕕",p0e="🕡",g0e="🕖",m0e="🕢",_0e="🕗",b0e="🕣",y0e="🕘",v0e="🕤",w0e="🕙",x0e="🕥",k0e="🕚",E0e="🕦",C0e="🌑",A0e="🌒",S0e="🌓",T0e="🌔",M0e="🌔",O0e="🌕",R0e="🌖",N0e="🌗",D0e="🌘",L0e="🌙",I0e="🌚",P0e="🌛",F0e="🌜",B0e="🌡️",$0e="☀️",j0e="🌝",z0e="🌞",U0e="🪐",q0e="⭐",H0e="🌟",V0e="🌠",G0e="🌌",K0e="☁️",W0e="⛅",Z0e="⛈️",Y0e="🌤️",J0e="🌥️",Q0e="🌦️",X0e="🌧️",ebe="🌨️",tbe="🌩️",nbe="🌪️",sbe="🌫️",obe="🌬️",rbe="🌀",ibe="🌈",abe="🌂",lbe="☂️",cbe="☔",dbe="⛱️",ube="⚡",hbe="❄️",fbe="☃️",pbe="⛄",gbe="☄️",mbe="🔥",_be="💧",bbe="🌊",ybe="🎃",vbe="🎄",wbe="🎆",xbe="🎇",kbe="🧨",Ebe="✨",Cbe="🎈",Abe="🎉",Sbe="🎊",Tbe="🎋",Mbe="🎍",Obe="🎎",Rbe="🎏",Nbe="🎐",Dbe="🎑",Lbe="🧧",Ibe="🎀",Pbe="🎁",Fbe="🎗️",Bbe="🎟️",$be="🎫",jbe="🎖️",zbe="🏆",Ube="🏅",qbe="⚽",Hbe="⚾",Vbe="🥎",Gbe="🏀",Kbe="🏐",Wbe="🏈",Zbe="🏉",Ybe="🎾",Jbe="🥏",Qbe="🎳",Xbe="🏏",eye="🏑",tye="🏒",nye="🥍",sye="🏓",oye="🏸",rye="🥊",iye="🥋",aye="🥅",lye="⛳",cye="⛸️",dye="🎣",uye="🤿",hye="🎽",fye="🎿",pye="🛷",gye="🥌",mye="🎯",_ye="🪀",bye="🪁",yye="🔮",vye="🪄",wye="🧿",xye="🎮",kye="🕹️",Eye="🎰",Cye="🎲",Aye="🧩",Sye="🧸",Tye="🪅",Mye="🪆",Oye="♠️",Rye="♥️",Nye="♦️",Dye="♣️",Lye="♟️",Iye="🃏",Pye="🀄",Fye="🎴",Bye="🎭",$ye="🖼️",jye="🎨",zye="🧵",Uye="🪡",qye="🧶",Hye="🪢",Vye="👓",Gye="🕶️",Kye="🥽",Wye="🥼",Zye="🦺",Yye="👔",Jye="👕",Qye="👕",Xye="👖",e2e="🧣",t2e="🧤",n2e="🧥",s2e="🧦",o2e="👗",r2e="👘",i2e="🥻",a2e="🩱",l2e="🩲",c2e="🩳",d2e="👙",u2e="👚",h2e="👛",f2e="👜",p2e="👝",g2e="🛍️",m2e="🎒",_2e="🩴",b2e="👞",y2e="👞",v2e="👟",w2e="🥾",x2e="🥿",k2e="👠",E2e="👡",C2e="🩰",A2e="👢",S2e="👑",T2e="👒",M2e="🎩",O2e="🎓",R2e="🧢",N2e="🪖",D2e="⛑️",L2e="📿",I2e="💄",P2e="💍",F2e="💎",B2e="🔇",$2e="🔈",j2e="🔉",z2e="🔊",U2e="📢",q2e="📣",H2e="📯",V2e="🔔",G2e="🔕",K2e="🎼",W2e="🎵",Z2e="🎶",Y2e="🎙️",J2e="🎚️",Q2e="🎛️",X2e="🎤",eve="🎧",tve="📻",nve="🎷",sve="🪗",ove="🎸",rve="🎹",ive="🎺",ave="🎻",lve="🪕",cve="🥁",dve="🪘",uve="📱",hve="📲",fve="☎️",pve="☎️",gve="📞",mve="📟",_ve="📠",bve="🔋",yve="🔌",vve="💻",wve="🖥️",xve="🖨️",kve="⌨️",Eve="🖱️",Cve="🖲️",Ave="💽",Sve="💾",Tve="💿",Mve="📀",Ove="🧮",Rve="🎥",Nve="🎞️",Dve="📽️",Lve="🎬",Ive="📺",Pve="📷",Fve="📸",Bve="📹",$ve="📼",jve="🔍",zve="🔎",Uve="🕯️",qve="💡",Hve="🔦",Vve="🏮",Gve="🏮",Kve="🪔",Wve="📔",Zve="📕",Yve="📖",Jve="📖",Qve="📗",Xve="📘",ewe="📙",twe="📚",nwe="📓",swe="📒",owe="📃",rwe="📜",iwe="📄",awe="📰",lwe="🗞️",cwe="📑",dwe="🔖",uwe="🏷️",hwe="💰",fwe="🪙",pwe="💴",gwe="💵",mwe="💶",_we="💷",bwe="💸",ywe="💳",vwe="🧾",wwe="💹",xwe="✉️",kwe="📧",Ewe="📨",Cwe="📩",Awe="📤",Swe="📥",Twe="📫",Mwe="📪",Owe="📬",Rwe="📭",Nwe="📮",Dwe="🗳️",Lwe="✏️",Iwe="✒️",Pwe="🖋️",Fwe="🖊️",Bwe="🖌️",$we="🖍️",jwe="📝",zwe="📝",Uwe="💼",qwe="📁",Hwe="📂",Vwe="🗂️",Gwe="📅",Kwe="📆",Wwe="🗒️",Zwe="🗓️",Ywe="📇",Jwe="📈",Qwe="📉",Xwe="📊",exe="📋",txe="📌",nxe="📍",sxe="📎",oxe="🖇️",rxe="📏",ixe="📐",axe="✂️",lxe="🗃️",cxe="🗄️",dxe="🗑️",uxe="🔒",hxe="🔓",fxe="🔏",pxe="🔐",gxe="🔑",mxe="🗝️",_xe="🔨",bxe="🪓",yxe="⛏️",vxe="⚒️",wxe="🛠️",xxe="🗡️",kxe="⚔️",Exe="🔫",Cxe="🪃",Axe="🏹",Sxe="🛡️",Txe="🪚",Mxe="🔧",Oxe="🪛",Rxe="🔩",Nxe="⚙️",Dxe="🗜️",Lxe="⚖️",Ixe="🦯",Pxe="🔗",Fxe="⛓️",Bxe="🪝",$xe="🧰",jxe="🧲",zxe="🪜",Uxe="⚗️",qxe="🧪",Hxe="🧫",Vxe="🧬",Gxe="🔬",Kxe="🔭",Wxe="📡",Zxe="💉",Yxe="🩸",Jxe="💊",Qxe="🩹",Xxe="🩺",eke="🚪",tke="🛗",nke="🪞",ske="🪟",oke="🛏️",rke="🛋️",ike="🪑",ake="🚽",lke="🪠",cke="🚿",dke="🛁",uke="🪤",hke="🪒",fke="🧴",pke="🧷",gke="🧹",mke="🧺",_ke="🧻",bke="🪣",yke="🧼",vke="🪥",wke="🧽",xke="🧯",kke="🛒",Eke="🚬",Cke="⚰️",Ake="🪦",Ske="⚱️",Tke="🗿",Mke="🪧",Oke="🏧",Rke="🚮",Nke="🚰",Dke="♿",Lke="🚹",Ike="🚺",Pke="🚻",Fke="🚼",Bke="🚾",$ke="🛂",jke="🛃",zke="🛄",Uke="🛅",qke="⚠️",Hke="🚸",Vke="⛔",Gke="🚫",Kke="🚳",Wke="🚭",Zke="🚯",Yke="🚷",Jke="📵",Qke="🔞",Xke="☢️",e5e="☣️",t5e="⬆️",n5e="↗️",s5e="➡️",o5e="↘️",r5e="⬇️",i5e="↙️",a5e="⬅️",l5e="↖️",c5e="↕️",d5e="↔️",u5e="↩️",h5e="↪️",f5e="⤴️",p5e="⤵️",g5e="🔃",m5e="🔄",_5e="🔙",b5e="🔚",y5e="🔛",v5e="🔜",w5e="🔝",x5e="🛐",k5e="⚛️",E5e="🕉️",C5e="✡️",A5e="☸️",S5e="☯️",T5e="✝️",M5e="☦️",O5e="☪️",R5e="☮️",N5e="🕎",D5e="🔯",L5e="♈",I5e="♉",P5e="♊",F5e="♋",B5e="♌",$5e="♍",j5e="♎",z5e="♏",U5e="♐",q5e="♑",H5e="♒",V5e="♓",G5e="⛎",K5e="🔀",W5e="🔁",Z5e="🔂",Y5e="▶️",J5e="⏩",Q5e="⏭️",X5e="⏯️",eEe="◀️",tEe="⏪",nEe="⏮️",sEe="🔼",oEe="⏫",rEe="🔽",iEe="⏬",aEe="⏸️",lEe="⏹️",cEe="⏺️",dEe="⏏️",uEe="🎦",hEe="🔅",fEe="🔆",pEe="📶",gEe="📳",mEe="📴",_Ee="♀️",bEe="♂️",yEe="⚧️",vEe="✖️",wEe="➕",xEe="➖",kEe="➗",EEe="♾️",CEe="‼️",AEe="⁉️",SEe="❓",TEe="❔",MEe="❕",OEe="❗",REe="❗",NEe="〰️",DEe="💱",LEe="💲",IEe="⚕️",PEe="♻️",FEe="⚜️",BEe="🔱",$Ee="📛",jEe="🔰",zEe="⭕",UEe="✅",qEe="☑️",HEe="✔️",VEe="❌",GEe="❎",KEe="➰",WEe="➿",ZEe="〽️",YEe="✳️",JEe="✴️",QEe="❇️",XEe="©️",e4e="®️",t4e="™️",n4e="#️⃣",s4e="*️⃣",o4e="0️⃣",r4e="1️⃣",i4e="2️⃣",a4e="3️⃣",l4e="4️⃣",c4e="5️⃣",d4e="6️⃣",u4e="7️⃣",h4e="8️⃣",f4e="9️⃣",p4e="🔟",g4e="🔠",m4e="🔡",_4e="🔣",b4e="🔤",y4e="🅰️",v4e="🆎",w4e="🅱️",x4e="🆑",k4e="🆒",E4e="🆓",C4e="ℹ️",A4e="🆔",S4e="Ⓜ️",T4e="🆖",M4e="🅾️",O4e="🆗",R4e="🅿️",N4e="🆘",D4e="🆙",L4e="🆚",I4e="🈁",P4e="🈂️",F4e="🉐",B4e="🉑",$4e="㊗️",j4e="㊙️",z4e="🈵",U4e="🔴",q4e="🟠",H4e="🟡",V4e="🟢",G4e="🔵",K4e="🟣",W4e="🟤",Z4e="⚫",Y4e="⚪",J4e="🟥",Q4e="🟧",X4e="🟨",e8e="🟩",t8e="🟦",n8e="🟪",s8e="🟫",o8e="⬛",r8e="⬜",i8e="◼️",a8e="◻️",l8e="◾",c8e="◽",d8e="▪️",u8e="▫️",h8e="🔶",f8e="🔷",p8e="🔸",g8e="🔹",m8e="🔺",_8e="🔻",b8e="💠",y8e="🔘",v8e="🔳",w8e="🔲",x8e="🏁",k8e="🚩",E8e="🎌",C8e="🏴",A8e="🏳️",S8e="🏳️‍🌈",T8e="🏳️‍⚧️",M8e="🏴‍☠️",O8e="🇦🇨",R8e="🇦🇩",N8e="🇦🇪",D8e="🇦🇫",L8e="🇦🇬",I8e="🇦🇮",P8e="🇦🇱",F8e="🇦🇲",B8e="🇦🇴",$8e="🇦🇶",j8e="🇦🇷",z8e="🇦🇸",U8e="🇦🇹",q8e="🇦🇺",H8e="🇦🇼",V8e="🇦🇽",G8e="🇦🇿",K8e="🇧🇦",W8e="🇧🇧",Z8e="🇧🇩",Y8e="🇧🇪",J8e="🇧🇫",Q8e="🇧🇬",X8e="🇧🇭",eCe="🇧🇮",tCe="🇧🇯",nCe="🇧🇱",sCe="🇧🇲",oCe="🇧🇳",rCe="🇧🇴",iCe="🇧🇶",aCe="🇧🇷",lCe="🇧🇸",cCe="🇧🇹",dCe="🇧🇻",uCe="🇧🇼",hCe="🇧🇾",fCe="🇧🇿",pCe="🇨🇦",gCe="🇨🇨",mCe="🇨🇩",_Ce="🇨🇫",bCe="🇨🇬",yCe="🇨🇭",vCe="🇨🇮",wCe="🇨🇰",xCe="🇨🇱",kCe="🇨🇲",ECe="🇨🇳",CCe="🇨🇴",ACe="🇨🇵",SCe="🇨🇷",TCe="🇨🇺",MCe="🇨🇻",OCe="🇨🇼",RCe="🇨🇽",NCe="🇨🇾",DCe="🇨🇿",LCe="🇩🇪",ICe="🇩🇬",PCe="🇩🇯",FCe="🇩🇰",BCe="🇩🇲",$Ce="🇩🇴",jCe="🇩🇿",zCe="🇪🇦",UCe="🇪🇨",qCe="🇪🇪",HCe="🇪🇬",VCe="🇪🇭",GCe="🇪🇷",KCe="🇪🇸",WCe="🇪🇹",ZCe="🇪🇺",YCe="🇪🇺",JCe="🇫🇮",QCe="🇫🇯",XCe="🇫🇰",e3e="🇫🇲",t3e="🇫🇴",n3e="🇫🇷",s3e="🇬🇦",o3e="🇬🇧",r3e="🇬🇧",i3e="🇬🇩",a3e="🇬🇪",l3e="🇬🇫",c3e="🇬🇬",d3e="🇬🇭",u3e="🇬🇮",h3e="🇬🇱",f3e="🇬🇲",p3e="🇬🇳",g3e="🇬🇵",m3e="🇬🇶",_3e="🇬🇷",b3e="🇬🇸",y3e="🇬🇹",v3e="🇬🇺",w3e="🇬🇼",x3e="🇬🇾",k3e="🇭🇰",E3e="🇭🇲",C3e="🇭🇳",A3e="🇭🇷",S3e="🇭🇹",T3e="🇭🇺",M3e="🇮🇨",O3e="🇮🇩",R3e="🇮🇪",N3e="🇮🇱",D3e="🇮🇲",L3e="🇮🇳",I3e="🇮🇴",P3e="🇮🇶",F3e="🇮🇷",B3e="🇮🇸",$3e="🇮🇹",j3e="🇯🇪",z3e="🇯🇲",U3e="🇯🇴",q3e="🇯🇵",H3e="🇰🇪",V3e="🇰🇬",G3e="🇰🇭",K3e="🇰🇮",W3e="🇰🇲",Z3e="🇰🇳",Y3e="🇰🇵",J3e="🇰🇷",Q3e="🇰🇼",X3e="🇰🇾",e9e="🇰🇿",t9e="🇱🇦",n9e="🇱🇧",s9e="🇱🇨",o9e="🇱🇮",r9e="🇱🇰",i9e="🇱🇷",a9e="🇱🇸",l9e="🇱🇹",c9e="🇱🇺",d9e="🇱🇻",u9e="🇱🇾",h9e="🇲🇦",f9e="🇲🇨",p9e="🇲🇩",g9e="🇲🇪",m9e="🇲🇫",_9e="🇲🇬",b9e="🇲🇭",y9e="🇲🇰",v9e="🇲🇱",w9e="🇲🇲",x9e="🇲🇳",k9e="🇲🇴",E9e="🇲🇵",C9e="🇲🇶",A9e="🇲🇷",S9e="🇲🇸",T9e="🇲🇹",M9e="🇲🇺",O9e="🇲🇻",R9e="🇲🇼",N9e="🇲🇽",D9e="🇲🇾",L9e="🇲🇿",I9e="🇳🇦",P9e="🇳🇨",F9e="🇳🇪",B9e="🇳🇫",$9e="🇳🇬",j9e="🇳🇮",z9e="🇳🇱",U9e="🇳🇴",q9e="🇳🇵",H9e="🇳🇷",V9e="🇳🇺",G9e="🇳🇿",K9e="🇴🇲",W9e="🇵🇦",Z9e="🇵🇪",Y9e="🇵🇫",J9e="🇵🇬",Q9e="🇵🇭",X9e="🇵🇰",e6e="🇵🇱",t6e="🇵🇲",n6e="🇵🇳",s6e="🇵🇷",o6e="🇵🇸",r6e="🇵🇹",i6e="🇵🇼",a6e="🇵🇾",l6e="🇶🇦",c6e="🇷🇪",d6e="🇷🇴",u6e="🇷🇸",h6e="🇷🇺",f6e="🇷🇼",p6e="🇸🇦",g6e="🇸🇧",m6e="🇸🇨",_6e="🇸🇩",b6e="🇸🇪",y6e="🇸🇬",v6e="🇸🇭",w6e="🇸🇮",x6e="🇸🇯",k6e="🇸🇰",E6e="🇸🇱",C6e="🇸🇲",A6e="🇸🇳",S6e="🇸🇴",T6e="🇸🇷",M6e="🇸🇸",O6e="🇸🇹",R6e="🇸🇻",N6e="🇸🇽",D6e="🇸🇾",L6e="🇸🇿",I6e="🇹🇦",P6e="🇹🇨",F6e="🇹🇩",B6e="🇹🇫",$6e="🇹🇬",j6e="🇹🇭",z6e="🇹🇯",U6e="🇹🇰",q6e="🇹🇱",H6e="🇹🇲",V6e="🇹🇳",G6e="🇹🇴",K6e="🇹🇷",W6e="🇹🇹",Z6e="🇹🇻",Y6e="🇹🇼",J6e="🇹🇿",Q6e="🇺🇦",X6e="🇺🇬",eAe="🇺🇲",tAe="🇺🇳",nAe="🇺🇸",sAe="🇺🇾",oAe="🇺🇿",rAe="🇻🇦",iAe="🇻🇨",aAe="🇻🇪",lAe="🇻🇬",cAe="🇻🇮",dAe="🇻🇳",uAe="🇻🇺",hAe="🇼🇫",fAe="🇼🇸",pAe="🇽🇰",gAe="🇾🇪",mAe="🇾🇹",_Ae="🇿🇦",bAe="🇿🇲",yAe="🇿🇼",vAe="🏴󠁧󠁢󠁥󠁮󠁧󠁿",wAe="🏴󠁧󠁢󠁳󠁣󠁴󠁿",xAe="🏴󠁧󠁢󠁷󠁬󠁳󠁿",kAe={100:"💯",1234:"🔢",grinning:Lte,smiley:Ite,smile:Pte,grin:Fte,laughing:Bte,satisfied:$te,sweat_smile:jte,rofl:zte,joy:Ute,slightly_smiling_face:qte,upside_down_face:Hte,wink:Vte,blush:Gte,innocent:Kte,smiling_face_with_three_hearts:Wte,heart_eyes:Zte,star_struck:Yte,kissing_heart:Jte,kissing:Qte,relaxed:Xte,kissing_closed_eyes:ene,kissing_smiling_eyes:tne,smiling_face_with_tear:nne,yum:sne,stuck_out_tongue:one,stuck_out_tongue_winking_eye:rne,zany_face:ine,stuck_out_tongue_closed_eyes:ane,money_mouth_face:lne,hugs:cne,hand_over_mouth:dne,shushing_face:une,thinking:hne,zipper_mouth_face:fne,raised_eyebrow:pne,neutral_face:gne,expressionless:mne,no_mouth:_ne,smirk:bne,unamused:yne,roll_eyes:vne,grimacing:wne,lying_face:xne,relieved:kne,pensive:Ene,sleepy:Cne,drooling_face:Ane,sleeping:Sne,mask:Tne,face_with_thermometer:Mne,face_with_head_bandage:One,nauseated_face:Rne,vomiting_face:Nne,sneezing_face:Dne,hot_face:Lne,cold_face:Ine,woozy_face:Pne,dizzy_face:Fne,exploding_head:Bne,cowboy_hat_face:$ne,partying_face:jne,disguised_face:zne,sunglasses:Une,nerd_face:qne,monocle_face:Hne,confused:Vne,worried:Gne,slightly_frowning_face:Kne,frowning_face:Wne,open_mouth:Zne,hushed:Yne,astonished:Jne,flushed:Qne,pleading_face:Xne,frowning:ese,anguished:tse,fearful:nse,cold_sweat:sse,disappointed_relieved:ose,cry:rse,sob:ise,scream:ase,confounded:lse,persevere:cse,disappointed:dse,sweat:use,weary:hse,tired_face:fse,yawning_face:pse,triumph:gse,rage:mse,pout:_se,angry:bse,cursing_face:yse,smiling_imp:vse,imp:wse,skull:xse,skull_and_crossbones:kse,hankey:Ese,poop:Cse,shit:Ase,clown_face:Sse,japanese_ogre:Tse,japanese_goblin:Mse,ghost:Ose,alien:Rse,space_invader:Nse,robot:Dse,smiley_cat:Lse,smile_cat:Ise,joy_cat:Pse,heart_eyes_cat:Fse,smirk_cat:Bse,kissing_cat:$se,scream_cat:jse,crying_cat_face:zse,pouting_cat:Use,see_no_evil:qse,hear_no_evil:Hse,speak_no_evil:Vse,kiss:Gse,love_letter:Kse,cupid:Wse,gift_heart:Zse,sparkling_heart:Yse,heartpulse:Jse,heartbeat:Qse,revolving_hearts:Xse,two_hearts:eoe,heart_decoration:toe,heavy_heart_exclamation:noe,broken_heart:soe,heart:ooe,orange_heart:roe,yellow_heart:ioe,green_heart:aoe,blue_heart:loe,purple_heart:coe,brown_heart:doe,black_heart:uoe,white_heart:hoe,anger:foe,boom:poe,collision:goe,dizzy:moe,sweat_drops:_oe,dash:boe,hole:yoe,bomb:voe,speech_balloon:woe,eye_speech_bubble:xoe,left_speech_bubble:koe,right_anger_bubble:Eoe,thought_balloon:Coe,zzz:Aoe,wave:Soe,raised_back_of_hand:Toe,raised_hand_with_fingers_splayed:Moe,hand:Ooe,raised_hand:Roe,vulcan_salute:Noe,ok_hand:Doe,pinched_fingers:Loe,pinching_hand:Ioe,v:Poe,crossed_fingers:Foe,love_you_gesture:Boe,metal:$oe,call_me_hand:joe,point_left:zoe,point_right:Uoe,point_up_2:qoe,middle_finger:Hoe,fu:Voe,point_down:Goe,point_up:Koe,"+1":"👍",thumbsup:Woe,"-1":"👎",thumbsdown:Zoe,fist_raised:Yoe,fist:Joe,fist_oncoming:Qoe,facepunch:Xoe,punch:ere,fist_left:tre,fist_right:nre,clap:sre,raised_hands:ore,open_hands:rre,palms_up_together:ire,handshake:are,pray:lre,writing_hand:cre,nail_care:dre,selfie:ure,muscle:hre,mechanical_arm:fre,mechanical_leg:pre,leg:gre,foot:mre,ear:_re,ear_with_hearing_aid:bre,nose:yre,brain:vre,anatomical_heart:wre,lungs:xre,tooth:kre,bone:Ere,eyes:Cre,eye:Are,tongue:Sre,lips:Tre,baby:Mre,child:Ore,boy:Rre,girl:Nre,adult:Dre,blond_haired_person:Lre,man:Ire,bearded_person:Pre,red_haired_man:Fre,curly_haired_man:Bre,white_haired_man:$re,bald_man:jre,woman:zre,red_haired_woman:Ure,person_red_hair:qre,curly_haired_woman:Hre,person_curly_hair:Vre,white_haired_woman:Gre,person_white_hair:Kre,bald_woman:Wre,person_bald:Zre,blond_haired_woman:Yre,blonde_woman:Jre,blond_haired_man:Qre,older_adult:Xre,older_man:eie,older_woman:tie,frowning_person:nie,frowning_man:sie,frowning_woman:oie,pouting_face:rie,pouting_man:iie,pouting_woman:aie,no_good:lie,no_good_man:cie,ng_man:die,no_good_woman:uie,ng_woman:hie,ok_person:fie,ok_man:pie,ok_woman:gie,tipping_hand_person:mie,information_desk_person:_ie,tipping_hand_man:bie,sassy_man:yie,tipping_hand_woman:vie,sassy_woman:wie,raising_hand:xie,raising_hand_man:kie,raising_hand_woman:Eie,deaf_person:Cie,deaf_man:Aie,deaf_woman:Sie,bow:Tie,bowing_man:Mie,bowing_woman:Oie,facepalm:Rie,man_facepalming:Nie,woman_facepalming:Die,shrug:Lie,man_shrugging:Iie,woman_shrugging:Pie,health_worker:Fie,man_health_worker:Bie,woman_health_worker:$ie,student:jie,man_student:zie,woman_student:Uie,teacher:qie,man_teacher:Hie,woman_teacher:Vie,judge:Gie,man_judge:Kie,woman_judge:Wie,farmer:Zie,man_farmer:Yie,woman_farmer:Jie,cook:Qie,man_cook:Xie,woman_cook:eae,mechanic:tae,man_mechanic:nae,woman_mechanic:sae,factory_worker:oae,man_factory_worker:rae,woman_factory_worker:iae,office_worker:aae,man_office_worker:lae,woman_office_worker:cae,scientist:dae,man_scientist:uae,woman_scientist:hae,technologist:fae,man_technologist:pae,woman_technologist:gae,singer:mae,man_singer:_ae,woman_singer:bae,artist:yae,man_artist:vae,woman_artist:wae,pilot:xae,man_pilot:kae,woman_pilot:Eae,astronaut:Cae,man_astronaut:Aae,woman_astronaut:Sae,firefighter:Tae,man_firefighter:Mae,woman_firefighter:Oae,police_officer:Rae,cop:Nae,policeman:Dae,policewoman:Lae,detective:Iae,male_detective:Pae,female_detective:Fae,guard:Bae,guardsman:$ae,guardswoman:jae,ninja:zae,construction_worker:Uae,construction_worker_man:qae,construction_worker_woman:Hae,prince:Vae,princess:Gae,person_with_turban:Kae,man_with_turban:Wae,woman_with_turban:Zae,man_with_gua_pi_mao:Yae,woman_with_headscarf:Jae,person_in_tuxedo:Qae,man_in_tuxedo:Xae,woman_in_tuxedo:ele,person_with_veil:tle,man_with_veil:nle,woman_with_veil:sle,bride_with_veil:ole,pregnant_woman:rle,breast_feeding:ile,woman_feeding_baby:ale,man_feeding_baby:lle,person_feeding_baby:cle,angel:dle,santa:ule,mrs_claus:hle,mx_claus:fle,superhero:ple,superhero_man:gle,superhero_woman:mle,supervillain:_le,supervillain_man:ble,supervillain_woman:yle,mage:vle,mage_man:wle,mage_woman:xle,fairy:kle,fairy_man:Ele,fairy_woman:Cle,vampire:Ale,vampire_man:Sle,vampire_woman:Tle,merperson:Mle,merman:Ole,mermaid:Rle,elf:Nle,elf_man:Dle,elf_woman:Lle,genie:Ile,genie_man:Ple,genie_woman:Fle,zombie:Ble,zombie_man:$le,zombie_woman:jle,massage:zle,massage_man:Ule,massage_woman:qle,haircut:Hle,haircut_man:Vle,haircut_woman:Gle,walking:Kle,walking_man:Wle,walking_woman:Zle,standing_person:Yle,standing_man:Jle,standing_woman:Qle,kneeling_person:Xle,kneeling_man:ece,kneeling_woman:tce,person_with_probing_cane:nce,man_with_probing_cane:sce,woman_with_probing_cane:oce,person_in_motorized_wheelchair:rce,man_in_motorized_wheelchair:ice,woman_in_motorized_wheelchair:ace,person_in_manual_wheelchair:lce,man_in_manual_wheelchair:cce,woman_in_manual_wheelchair:dce,runner:uce,running:hce,running_man:fce,running_woman:pce,woman_dancing:gce,dancer:mce,man_dancing:_ce,business_suit_levitating:bce,dancers:yce,dancing_men:vce,dancing_women:wce,sauna_person:xce,sauna_man:kce,sauna_woman:Ece,climbing:Cce,climbing_man:Ace,climbing_woman:Sce,person_fencing:Tce,horse_racing:Mce,skier:Oce,snowboarder:Rce,golfing:Nce,golfing_man:Dce,golfing_woman:Lce,surfer:Ice,surfing_man:Pce,surfing_woman:Fce,rowboat:Bce,rowing_man:$ce,rowing_woman:jce,swimmer:zce,swimming_man:Uce,swimming_woman:qce,bouncing_ball_person:Hce,bouncing_ball_man:Vce,basketball_man:Gce,bouncing_ball_woman:Kce,basketball_woman:Wce,weight_lifting:Zce,weight_lifting_man:Yce,weight_lifting_woman:Jce,bicyclist:Qce,biking_man:Xce,biking_woman:ede,mountain_bicyclist:tde,mountain_biking_man:nde,mountain_biking_woman:sde,cartwheeling:ode,man_cartwheeling:rde,woman_cartwheeling:ide,wrestling:ade,men_wrestling:lde,women_wrestling:cde,water_polo:dde,man_playing_water_polo:ude,woman_playing_water_polo:hde,handball_person:fde,man_playing_handball:pde,woman_playing_handball:gde,juggling_person:mde,man_juggling:_de,woman_juggling:bde,lotus_position:yde,lotus_position_man:vde,lotus_position_woman:wde,bath:xde,sleeping_bed:kde,people_holding_hands:Ede,two_women_holding_hands:Cde,couple:Ade,two_men_holding_hands:Sde,couplekiss:Tde,couplekiss_man_woman:Mde,couplekiss_man_man:Ode,couplekiss_woman_woman:Rde,couple_with_heart:Nde,couple_with_heart_woman_man:Dde,couple_with_heart_man_man:Lde,couple_with_heart_woman_woman:Ide,family:Pde,family_man_woman_boy:Fde,family_man_woman_girl:Bde,family_man_woman_girl_boy:$de,family_man_woman_boy_boy:jde,family_man_woman_girl_girl:zde,family_man_man_boy:Ude,family_man_man_girl:qde,family_man_man_girl_boy:Hde,family_man_man_boy_boy:Vde,family_man_man_girl_girl:Gde,family_woman_woman_boy:Kde,family_woman_woman_girl:Wde,family_woman_woman_girl_boy:Zde,family_woman_woman_boy_boy:Yde,family_woman_woman_girl_girl:Jde,family_man_boy:Qde,family_man_boy_boy:Xde,family_man_girl:eue,family_man_girl_boy:tue,family_man_girl_girl:nue,family_woman_boy:sue,family_woman_boy_boy:oue,family_woman_girl:rue,family_woman_girl_boy:iue,family_woman_girl_girl:aue,speaking_head:lue,bust_in_silhouette:cue,busts_in_silhouette:due,people_hugging:uue,footprints:hue,monkey_face:fue,monkey:pue,gorilla:gue,orangutan:mue,dog:_ue,dog2:bue,guide_dog:yue,service_dog:vue,poodle:wue,wolf:xue,fox_face:kue,raccoon:Eue,cat:Cue,cat2:Aue,black_cat:Sue,lion:Tue,tiger:Mue,tiger2:Oue,leopard:Rue,horse:Nue,racehorse:Due,unicorn:Lue,zebra:Iue,deer:Pue,bison:Fue,cow:Bue,ox:$ue,water_buffalo:jue,cow2:zue,pig:Uue,pig2:que,boar:Hue,pig_nose:Vue,ram:Gue,sheep:Kue,goat:Wue,dromedary_camel:Zue,camel:Yue,llama:Jue,giraffe:Que,elephant:Xue,mammoth:ehe,rhinoceros:the,hippopotamus:nhe,mouse:she,mouse2:ohe,rat:rhe,hamster:ihe,rabbit:ahe,rabbit2:lhe,chipmunk:che,beaver:dhe,hedgehog:uhe,bat:hhe,bear:fhe,polar_bear:phe,koala:ghe,panda_face:mhe,sloth:_he,otter:bhe,skunk:yhe,kangaroo:vhe,badger:whe,feet:xhe,paw_prints:khe,turkey:Ehe,chicken:Che,rooster:Ahe,hatching_chick:She,baby_chick:The,hatched_chick:Mhe,bird:Ohe,penguin:Rhe,dove:Nhe,eagle:Dhe,duck:Lhe,swan:Ihe,owl:Phe,dodo:Fhe,feather:Bhe,flamingo:$he,peacock:jhe,parrot:zhe,frog:Uhe,crocodile:qhe,turtle:Hhe,lizard:Vhe,snake:Ghe,dragon_face:Khe,dragon:Whe,sauropod:Zhe,"t-rex":"🦖",whale:Yhe,whale2:Jhe,dolphin:Qhe,flipper:Xhe,seal:efe,fish:tfe,tropical_fish:nfe,blowfish:sfe,shark:ofe,octopus:rfe,shell:ife,snail:afe,butterfly:lfe,bug:cfe,ant:dfe,bee:ufe,honeybee:hfe,beetle:ffe,lady_beetle:pfe,cricket:gfe,cockroach:mfe,spider:_fe,spider_web:bfe,scorpion:yfe,mosquito:vfe,fly:wfe,worm:xfe,microbe:kfe,bouquet:Efe,cherry_blossom:Cfe,white_flower:Afe,rosette:Sfe,rose:Tfe,wilted_flower:Mfe,hibiscus:Ofe,sunflower:Rfe,blossom:Nfe,tulip:Dfe,seedling:Lfe,potted_plant:Ife,evergreen_tree:Pfe,deciduous_tree:Ffe,palm_tree:Bfe,cactus:$fe,ear_of_rice:jfe,herb:zfe,shamrock:Ufe,four_leaf_clover:qfe,maple_leaf:Hfe,fallen_leaf:Vfe,leaves:Gfe,grapes:Kfe,melon:Wfe,watermelon:Zfe,tangerine:Yfe,orange:Jfe,mandarin:Qfe,lemon:Xfe,banana:epe,pineapple:tpe,mango:npe,apple:spe,green_apple:ope,pear:rpe,peach:ipe,cherries:ape,strawberry:lpe,blueberries:cpe,kiwi_fruit:dpe,tomato:upe,olive:hpe,coconut:fpe,avocado:ppe,eggplant:gpe,potato:mpe,carrot:_pe,corn:bpe,hot_pepper:ype,bell_pepper:vpe,cucumber:wpe,leafy_green:xpe,broccoli:kpe,garlic:Epe,onion:Cpe,mushroom:Ape,peanuts:Spe,chestnut:Tpe,bread:Mpe,croissant:Ope,baguette_bread:Rpe,flatbread:Npe,pretzel:Dpe,bagel:Lpe,pancakes:Ipe,waffle:Ppe,cheese:Fpe,meat_on_bone:Bpe,poultry_leg:$pe,cut_of_meat:jpe,bacon:zpe,hamburger:Upe,fries:qpe,pizza:Hpe,hotdog:Vpe,sandwich:Gpe,taco:Kpe,burrito:Wpe,tamale:Zpe,stuffed_flatbread:Ype,falafel:Jpe,egg:Qpe,fried_egg:Xpe,shallow_pan_of_food:ege,stew:tge,fondue:nge,bowl_with_spoon:sge,green_salad:oge,popcorn:rge,butter:ige,salt:age,canned_food:lge,bento:cge,rice_cracker:dge,rice_ball:uge,rice:hge,curry:fge,ramen:pge,spaghetti:gge,sweet_potato:mge,oden:_ge,sushi:bge,fried_shrimp:yge,fish_cake:vge,moon_cake:wge,dango:xge,dumpling:kge,fortune_cookie:Ege,takeout_box:Cge,crab:Age,lobster:Sge,shrimp:Tge,squid:Mge,oyster:Oge,icecream:Rge,shaved_ice:Nge,ice_cream:Dge,doughnut:Lge,cookie:Ige,birthday:Pge,cake:Fge,cupcake:Bge,pie:$ge,chocolate_bar:jge,candy:zge,lollipop:Uge,custard:qge,honey_pot:Hge,baby_bottle:Vge,milk_glass:Gge,coffee:Kge,teapot:Wge,tea:Zge,sake:Yge,champagne:Jge,wine_glass:Qge,cocktail:Xge,tropical_drink:eme,beer:tme,beers:nme,clinking_glasses:sme,tumbler_glass:ome,cup_with_straw:rme,bubble_tea:ime,beverage_box:ame,mate:lme,ice_cube:cme,chopsticks:dme,plate_with_cutlery:ume,fork_and_knife:hme,spoon:fme,hocho:pme,knife:gme,amphora:mme,earth_africa:_me,earth_americas:bme,earth_asia:yme,globe_with_meridians:vme,world_map:wme,japan:xme,compass:kme,mountain_snow:Eme,mountain:Cme,volcano:Ame,mount_fuji:Sme,camping:Tme,beach_umbrella:Mme,desert:Ome,desert_island:Rme,national_park:Nme,stadium:Dme,classical_building:Lme,building_construction:Ime,bricks:Pme,rock:Fme,wood:Bme,hut:$me,houses:jme,derelict_house:zme,house:Ume,house_with_garden:qme,office:Hme,post_office:Vme,european_post_office:Gme,hospital:Kme,bank:Wme,hotel:Zme,love_hotel:Yme,convenience_store:Jme,school:Qme,department_store:Xme,factory:e_e,japanese_castle:t_e,european_castle:n_e,wedding:s_e,tokyo_tower:o_e,statue_of_liberty:r_e,church:i_e,mosque:a_e,hindu_temple:l_e,synagogue:c_e,shinto_shrine:d_e,kaaba:u_e,fountain:h_e,tent:f_e,foggy:p_e,night_with_stars:g_e,cityscape:m_e,sunrise_over_mountains:__e,sunrise:b_e,city_sunset:y_e,city_sunrise:v_e,bridge_at_night:w_e,hotsprings:x_e,carousel_horse:k_e,ferris_wheel:E_e,roller_coaster:C_e,barber:A_e,circus_tent:S_e,steam_locomotive:T_e,railway_car:M_e,bullettrain_side:O_e,bullettrain_front:R_e,train2:N_e,metro:D_e,light_rail:L_e,station:I_e,tram:P_e,monorail:F_e,mountain_railway:B_e,train:$_e,bus:j_e,oncoming_bus:z_e,trolleybus:U_e,minibus:q_e,ambulance:H_e,fire_engine:V_e,police_car:G_e,oncoming_police_car:K_e,taxi:W_e,oncoming_taxi:Z_e,car:Y_e,red_car:J_e,oncoming_automobile:Q_e,blue_car:X_e,pickup_truck:e1e,truck:t1e,articulated_lorry:n1e,tractor:s1e,racing_car:o1e,motorcycle:r1e,motor_scooter:i1e,manual_wheelchair:a1e,motorized_wheelchair:l1e,auto_rickshaw:c1e,bike:d1e,kick_scooter:u1e,skateboard:h1e,roller_skate:f1e,busstop:p1e,motorway:g1e,railway_track:m1e,oil_drum:_1e,fuelpump:b1e,rotating_light:y1e,traffic_light:v1e,vertical_traffic_light:w1e,stop_sign:x1e,construction:k1e,anchor:E1e,boat:C1e,sailboat:A1e,canoe:S1e,speedboat:T1e,passenger_ship:M1e,ferry:O1e,motor_boat:R1e,ship:N1e,airplane:D1e,small_airplane:L1e,flight_departure:I1e,flight_arrival:P1e,parachute:F1e,seat:B1e,helicopter:$1e,suspension_railway:j1e,mountain_cableway:z1e,aerial_tramway:U1e,artificial_satellite:q1e,rocket:H1e,flying_saucer:V1e,bellhop_bell:G1e,luggage:K1e,hourglass:W1e,hourglass_flowing_sand:Z1e,watch:Y1e,alarm_clock:J1e,stopwatch:Q1e,timer_clock:X1e,mantelpiece_clock:e0e,clock12:t0e,clock1230:n0e,clock1:s0e,clock130:o0e,clock2:r0e,clock230:i0e,clock3:a0e,clock330:l0e,clock4:c0e,clock430:d0e,clock5:u0e,clock530:h0e,clock6:f0e,clock630:p0e,clock7:g0e,clock730:m0e,clock8:_0e,clock830:b0e,clock9:y0e,clock930:v0e,clock10:w0e,clock1030:x0e,clock11:k0e,clock1130:E0e,new_moon:C0e,waxing_crescent_moon:A0e,first_quarter_moon:S0e,moon:T0e,waxing_gibbous_moon:M0e,full_moon:O0e,waning_gibbous_moon:R0e,last_quarter_moon:N0e,waning_crescent_moon:D0e,crescent_moon:L0e,new_moon_with_face:I0e,first_quarter_moon_with_face:P0e,last_quarter_moon_with_face:F0e,thermometer:B0e,sunny:$0e,full_moon_with_face:j0e,sun_with_face:z0e,ringed_planet:U0e,star:q0e,star2:H0e,stars:V0e,milky_way:G0e,cloud:K0e,partly_sunny:W0e,cloud_with_lightning_and_rain:Z0e,sun_behind_small_cloud:Y0e,sun_behind_large_cloud:J0e,sun_behind_rain_cloud:Q0e,cloud_with_rain:X0e,cloud_with_snow:ebe,cloud_with_lightning:tbe,tornado:nbe,fog:sbe,wind_face:obe,cyclone:rbe,rainbow:ibe,closed_umbrella:abe,open_umbrella:lbe,umbrella:cbe,parasol_on_ground:dbe,zap:ube,snowflake:hbe,snowman_with_snow:fbe,snowman:pbe,comet:gbe,fire:mbe,droplet:_be,ocean:bbe,jack_o_lantern:ybe,christmas_tree:vbe,fireworks:wbe,sparkler:xbe,firecracker:kbe,sparkles:Ebe,balloon:Cbe,tada:Abe,confetti_ball:Sbe,tanabata_tree:Tbe,bamboo:Mbe,dolls:Obe,flags:Rbe,wind_chime:Nbe,rice_scene:Dbe,red_envelope:Lbe,ribbon:Ibe,gift:Pbe,reminder_ribbon:Fbe,tickets:Bbe,ticket:$be,medal_military:jbe,trophy:zbe,medal_sports:Ube,"1st_place_medal":"🥇","2nd_place_medal":"🥈","3rd_place_medal":"🥉",soccer:qbe,baseball:Hbe,softball:Vbe,basketball:Gbe,volleyball:Kbe,football:Wbe,rugby_football:Zbe,tennis:Ybe,flying_disc:Jbe,bowling:Qbe,cricket_game:Xbe,field_hockey:eye,ice_hockey:tye,lacrosse:nye,ping_pong:sye,badminton:oye,boxing_glove:rye,martial_arts_uniform:iye,goal_net:aye,golf:lye,ice_skate:cye,fishing_pole_and_fish:dye,diving_mask:uye,running_shirt_with_sash:hye,ski:fye,sled:pye,curling_stone:gye,dart:mye,yo_yo:_ye,kite:bye,"8ball":"🎱",crystal_ball:yye,magic_wand:vye,nazar_amulet:wye,video_game:xye,joystick:kye,slot_machine:Eye,game_die:Cye,jigsaw:Aye,teddy_bear:Sye,pinata:Tye,nesting_dolls:Mye,spades:Oye,hearts:Rye,diamonds:Nye,clubs:Dye,chess_pawn:Lye,black_joker:Iye,mahjong:Pye,flower_playing_cards:Fye,performing_arts:Bye,framed_picture:$ye,art:jye,thread:zye,sewing_needle:Uye,yarn:qye,knot:Hye,eyeglasses:Vye,dark_sunglasses:Gye,goggles:Kye,lab_coat:Wye,safety_vest:Zye,necktie:Yye,shirt:Jye,tshirt:Qye,jeans:Xye,scarf:e2e,gloves:t2e,coat:n2e,socks:s2e,dress:o2e,kimono:r2e,sari:i2e,one_piece_swimsuit:a2e,swim_brief:l2e,shorts:c2e,bikini:d2e,womans_clothes:u2e,purse:h2e,handbag:f2e,pouch:p2e,shopping:g2e,school_satchel:m2e,thong_sandal:_2e,mans_shoe:b2e,shoe:y2e,athletic_shoe:v2e,hiking_boot:w2e,flat_shoe:x2e,high_heel:k2e,sandal:E2e,ballet_shoes:C2e,boot:A2e,crown:S2e,womans_hat:T2e,tophat:M2e,mortar_board:O2e,billed_cap:R2e,military_helmet:N2e,rescue_worker_helmet:D2e,prayer_beads:L2e,lipstick:I2e,ring:P2e,gem:F2e,mute:B2e,speaker:$2e,sound:j2e,loud_sound:z2e,loudspeaker:U2e,mega:q2e,postal_horn:H2e,bell:V2e,no_bell:G2e,musical_score:K2e,musical_note:W2e,notes:Z2e,studio_microphone:Y2e,level_slider:J2e,control_knobs:Q2e,microphone:X2e,headphones:eve,radio:tve,saxophone:nve,accordion:sve,guitar:ove,musical_keyboard:rve,trumpet:ive,violin:ave,banjo:lve,drum:cve,long_drum:dve,iphone:uve,calling:hve,phone:fve,telephone:pve,telephone_receiver:gve,pager:mve,fax:_ve,battery:bve,electric_plug:yve,computer:vve,desktop_computer:wve,printer:xve,keyboard:kve,computer_mouse:Eve,trackball:Cve,minidisc:Ave,floppy_disk:Sve,cd:Tve,dvd:Mve,abacus:Ove,movie_camera:Rve,film_strip:Nve,film_projector:Dve,clapper:Lve,tv:Ive,camera:Pve,camera_flash:Fve,video_camera:Bve,vhs:$ve,mag:jve,mag_right:zve,candle:Uve,bulb:qve,flashlight:Hve,izakaya_lantern:Vve,lantern:Gve,diya_lamp:Kve,notebook_with_decorative_cover:Wve,closed_book:Zve,book:Yve,open_book:Jve,green_book:Qve,blue_book:Xve,orange_book:ewe,books:twe,notebook:nwe,ledger:swe,page_with_curl:owe,scroll:rwe,page_facing_up:iwe,newspaper:awe,newspaper_roll:lwe,bookmark_tabs:cwe,bookmark:dwe,label:uwe,moneybag:hwe,coin:fwe,yen:pwe,dollar:gwe,euro:mwe,pound:_we,money_with_wings:bwe,credit_card:ywe,receipt:vwe,chart:wwe,envelope:xwe,email:kwe,"e-mail":"📧",incoming_envelope:Ewe,envelope_with_arrow:Cwe,outbox_tray:Awe,inbox_tray:Swe,package:"📦",mailbox:Twe,mailbox_closed:Mwe,mailbox_with_mail:Owe,mailbox_with_no_mail:Rwe,postbox:Nwe,ballot_box:Dwe,pencil2:Lwe,black_nib:Iwe,fountain_pen:Pwe,pen:Fwe,paintbrush:Bwe,crayon:$we,memo:jwe,pencil:zwe,briefcase:Uwe,file_folder:qwe,open_file_folder:Hwe,card_index_dividers:Vwe,date:Gwe,calendar:Kwe,spiral_notepad:Wwe,spiral_calendar:Zwe,card_index:Ywe,chart_with_upwards_trend:Jwe,chart_with_downwards_trend:Qwe,bar_chart:Xwe,clipboard:exe,pushpin:txe,round_pushpin:nxe,paperclip:sxe,paperclips:oxe,straight_ruler:rxe,triangular_ruler:ixe,scissors:axe,card_file_box:lxe,file_cabinet:cxe,wastebasket:dxe,lock:uxe,unlock:hxe,lock_with_ink_pen:fxe,closed_lock_with_key:pxe,key:gxe,old_key:mxe,hammer:_xe,axe:bxe,pick:yxe,hammer_and_pick:vxe,hammer_and_wrench:wxe,dagger:xxe,crossed_swords:kxe,gun:Exe,boomerang:Cxe,bow_and_arrow:Axe,shield:Sxe,carpentry_saw:Txe,wrench:Mxe,screwdriver:Oxe,nut_and_bolt:Rxe,gear:Nxe,clamp:Dxe,balance_scale:Lxe,probing_cane:Ixe,link:Pxe,chains:Fxe,hook:Bxe,toolbox:$xe,magnet:jxe,ladder:zxe,alembic:Uxe,test_tube:qxe,petri_dish:Hxe,dna:Vxe,microscope:Gxe,telescope:Kxe,satellite:Wxe,syringe:Zxe,drop_of_blood:Yxe,pill:Jxe,adhesive_bandage:Qxe,stethoscope:Xxe,door:eke,elevator:tke,mirror:nke,window:ske,bed:oke,couch_and_lamp:rke,chair:ike,toilet:ake,plunger:lke,shower:cke,bathtub:dke,mouse_trap:uke,razor:hke,lotion_bottle:fke,safety_pin:pke,broom:gke,basket:mke,roll_of_paper:_ke,bucket:bke,soap:yke,toothbrush:vke,sponge:wke,fire_extinguisher:xke,shopping_cart:kke,smoking:Eke,coffin:Cke,headstone:Ake,funeral_urn:Ske,moyai:Tke,placard:Mke,atm:Oke,put_litter_in_its_place:Rke,potable_water:Nke,wheelchair:Dke,mens:Lke,womens:Ike,restroom:Pke,baby_symbol:Fke,wc:Bke,passport_control:$ke,customs:jke,baggage_claim:zke,left_luggage:Uke,warning:qke,children_crossing:Hke,no_entry:Vke,no_entry_sign:Gke,no_bicycles:Kke,no_smoking:Wke,do_not_litter:Zke,"non-potable_water":"🚱",no_pedestrians:Yke,no_mobile_phones:Jke,underage:Qke,radioactive:Xke,biohazard:e5e,arrow_up:t5e,arrow_upper_right:n5e,arrow_right:s5e,arrow_lower_right:o5e,arrow_down:r5e,arrow_lower_left:i5e,arrow_left:a5e,arrow_upper_left:l5e,arrow_up_down:c5e,left_right_arrow:d5e,leftwards_arrow_with_hook:u5e,arrow_right_hook:h5e,arrow_heading_up:f5e,arrow_heading_down:p5e,arrows_clockwise:g5e,arrows_counterclockwise:m5e,back:_5e,end:b5e,on:y5e,soon:v5e,top:w5e,place_of_worship:x5e,atom_symbol:k5e,om:E5e,star_of_david:C5e,wheel_of_dharma:A5e,yin_yang:S5e,latin_cross:T5e,orthodox_cross:M5e,star_and_crescent:O5e,peace_symbol:R5e,menorah:N5e,six_pointed_star:D5e,aries:L5e,taurus:I5e,gemini:P5e,cancer:F5e,leo:B5e,virgo:$5e,libra:j5e,scorpius:z5e,sagittarius:U5e,capricorn:q5e,aquarius:H5e,pisces:V5e,ophiuchus:G5e,twisted_rightwards_arrows:K5e,repeat:W5e,repeat_one:Z5e,arrow_forward:Y5e,fast_forward:J5e,next_track_button:Q5e,play_or_pause_button:X5e,arrow_backward:eEe,rewind:tEe,previous_track_button:nEe,arrow_up_small:sEe,arrow_double_up:oEe,arrow_down_small:rEe,arrow_double_down:iEe,pause_button:aEe,stop_button:lEe,record_button:cEe,eject_button:dEe,cinema:uEe,low_brightness:hEe,high_brightness:fEe,signal_strength:pEe,vibration_mode:gEe,mobile_phone_off:mEe,female_sign:_Ee,male_sign:bEe,transgender_symbol:yEe,heavy_multiplication_x:vEe,heavy_plus_sign:wEe,heavy_minus_sign:xEe,heavy_division_sign:kEe,infinity:EEe,bangbang:CEe,interrobang:AEe,question:SEe,grey_question:TEe,grey_exclamation:MEe,exclamation:OEe,heavy_exclamation_mark:REe,wavy_dash:NEe,currency_exchange:DEe,heavy_dollar_sign:LEe,medical_symbol:IEe,recycle:PEe,fleur_de_lis:FEe,trident:BEe,name_badge:$Ee,beginner:jEe,o:zEe,white_check_mark:UEe,ballot_box_with_check:qEe,heavy_check_mark:HEe,x:VEe,negative_squared_cross_mark:GEe,curly_loop:KEe,loop:WEe,part_alternation_mark:ZEe,eight_spoked_asterisk:YEe,eight_pointed_black_star:JEe,sparkle:QEe,copyright:XEe,registered:e4e,tm:t4e,hash:n4e,asterisk:s4e,zero:o4e,one:r4e,two:i4e,three:a4e,four:l4e,five:c4e,six:d4e,seven:u4e,eight:h4e,nine:f4e,keycap_ten:p4e,capital_abcd:g4e,abcd:m4e,symbols:_4e,abc:b4e,a:y4e,ab:v4e,b:w4e,cl:x4e,cool:k4e,free:E4e,information_source:C4e,id:A4e,m:S4e,new:"🆕",ng:T4e,o2:M4e,ok:O4e,parking:R4e,sos:N4e,up:D4e,vs:L4e,koko:I4e,sa:P4e,ideograph_advantage:F4e,accept:B4e,congratulations:$4e,secret:j4e,u6e80:z4e,red_circle:U4e,orange_circle:q4e,yellow_circle:H4e,green_circle:V4e,large_blue_circle:G4e,purple_circle:K4e,brown_circle:W4e,black_circle:Z4e,white_circle:Y4e,red_square:J4e,orange_square:Q4e,yellow_square:X4e,green_square:e8e,blue_square:t8e,purple_square:n8e,brown_square:s8e,black_large_square:o8e,white_large_square:r8e,black_medium_square:i8e,white_medium_square:a8e,black_medium_small_square:l8e,white_medium_small_square:c8e,black_small_square:d8e,white_small_square:u8e,large_orange_diamond:h8e,large_blue_diamond:f8e,small_orange_diamond:p8e,small_blue_diamond:g8e,small_red_triangle:m8e,small_red_triangle_down:_8e,diamond_shape_with_a_dot_inside:b8e,radio_button:y8e,white_square_button:v8e,black_square_button:w8e,checkered_flag:x8e,triangular_flag_on_post:k8e,crossed_flags:E8e,black_flag:C8e,white_flag:A8e,rainbow_flag:S8e,transgender_flag:T8e,pirate_flag:M8e,ascension_island:O8e,andorra:R8e,united_arab_emirates:N8e,afghanistan:D8e,antigua_barbuda:L8e,anguilla:I8e,albania:P8e,armenia:F8e,angola:B8e,antarctica:$8e,argentina:j8e,american_samoa:z8e,austria:U8e,australia:q8e,aruba:H8e,aland_islands:V8e,azerbaijan:G8e,bosnia_herzegovina:K8e,barbados:W8e,bangladesh:Z8e,belgium:Y8e,burkina_faso:J8e,bulgaria:Q8e,bahrain:X8e,burundi:eCe,benin:tCe,st_barthelemy:nCe,bermuda:sCe,brunei:oCe,bolivia:rCe,caribbean_netherlands:iCe,brazil:aCe,bahamas:lCe,bhutan:cCe,bouvet_island:dCe,botswana:uCe,belarus:hCe,belize:fCe,canada:pCe,cocos_islands:gCe,congo_kinshasa:mCe,central_african_republic:_Ce,congo_brazzaville:bCe,switzerland:yCe,cote_divoire:vCe,cook_islands:wCe,chile:xCe,cameroon:kCe,cn:ECe,colombia:CCe,clipperton_island:ACe,costa_rica:SCe,cuba:TCe,cape_verde:MCe,curacao:OCe,christmas_island:RCe,cyprus:NCe,czech_republic:DCe,de:LCe,diego_garcia:ICe,djibouti:PCe,denmark:FCe,dominica:BCe,dominican_republic:$Ce,algeria:jCe,ceuta_melilla:zCe,ecuador:UCe,estonia:qCe,egypt:HCe,western_sahara:VCe,eritrea:GCe,es:KCe,ethiopia:WCe,eu:ZCe,european_union:YCe,finland:JCe,fiji:QCe,falkland_islands:XCe,micronesia:e3e,faroe_islands:t3e,fr:n3e,gabon:s3e,gb:o3e,uk:r3e,grenada:i3e,georgia:a3e,french_guiana:l3e,guernsey:c3e,ghana:d3e,gibraltar:u3e,greenland:h3e,gambia:f3e,guinea:p3e,guadeloupe:g3e,equatorial_guinea:m3e,greece:_3e,south_georgia_south_sandwich_islands:b3e,guatemala:y3e,guam:v3e,guinea_bissau:w3e,guyana:x3e,hong_kong:k3e,heard_mcdonald_islands:E3e,honduras:C3e,croatia:A3e,haiti:S3e,hungary:T3e,canary_islands:M3e,indonesia:O3e,ireland:R3e,israel:N3e,isle_of_man:D3e,india:L3e,british_indian_ocean_territory:I3e,iraq:P3e,iran:F3e,iceland:B3e,it:$3e,jersey:j3e,jamaica:z3e,jordan:U3e,jp:q3e,kenya:H3e,kyrgyzstan:V3e,cambodia:G3e,kiribati:K3e,comoros:W3e,st_kitts_nevis:Z3e,north_korea:Y3e,kr:J3e,kuwait:Q3e,cayman_islands:X3e,kazakhstan:e9e,laos:t9e,lebanon:n9e,st_lucia:s9e,liechtenstein:o9e,sri_lanka:r9e,liberia:i9e,lesotho:a9e,lithuania:l9e,luxembourg:c9e,latvia:d9e,libya:u9e,morocco:h9e,monaco:f9e,moldova:p9e,montenegro:g9e,st_martin:m9e,madagascar:_9e,marshall_islands:b9e,macedonia:y9e,mali:v9e,myanmar:w9e,mongolia:x9e,macau:k9e,northern_mariana_islands:E9e,martinique:C9e,mauritania:A9e,montserrat:S9e,malta:T9e,mauritius:M9e,maldives:O9e,malawi:R9e,mexico:N9e,malaysia:D9e,mozambique:L9e,namibia:I9e,new_caledonia:P9e,niger:F9e,norfolk_island:B9e,nigeria:$9e,nicaragua:j9e,netherlands:z9e,norway:U9e,nepal:q9e,nauru:H9e,niue:V9e,new_zealand:G9e,oman:K9e,panama:W9e,peru:Z9e,french_polynesia:Y9e,papua_new_guinea:J9e,philippines:Q9e,pakistan:X9e,poland:e6e,st_pierre_miquelon:t6e,pitcairn_islands:n6e,puerto_rico:s6e,palestinian_territories:o6e,portugal:r6e,palau:i6e,paraguay:a6e,qatar:l6e,reunion:c6e,romania:d6e,serbia:u6e,ru:h6e,rwanda:f6e,saudi_arabia:p6e,solomon_islands:g6e,seychelles:m6e,sudan:_6e,sweden:b6e,singapore:y6e,st_helena:v6e,slovenia:w6e,svalbard_jan_mayen:x6e,slovakia:k6e,sierra_leone:E6e,san_marino:C6e,senegal:A6e,somalia:S6e,suriname:T6e,south_sudan:M6e,sao_tome_principe:O6e,el_salvador:R6e,sint_maarten:N6e,syria:D6e,swaziland:L6e,tristan_da_cunha:I6e,turks_caicos_islands:P6e,chad:F6e,french_southern_territories:B6e,togo:$6e,thailand:j6e,tajikistan:z6e,tokelau:U6e,timor_leste:q6e,turkmenistan:H6e,tunisia:V6e,tonga:G6e,tr:K6e,trinidad_tobago:W6e,tuvalu:Z6e,taiwan:Y6e,tanzania:J6e,ukraine:Q6e,uganda:X6e,us_outlying_islands:eAe,united_nations:tAe,us:nAe,uruguay:sAe,uzbekistan:oAe,vatican_city:rAe,st_vincent_grenadines:iAe,venezuela:aAe,british_virgin_islands:lAe,us_virgin_islands:cAe,vietnam:dAe,vanuatu:uAe,wallis_futuna:hAe,samoa:fAe,kosovo:pAe,yemen:gAe,mayotte:mAe,south_africa:_Ae,zambia:bAe,zimbabwe:yAe,england:vAe,scotland:wAe,wales:xAe};var EAe={angry:[">:(",">:-("],blush:[':")',':-")'],broken_heart:["0&&!l.test(y[_-1])||_+b.lengthm&&(g=new f("text","",0),g.content=u.slice(m,_),p.push(g)),g=new f("emoji","",0),g.markup=x,g.content=n[x],p.push(g),m=_+b.length}),m=0;f--)b=p[f],(b.type==="link_open"||b.type==="link_close")&&b.info==="auto"&&(y-=b.nesting),b.type==="text"&&y===0&&o.test(b.content)&&(_[g].children=p=i(p,f,c(b.content,b.level,h.Token)))}};function SAe(t){return t.replace(/[.?*+^$[\]\\(){}|-]/g,"\\$&")}var TAe=function(e){var n=e.defs,s;e.enabled.length&&(n=Object.keys(n).reduce(function(l,c){return e.enabled.indexOf(c)>=0&&(l[c]=n[c]),l},{})),s=Object.keys(e.shortcuts).reduce(function(l,c){return n[c]?Array.isArray(e.shortcuts[c])?(e.shortcuts[c].forEach(function(u){l[u]=c}),l):(l[e.shortcuts[c]]=c,l):l},{});var o=Object.keys(n),r;o.length===0?r="^$":r=o.map(function(l){return":"+l+":"}).concat(Object.keys(s)).sort().reverse().map(function(l){return SAe(l)}).join("|");var i=RegExp(r),a=RegExp(r,"g");return{defs:n,shortcuts:s,scanRE:i,replaceRE:a}},MAe=CAe,OAe=AAe,RAe=TAe,NAe=function(e,n){var s={defs:{},shortcuts:{},enabled:[]},o=RAe(e.utils.assign({},s,n||{}));e.renderer.rules.emoji=MAe,e.core.ruler.after("linkify","emoji",OAe(e,o.defs,o.shortcuts,o.scanRE,o.replaceRE))},DAe=kAe,LAe=EAe,IAe=NAe,PAe=function(e,n){var s={defs:DAe,shortcuts:LAe,enabled:[]},o=e.utils.assign({},s,n||{});IAe(e,o)};const FAe=is(PAe);var Iu=!1,Ds={false:"push",true:"unshift",after:"push",before:"unshift"},Mr={isPermalinkSymbol:!0};function fl(t,e,n,s){var o;if(!Iu){var r="Using deprecated markdown-it-anchor permalink option, see https://github.com/valeriangalliat/markdown-it-anchor#permalinks";typeof process=="object"&&process&&process.emitWarning?process.emitWarning(r):console.warn(r),Iu=!0}var i=[Object.assign(new n.Token("link_open","a",1),{attrs:[].concat(e.permalinkClass?[["class",e.permalinkClass]]:[],[["href",e.permalinkHref(t,n)]],Object.entries(e.permalinkAttrs(t,n)))}),Object.assign(new n.Token("html_block","",0),{content:e.permalinkSymbol,meta:Mr}),new n.Token("link_close","a",-1)];e.permalinkSpace&&n.tokens[s+1].children[Ds[e.permalinkBefore]](Object.assign(new n.Token("text","",0),{content:" "})),(o=n.tokens[s+1].children)[Ds[e.permalinkBefore]].apply(o,i)}function xg(t){return"#"+t}function kg(t){return{}}var BAe={class:"header-anchor",symbol:"#",renderHref:xg,renderAttrs:kg};function Bo(t){function e(n){return n=Object.assign({},e.defaults,n),function(s,o,r,i){return t(s,n,o,r,i)}}return e.defaults=Object.assign({},BAe),e.renderPermalinkImpl=t,e}var bi=Bo(function(t,e,n,s,o){var r,i=[Object.assign(new s.Token("link_open","a",1),{attrs:[].concat(e.class?[["class",e.class]]:[],[["href",e.renderHref(t,s)]],e.ariaHidden?[["aria-hidden","true"]]:[],Object.entries(e.renderAttrs(t,s)))}),Object.assign(new s.Token("html_inline","",0),{content:e.symbol,meta:Mr}),new s.Token("link_close","a",-1)];if(e.space){var a=typeof e.space=="string"?e.space:" ";s.tokens[o+1].children[Ds[e.placement]](Object.assign(new s.Token(typeof e.space=="string"?"html_inline":"text","",0),{content:a}))}(r=s.tokens[o+1].children)[Ds[e.placement]].apply(r,i)});Object.assign(bi.defaults,{space:!0,placement:"after",ariaHidden:!1});var $n=Bo(bi.renderPermalinkImpl);$n.defaults=Object.assign({},bi.defaults,{ariaHidden:!0});var Eg=Bo(function(t,e,n,s,o){var r=[Object.assign(new s.Token("link_open","a",1),{attrs:[].concat(e.class?[["class",e.class]]:[],[["href",e.renderHref(t,s)]],Object.entries(e.renderAttrs(t,s)))})].concat(e.safariReaderFix?[new s.Token("span_open","span",1)]:[],s.tokens[o+1].children,e.safariReaderFix?[new s.Token("span_close","span",-1)]:[],[new s.Token("link_close","a",-1)]);s.tokens[o+1]=Object.assign(new s.Token("inline","",0),{children:r})});Object.assign(Eg.defaults,{safariReaderFix:!1});var Pu=Bo(function(t,e,n,s,o){var r;if(!["visually-hidden","aria-label","aria-describedby","aria-labelledby"].includes(e.style))throw new Error("`permalink.linkAfterHeader` called with unknown style option `"+e.style+"`");if(!["aria-describedby","aria-labelledby"].includes(e.style)&&!e.assistiveText)throw new Error("`permalink.linkAfterHeader` called without the `assistiveText` option in `"+e.style+"` style");if(e.style==="visually-hidden"&&!e.visuallyHiddenClass)throw new Error("`permalink.linkAfterHeader` called without the `visuallyHiddenClass` option in `visually-hidden` style");var i=s.tokens[o+1].children.filter(function(h){return h.type==="text"||h.type==="code_inline"}).reduce(function(h,f){return h+f.content},""),a=[],l=[];if(e.class&&l.push(["class",e.class]),l.push(["href",e.renderHref(t,s)]),l.push.apply(l,Object.entries(e.renderAttrs(t,s))),e.style==="visually-hidden"){if(a.push(Object.assign(new s.Token("span_open","span",1),{attrs:[["class",e.visuallyHiddenClass]]}),Object.assign(new s.Token("text","",0),{content:e.assistiveText(i)}),new s.Token("span_close","span",-1)),e.space){var c=typeof e.space=="string"?e.space:" ";a[Ds[e.placement]](Object.assign(new s.Token(typeof e.space=="string"?"html_inline":"text","",0),{content:c}))}a[Ds[e.placement]](Object.assign(new s.Token("span_open","span",1),{attrs:[["aria-hidden","true"]]}),Object.assign(new s.Token("html_inline","",0),{content:e.symbol,meta:Mr}),new s.Token("span_close","span",-1))}else a.push(Object.assign(new s.Token("html_inline","",0),{content:e.symbol,meta:Mr}));e.style==="aria-label"?l.push(["aria-label",e.assistiveText(i)]):["aria-describedby","aria-labelledby"].includes(e.style)&&l.push([e.style,t]);var u=[Object.assign(new s.Token("link_open","a",1),{attrs:l})].concat(a,[new s.Token("link_close","a",-1)]);(r=s.tokens).splice.apply(r,[o+3,0].concat(u)),e.wrapper&&(s.tokens.splice(o,0,Object.assign(new s.Token("html_block","",0),{content:e.wrapper[0]+` `})),s.tokens.splice(o+3+u.length+1,0,Object.assign(new s.Token("html_block","",0),{content:e.wrapper[1]+` `})))});function Fu(t,e,n,s){var o=t,r=s;if(n&&Object.prototype.hasOwnProperty.call(e,o))throw new Error("User defined `id` attribute `"+t+"` is not unique. Please fix it in your Markdown to continue.");for(;Object.prototype.hasOwnProperty.call(e,o);)o=t+"-"+r,r+=1;return e[o]=!0,o}function gs(t,e){e=Object.assign({},gs.defaults,e),t.core.ruler.push("anchor",function(n){for(var s,o={},r=n.tokens,i=Array.isArray(e.level)?(s=e.level,function(h){return s.includes(h)}):function(h){return function(f){return f>=h}}(e.level),a=0;af.match(h))}n.tabindex==!0&&(o.tokens[i-1].attrPush(["tabindex",r]),r++),n.lazyLoading==!0&&u.attrPush(["loading","lazy"])}}}e.core.ruler.before("linkify","implicit_figures",s)};const jAe=is($Ae);function Cg(t){return t instanceof Map?t.clear=t.delete=t.set=function(){throw new Error("map is read-only")}:t instanceof Set&&(t.add=t.clear=t.delete=function(){throw new Error("set is read-only")}),Object.freeze(t),Object.getOwnPropertyNames(t).forEach(e=>{const n=t[e],s=typeof n;(s==="object"||s==="function")&&!Object.isFrozen(n)&&Cg(n)}),t}class Bu{constructor(e){e.data===void 0&&(e.data={}),this.data=e.data,this.isMatchIgnored=!1}ignoreMatch(){this.isMatchIgnored=!0}}function Ag(t){return t.replace(/&/g,"&").replace(//g,">").replace(/"/g,""").replace(/'/g,"'")}function Sn(t,...e){const n=Object.create(null);for(const s in t)n[s]=t[s];return e.forEach(function(s){for(const o in s)n[o]=s[o]}),n}const zAe="",$u=t=>!!t.scope,UAe=(t,{prefix:e})=>{if(t.startsWith("language:"))return t.replace("language:","language-");if(t.includes(".")){const n=t.split(".");return[`${e}${n.shift()}`,...n.map((s,o)=>`${s}${"_".repeat(o+1)}`)].join(" ")}return`${e}${t}`};class qAe{constructor(e,n){this.buffer="",this.classPrefix=n.classPrefix,e.walk(this)}addText(e){this.buffer+=Ag(e)}openNode(e){if(!$u(e))return;const n=UAe(e.scope,{prefix:this.classPrefix});this.span(n)}closeNode(e){$u(e)&&(this.buffer+=zAe)}value(){return this.buffer}span(e){this.buffer+=``}}const ju=(t={})=>{const e={children:[]};return Object.assign(e,t),e};class gc{constructor(){this.rootNode=ju(),this.stack=[this.rootNode]}get top(){return this.stack[this.stack.length-1]}get root(){return this.rootNode}add(e){this.top.children.push(e)}openNode(e){const n=ju({scope:e});this.add(n),this.stack.push(n)}closeNode(){if(this.stack.length>1)return this.stack.pop()}closeAllNodes(){for(;this.closeNode(););}toJSON(){return JSON.stringify(this.rootNode,null,4)}walk(e){return this.constructor._walk(e,this.rootNode)}static _walk(e,n){return typeof n=="string"?e.addText(n):n.children&&(e.openNode(n),n.children.forEach(s=>this._walk(e,s)),e.closeNode(n)),e}static _collapse(e){typeof e!="string"&&e.children&&(e.children.every(n=>typeof n=="string")?e.children=[e.children.join("")]:e.children.forEach(n=>{gc._collapse(n)}))}}class HAe extends gc{constructor(e){super(),this.options=e}addText(e){e!==""&&this.add(e)}startScope(e){this.openNode(e)}endScope(){this.closeNode()}__addSublanguage(e,n){const s=e.root;n&&(s.scope=`language:${n}`),this.add(s)}toHTML(){return new qAe(this,this.options).value()}finalize(){return this.closeAllNodes(),!0}}function To(t){return t?typeof t=="string"?t:t.source:null}function Sg(t){return as("(?=",t,")")}function VAe(t){return as("(?:",t,")*")}function GAe(t){return as("(?:",t,")?")}function as(...t){return t.map(n=>To(n)).join("")}function KAe(t){const e=t[t.length-1];return typeof e=="object"&&e.constructor===Object?(t.splice(t.length-1,1),e):{}}function mc(...t){return"("+(KAe(t).capture?"":"?:")+t.map(s=>To(s)).join("|")+")"}function Tg(t){return new RegExp(t.toString()+"|").exec("").length-1}function WAe(t,e){const n=t&&t.exec(e);return n&&n.index===0}const ZAe=/\[(?:[^\\\]]|\\.)*\]|\(\??|\\([1-9][0-9]*)|\\./;function _c(t,{joinWith:e}){let n=0;return t.map(s=>{n+=1;const o=n;let r=To(s),i="";for(;r.length>0;){const a=ZAe.exec(r);if(!a){i+=r;break}i+=r.substring(0,a.index),r=r.substring(a.index+a[0].length),a[0][0]==="\\"&&a[1]?i+="\\"+String(Number(a[1])+o):(i+=a[0],a[0]==="("&&n++)}return i}).map(s=>`(${s})`).join(e)}const YAe=/\b\B/,Mg="[a-zA-Z]\\w*",bc="[a-zA-Z_]\\w*",Og="\\b\\d+(\\.\\d+)?",Rg="(-?)(\\b0[xX][a-fA-F0-9]+|(\\b\\d+(\\.\\d*)?|\\.\\d+)([eE][-+]?\\d+)?)",Ng="\\b(0b[01]+)",JAe="!|!=|!==|%|%=|&|&&|&=|\\*|\\*=|\\+|\\+=|,|-|-=|/=|/|:|;|<<|<<=|<=|<|===|==|=|>>>=|>>=|>=|>>>|>>|>|\\?|\\[|\\{|\\(|\\^|\\^=|\\||\\|=|\\|\\||~",QAe=(t={})=>{const e=/^#![ ]*\//;return t.binary&&(t.begin=as(e,/.*\b/,t.binary,/\b.*/)),Sn({scope:"meta",begin:e,end:/$/,relevance:0,"on:begin":(n,s)=>{n.index!==0&&s.ignoreMatch()}},t)},Mo={begin:"\\\\[\\s\\S]",relevance:0},XAe={scope:"string",begin:"'",end:"'",illegal:"\\n",contains:[Mo]},eSe={scope:"string",begin:'"',end:'"',illegal:"\\n",contains:[Mo]},tSe={begin:/\b(a|an|the|are|I'm|isn't|don't|doesn't|won't|but|just|should|pretty|simply|enough|gonna|going|wtf|so|such|will|you|your|they|like|more)\b/},yi=function(t,e,n={}){const s=Sn({scope:"comment",begin:t,end:e,contains:[]},n);s.contains.push({scope:"doctag",begin:"[ ]*(?=(TODO|FIXME|NOTE|BUG|OPTIMIZE|HACK|XXX):)",end:/(TODO|FIXME|NOTE|BUG|OPTIMIZE|HACK|XXX):/,excludeBegin:!0,relevance:0});const o=mc("I","a","is","so","us","to","at","if","in","it","on",/[A-Za-z]+['](d|ve|re|ll|t|s|n)/,/[A-Za-z]+[-][a-z]+/,/[A-Za-z][a-z]{2,}/);return s.contains.push({begin:as(/[ ]+/,"(",o,/[.]?[:]?([.][ ]|[ ])/,"){3}")}),s},nSe=yi("//","$"),sSe=yi("/\\*","\\*/"),oSe=yi("#","$"),rSe={scope:"number",begin:Og,relevance:0},iSe={scope:"number",begin:Rg,relevance:0},aSe={scope:"number",begin:Ng,relevance:0},lSe={begin:/(?=\/[^/\n]*\/)/,contains:[{scope:"regexp",begin:/\//,end:/\/[gimuy]*/,illegal:/\n/,contains:[Mo,{begin:/\[/,end:/\]/,relevance:0,contains:[Mo]}]}]},cSe={scope:"title",begin:Mg,relevance:0},dSe={scope:"title",begin:bc,relevance:0},uSe={begin:"\\.\\s*"+bc,relevance:0},hSe=function(t){return Object.assign(t,{"on:begin":(e,n)=>{n.data._beginMatch=e[1]},"on:end":(e,n)=>{n.data._beginMatch!==e[1]&&n.ignoreMatch()}})};var Qo=Object.freeze({__proto__:null,MATCH_NOTHING_RE:YAe,IDENT_RE:Mg,UNDERSCORE_IDENT_RE:bc,NUMBER_RE:Og,C_NUMBER_RE:Rg,BINARY_NUMBER_RE:Ng,RE_STARTERS_RE:JAe,SHEBANG:QAe,BACKSLASH_ESCAPE:Mo,APOS_STRING_MODE:XAe,QUOTE_STRING_MODE:eSe,PHRASAL_WORDS_MODE:tSe,COMMENT:yi,C_LINE_COMMENT_MODE:nSe,C_BLOCK_COMMENT_MODE:sSe,HASH_COMMENT_MODE:oSe,NUMBER_MODE:rSe,C_NUMBER_MODE:iSe,BINARY_NUMBER_MODE:aSe,REGEXP_MODE:lSe,TITLE_MODE:cSe,UNDERSCORE_TITLE_MODE:dSe,METHOD_GUARD:uSe,END_SAME_AS_BEGIN:hSe});function fSe(t,e){t.input[t.index-1]==="."&&e.ignoreMatch()}function pSe(t,e){t.className!==void 0&&(t.scope=t.className,delete t.className)}function gSe(t,e){e&&t.beginKeywords&&(t.begin="\\b("+t.beginKeywords.split(" ").join("|")+")(?!\\.)(?=\\b|\\s)",t.__beforeBegin=fSe,t.keywords=t.keywords||t.beginKeywords,delete t.beginKeywords,t.relevance===void 0&&(t.relevance=0))}function mSe(t,e){Array.isArray(t.illegal)&&(t.illegal=mc(...t.illegal))}function _Se(t,e){if(t.match){if(t.begin||t.end)throw new Error("begin & end are not supported with match");t.begin=t.match,delete t.match}}function bSe(t,e){t.relevance===void 0&&(t.relevance=1)}const ySe=(t,e)=>{if(!t.beforeMatch)return;if(t.starts)throw new Error("beforeMatch cannot be used with starts");const n=Object.assign({},t);Object.keys(t).forEach(s=>{delete t[s]}),t.keywords=n.keywords,t.begin=as(n.beforeMatch,Sg(n.begin)),t.starts={relevance:0,contains:[Object.assign(n,{endsParent:!0})]},t.relevance=0,delete n.beforeMatch},vSe=["of","and","for","in","not","or","if","then","parent","list","value"],wSe="keyword";function Dg(t,e,n=wSe){const s=Object.create(null);return typeof t=="string"?o(n,t.split(" ")):Array.isArray(t)?o(n,t):Object.keys(t).forEach(function(r){Object.assign(s,Dg(t[r],e,r))}),s;function o(r,i){e&&(i=i.map(a=>a.toLowerCase())),i.forEach(function(a){const l=a.split("|");s[l[0]]=[r,xSe(l[0],l[1])]})}}function xSe(t,e){return e?Number(e):kSe(t)?0:1}function kSe(t){return vSe.includes(t.toLowerCase())}const zu={},Yn=t=>{console.error(t)},Uu=(t,...e)=>{console.log(`WARN: ${t}`,...e)},hs=(t,e)=>{zu[`${t}/${e}`]||(console.log(`Deprecated as of ${t}. ${e}`),zu[`${t}/${e}`]=!0)},Or=new Error;function Lg(t,e,{key:n}){let s=0;const o=t[n],r={},i={};for(let a=1;a<=e.length;a++)i[a+s]=o[a],r[a+s]=!0,s+=Tg(e[a-1]);t[n]=i,t[n]._emit=r,t[n]._multi=!0}function ESe(t){if(Array.isArray(t.begin)){if(t.skip||t.excludeBegin||t.returnBegin)throw Yn("skip, excludeBegin, returnBegin not compatible with beginScope: {}"),Or;if(typeof t.beginScope!="object"||t.beginScope===null)throw Yn("beginScope must be object"),Or;Lg(t,t.begin,{key:"beginScope"}),t.begin=_c(t.begin,{joinWith:""})}}function CSe(t){if(Array.isArray(t.end)){if(t.skip||t.excludeEnd||t.returnEnd)throw Yn("skip, excludeEnd, returnEnd not compatible with endScope: {}"),Or;if(typeof t.endScope!="object"||t.endScope===null)throw Yn("endScope must be object"),Or;Lg(t,t.end,{key:"endScope"}),t.end=_c(t.end,{joinWith:""})}}function ASe(t){t.scope&&typeof t.scope=="object"&&t.scope!==null&&(t.beginScope=t.scope,delete t.scope)}function SSe(t){ASe(t),typeof t.beginScope=="string"&&(t.beginScope={_wrap:t.beginScope}),typeof t.endScope=="string"&&(t.endScope={_wrap:t.endScope}),ESe(t),CSe(t)}function TSe(t){function e(i,a){return new RegExp(To(i),"m"+(t.case_insensitive?"i":"")+(t.unicodeRegex?"u":"")+(a?"g":""))}class n{constructor(){this.matchIndexes={},this.regexes=[],this.matchAt=1,this.position=0}addRule(a,l){l.position=this.position++,this.matchIndexes[this.matchAt]=l,this.regexes.push([l,a]),this.matchAt+=Tg(a)+1}compile(){this.regexes.length===0&&(this.exec=()=>null);const a=this.regexes.map(l=>l[1]);this.matcherRe=e(_c(a,{joinWith:"|"}),!0),this.lastIndex=0}exec(a){this.matcherRe.lastIndex=this.lastIndex;const l=this.matcherRe.exec(a);if(!l)return null;const c=l.findIndex((h,f)=>f>0&&h!==void 0),u=this.matchIndexes[c];return l.splice(0,c),Object.assign(l,u)}}class s{constructor(){this.rules=[],this.multiRegexes=[],this.count=0,this.lastIndex=0,this.regexIndex=0}getMatcher(a){if(this.multiRegexes[a])return this.multiRegexes[a];const l=new n;return this.rules.slice(a).forEach(([c,u])=>l.addRule(c,u)),l.compile(),this.multiRegexes[a]=l,l}resumingScanAtSamePosition(){return this.regexIndex!==0}considerAll(){this.regexIndex=0}addRule(a,l){this.rules.push([a,l]),l.type==="begin"&&this.count++}exec(a){const l=this.getMatcher(this.regexIndex);l.lastIndex=this.lastIndex;let c=l.exec(a);if(this.resumingScanAtSamePosition()&&!(c&&c.index===this.lastIndex)){const u=this.getMatcher(0);u.lastIndex=this.lastIndex+1,c=u.exec(a)}return c&&(this.regexIndex+=c.position+1,this.regexIndex===this.count&&this.considerAll()),c}}function o(i){const a=new s;return i.contains.forEach(l=>a.addRule(l.begin,{rule:l,type:"begin"})),i.terminatorEnd&&a.addRule(i.terminatorEnd,{type:"end"}),i.illegal&&a.addRule(i.illegal,{type:"illegal"}),a}function r(i,a){const l=i;if(i.isCompiled)return l;[pSe,_Se,SSe,ySe].forEach(u=>u(i,a)),t.compilerExtensions.forEach(u=>u(i,a)),i.__beforeBegin=null,[gSe,mSe,bSe].forEach(u=>u(i,a)),i.isCompiled=!0;let c=null;return typeof i.keywords=="object"&&i.keywords.$pattern&&(i.keywords=Object.assign({},i.keywords),c=i.keywords.$pattern,delete i.keywords.$pattern),c=c||/\w+/,i.keywords&&(i.keywords=Dg(i.keywords,t.case_insensitive)),l.keywordPatternRe=e(c,!0),a&&(i.begin||(i.begin=/\B|\b/),l.beginRe=e(l.begin),!i.end&&!i.endsWithParent&&(i.end=/\B|\b/),i.end&&(l.endRe=e(l.end)),l.terminatorEnd=To(l.end)||"",i.endsWithParent&&a.terminatorEnd&&(l.terminatorEnd+=(i.end?"|":"")+a.terminatorEnd)),i.illegal&&(l.illegalRe=e(i.illegal)),i.contains||(i.contains=[]),i.contains=[].concat(...i.contains.map(function(u){return MSe(u==="self"?i:u)})),i.contains.forEach(function(u){r(u,l)}),i.starts&&r(i.starts,a),l.matcher=o(l),l}if(t.compilerExtensions||(t.compilerExtensions=[]),t.contains&&t.contains.includes("self"))throw new Error("ERR: contains `self` is not supported at the top-level of a language. See documentation.");return t.classNameAliases=Sn(t.classNameAliases||{}),r(t)}function Ig(t){return t?t.endsWithParent||Ig(t.starts):!1}function MSe(t){return t.variants&&!t.cachedVariants&&(t.cachedVariants=t.variants.map(function(e){return Sn(t,{variants:null},e)})),t.cachedVariants?t.cachedVariants:Ig(t)?Sn(t,{starts:t.starts?Sn(t.starts):null}):Object.isFrozen(t)?Sn(t):t}var OSe="11.8.0";class RSe extends Error{constructor(e,n){super(e),this.name="HTMLInjectionError",this.html=n}}const ta=Ag,qu=Sn,Hu=Symbol("nomatch"),NSe=7,Pg=function(t){const e=Object.create(null),n=Object.create(null),s=[];let o=!0;const r="Could not find the language '{}', did you forget to load/include a language module?",i={disableAutodetect:!0,name:"Plain text",contains:[]};let a={ignoreUnescapedHTML:!1,throwUnescapedHTML:!1,noHighlightRe:/^(no-?highlight)$/i,languageDetectRe:/\blang(?:uage)?-([\w-]+)\b/i,classPrefix:"hljs-",cssSelector:"pre code",languages:null,__emitter:HAe};function l(T){return a.noHighlightRe.test(T)}function c(T){let q=T.className+" ";q+=T.parentNode?T.parentNode.className:"";const G=a.languageDetectRe.exec(q);if(G){const we=E(G[1]);return we||(Uu(r.replace("{}",G[1])),Uu("Falling back to no-highlight mode for this block.",T)),we?G[1]:"no-highlight"}return q.split(/\s+/).find(we=>l(we)||E(we))}function u(T,q,G){let we="",_e="";typeof q=="object"?(we=T,G=q.ignoreIllegals,_e=q.language):(hs("10.7.0","highlight(lang, code, ...args) has been deprecated."),hs("10.7.0",`Please use highlight(code, options) instead. -https://github.com/highlightjs/highlight.js/issues/2277`),_e=T,we=q),G===void 0&&(G=!0);const ee={code:we,language:_e};ae("before:highlight",ee);const ke=ee.result?ee.result:h(ee.language,ee.code,G);return ke.code=ee.code,ae("after:highlight",ke),ke}function h(T,q,G,we){const _e=Object.create(null);function ee(W,oe){return W.keywords[oe]}function ke(){if(!z.keywords){U.addText(Y);return}let W=0;z.keywordPatternRe.lastIndex=0;let oe=z.keywordPatternRe.exec(Y),me="";for(;oe;){me+=Y.substring(W,oe.index);const Te=j.case_insensitive?oe[0].toLowerCase():oe[0],Be=ee(z,Te);if(Be){const[We,Pe]=Be;if(U.addText(me),me="",_e[Te]=(_e[Te]||0)+1,_e[Te]<=NSe&&(ie+=Pe),We.startsWith("_"))me+=oe[0];else{const et=j.classNameAliases[We]||We;Q(oe[0],et)}}else me+=oe[0];W=z.keywordPatternRe.lastIndex,oe=z.keywordPatternRe.exec(Y)}me+=Y.substring(W),U.addText(me)}function Se(){if(Y==="")return;let W=null;if(typeof z.subLanguage=="string"){if(!e[z.subLanguage]){U.addText(Y);return}W=h(z.subLanguage,Y,!0,se[z.subLanguage]),se[z.subLanguage]=W._top}else W=g(Y,z.subLanguage.length?z.subLanguage:null);z.relevance>0&&(ie+=W.relevance),U.__addSublanguage(W._emitter,W.language)}function N(){z.subLanguage!=null?Se():ke(),Y=""}function Q(W,oe){W!==""&&(U.startScope(oe),U.addText(W),U.endScope())}function V(W,oe){let me=1;const Te=oe.length-1;for(;me<=Te;){if(!W._emit[me]){me++;continue}const Be=j.classNameAliases[W[me]]||W[me],We=oe[me];Be?Q(We,Be):(Y=We,ke(),Y=""),me++}}function te(W,oe){return W.scope&&typeof W.scope=="string"&&U.openNode(j.classNameAliases[W.scope]||W.scope),W.beginScope&&(W.beginScope._wrap?(Q(Y,j.classNameAliases[W.beginScope._wrap]||W.beginScope._wrap),Y=""):W.beginScope._multi&&(V(W.beginScope,oe),Y="")),z=Object.create(W,{parent:{value:z}}),z}function X(W,oe,me){let Te=WAe(W.endRe,me);if(Te){if(W["on:end"]){const Be=new Bu(W);W["on:end"](oe,Be),Be.isMatchIgnored&&(Te=!1)}if(Te){for(;W.endsParent&&W.parent;)W=W.parent;return W}}if(W.endsWithParent)return X(W.parent,oe,me)}function ge(W){return z.matcher.regexIndex===0?(Y+=W[0],1):(Ce=!0,0)}function de(W){const oe=W[0],me=W.rule,Te=new Bu(me),Be=[me.__beforeBegin,me["on:begin"]];for(const We of Be)if(We&&(We(W,Te),Te.isMatchIgnored))return ge(oe);return me.skip?Y+=oe:(me.excludeBegin&&(Y+=oe),N(),!me.returnBegin&&!me.excludeBegin&&(Y=oe)),te(me,W),me.returnBegin?0:oe.length}function w(W){const oe=W[0],me=q.substring(W.index),Te=X(z,W,me);if(!Te)return Hu;const Be=z;z.endScope&&z.endScope._wrap?(N(),Q(oe,z.endScope._wrap)):z.endScope&&z.endScope._multi?(N(),V(z.endScope,W)):Be.skip?Y+=oe:(Be.returnEnd||Be.excludeEnd||(Y+=oe),N(),Be.excludeEnd&&(Y=oe));do z.scope&&U.closeNode(),!z.skip&&!z.subLanguage&&(ie+=z.relevance),z=z.parent;while(z!==Te.parent);return Te.starts&&te(Te.starts,W),Be.returnEnd?0:oe.length}function A(){const W=[];for(let oe=z;oe!==j;oe=oe.parent)oe.scope&&W.unshift(oe.scope);W.forEach(oe=>U.openNode(oe))}let P={};function $(W,oe){const me=oe&&oe[0];if(Y+=W,me==null)return N(),0;if(P.type==="begin"&&oe.type==="end"&&P.index===oe.index&&me===""){if(Y+=q.slice(oe.index,oe.index+1),!o){const Te=new Error(`0 width match regex (${T})`);throw Te.languageName=T,Te.badRule=P.rule,Te}return 1}if(P=oe,oe.type==="begin")return de(oe);if(oe.type==="illegal"&&!G){const Te=new Error('Illegal lexeme "'+me+'" for mode "'+(z.scope||"")+'"');throw Te.mode=z,Te}else if(oe.type==="end"){const Te=w(oe);if(Te!==Hu)return Te}if(oe.type==="illegal"&&me==="")return 1;if(ue>1e5&&ue>oe.index*3)throw new Error("potential infinite loop, way more iterations than matches");return Y+=me,me.length}const j=E(T);if(!j)throw Yn(r.replace("{}",T)),new Error('Unknown language: "'+T+'"');const ne=TSe(j);let re="",z=we||ne;const se={},U=new a.__emitter(a);A();let Y="",ie=0,pe=0,ue=0,Ce=!1;try{if(j.__emitTokens)j.__emitTokens(q,U);else{for(z.matcher.considerAll();;){ue++,Ce?Ce=!1:z.matcher.considerAll(),z.matcher.lastIndex=pe;const W=z.matcher.exec(q);if(!W)break;const oe=q.substring(pe,W.index),me=$(oe,W);pe=W.index+me}$(q.substring(pe))}return U.finalize(),re=U.toHTML(),{language:T,value:re,relevance:ie,illegal:!1,_emitter:U,_top:z}}catch(W){if(W.message&&W.message.includes("Illegal"))return{language:T,value:ta(q),illegal:!0,relevance:0,_illegalBy:{message:W.message,index:pe,context:q.slice(pe-100,pe+100),mode:W.mode,resultSoFar:re},_emitter:U};if(o)return{language:T,value:ta(q),illegal:!1,relevance:0,errorRaised:W,_emitter:U,_top:z};throw W}}function f(T){const q={value:ta(T),illegal:!1,relevance:0,_top:i,_emitter:new a.__emitter(a)};return q._emitter.addText(T),q}function g(T,q){q=q||a.languages||Object.keys(e);const G=f(T),we=q.filter(E).filter(L).map(N=>h(N,T,!1));we.unshift(G);const _e=we.sort((N,Q)=>{if(N.relevance!==Q.relevance)return Q.relevance-N.relevance;if(N.language&&Q.language){if(E(N.language).supersetOf===Q.language)return 1;if(E(Q.language).supersetOf===N.language)return-1}return 0}),[ee,ke]=_e,Se=ee;return Se.secondBest=ke,Se}function m(T,q,G){const we=q&&n[q]||G;T.classList.add("hljs"),T.classList.add(`language-${we}`)}function p(T){let q=null;const G=c(T);if(l(G))return;if(ae("before:highlightElement",{el:T,language:G}),T.children.length>0&&(a.ignoreUnescapedHTML||(console.warn("One of your code blocks includes unescaped HTML. This is a potentially serious security risk."),console.warn("https://github.com/highlightjs/highlight.js/wiki/security"),console.warn("The element with unescaped HTML:"),console.warn(T)),a.throwUnescapedHTML))throw new RSe("One of your code blocks includes unescaped HTML.",T.innerHTML);q=T;const we=q.textContent,_e=G?u(we,{language:G,ignoreIllegals:!0}):g(we);T.innerHTML=_e.value,m(T,G,_e.language),T.result={language:_e.language,re:_e.relevance,relevance:_e.relevance},_e.secondBest&&(T.secondBest={language:_e.secondBest.language,relevance:_e.secondBest.relevance}),ae("after:highlightElement",{el:T,result:_e,text:we})}function b(T){a=qu(a,T)}const _=()=>{S(),hs("10.6.0","initHighlighting() deprecated. Use highlightAll() now.")};function y(){S(),hs("10.6.0","initHighlightingOnLoad() deprecated. Use highlightAll() now.")}let x=!1;function S(){if(document.readyState==="loading"){x=!0;return}document.querySelectorAll(a.cssSelector).forEach(p)}function R(){x&&S()}typeof window<"u"&&window.addEventListener&&window.addEventListener("DOMContentLoaded",R,!1);function O(T,q){let G=null;try{G=q(t)}catch(we){if(Yn("Language definition for '{}' could not be registered.".replace("{}",T)),o)Yn(we);else throw we;G=i}G.name||(G.name=T),e[T]=G,G.rawDefinition=q.bind(null,t),G.aliases&&M(G.aliases,{languageName:T})}function D(T){delete e[T];for(const q of Object.keys(n))n[q]===T&&delete n[q]}function v(){return Object.keys(e)}function E(T){return T=(T||"").toLowerCase(),e[T]||e[n[T]]}function M(T,{languageName:q}){typeof T=="string"&&(T=[T]),T.forEach(G=>{n[G.toLowerCase()]=q})}function L(T){const q=E(T);return q&&!q.disableAutodetect}function F(T){T["before:highlightBlock"]&&!T["before:highlightElement"]&&(T["before:highlightElement"]=q=>{T["before:highlightBlock"](Object.assign({block:q.el},q))}),T["after:highlightBlock"]&&!T["after:highlightElement"]&&(T["after:highlightElement"]=q=>{T["after:highlightBlock"](Object.assign({block:q.el},q))})}function J(T){F(T),s.push(T)}function I(T){const q=s.indexOf(T);q!==-1&&s.splice(q,1)}function ae(T,q){const G=T;s.forEach(function(we){we[G]&&we[G](q)})}function Z(T){return hs("10.7.0","highlightBlock will be removed entirely in v12.0"),hs("10.7.0","Please use highlightElement now."),p(T)}Object.assign(t,{highlight:u,highlightAuto:g,highlightAll:S,highlightElement:p,highlightBlock:Z,configure:b,initHighlighting:_,initHighlightingOnLoad:y,registerLanguage:O,unregisterLanguage:D,listLanguages:v,getLanguage:E,registerAliases:M,autoDetection:L,inherit:qu,addPlugin:J,removePlugin:I}),t.debugMode=function(){o=!1},t.safeMode=function(){o=!0},t.versionString=OSe,t.regex={concat:as,lookahead:Sg,either:mc,optional:GAe,anyNumberOfTimes:VAe};for(const T in Qo)typeof Qo[T]=="object"&&Cg(Qo[T]);return Object.assign(t,Qo),t},Ls=Pg({});Ls.newInstance=()=>Pg({});var DSe=Ls;Ls.HighlightJS=Ls;Ls.default=Ls;var na,Vu;function LSe(){if(Vu)return na;Vu=1;function t(e){const n=e.regex,s=n.concat(/[\p{L}_]/u,n.optional(/[\p{L}0-9_.-]*:/u),/[\p{L}0-9_.-]*/u),o=/[\p{L}0-9._:-]+/u,r={className:"symbol",begin:/&[a-z]+;|&#[0-9]+;|&#x[a-f0-9]+;/},i={begin:/\s/,contains:[{className:"keyword",begin:/#?[a-z_][a-z1-9_-]+/,illegal:/\n/}]},a=e.inherit(i,{begin:/\(/,end:/\)/}),l=e.inherit(e.APOS_STRING_MODE,{className:"string"}),c=e.inherit(e.QUOTE_STRING_MODE,{className:"string"}),u={endsWithParent:!0,illegal:/`]+/}]}]}]};return{name:"HTML, XML",aliases:["html","xhtml","rss","atom","xjb","xsd","xsl","plist","wsf","svg"],case_insensitive:!0,unicodeRegex:!0,contains:[{className:"meta",begin://,relevance:10,contains:[i,c,l,a,{begin:/\[/,end:/\]/,contains:[{className:"meta",begin://,contains:[i,a,c,l]}]}]},e.COMMENT(//,{relevance:10}),{begin://,relevance:10},r,{className:"meta",end:/\?>/,variants:[{begin:/<\?xml/,relevance:10,contains:[c]},{begin:/<\?[a-z][a-z0-9]+/}]},{className:"tag",begin:/)/,end:/>/,keywords:{name:"style"},contains:[u],starts:{end:/<\/style>/,returnEnd:!0,subLanguage:["css","xml"]}},{className:"tag",begin:/)/,end:/>/,keywords:{name:"script"},contains:[u],starts:{end:/<\/script>/,returnEnd:!0,subLanguage:["javascript","handlebars","xml"]}},{className:"tag",begin:/<>|<\/>/},{className:"tag",begin:n.concat(//,/>/,/\s/)))),end:/\/?>/,contains:[{className:"name",begin:s,relevance:0,starts:u}]},{className:"tag",begin:n.concat(/<\//,n.lookahead(n.concat(s,/>/))),contains:[{className:"name",begin:s,relevance:0},{begin:/>/,relevance:0,endsParent:!0}]}]}}return na=t,na}var sa,Gu;function ISe(){if(Gu)return sa;Gu=1;function t(e){const n=e.regex,s={},o={begin:/\$\{/,end:/\}/,contains:["self",{begin:/:-/,contains:[s]}]};Object.assign(s,{className:"variable",variants:[{begin:n.concat(/\$[\w\d#@][\w\d_]*/,"(?![\\w\\d])(?![$])")},o]});const r={className:"subst",begin:/\$\(/,end:/\)/,contains:[e.BACKSLASH_ESCAPE]},i={begin:/<<-?\s*(?=\w+)/,starts:{contains:[e.END_SAME_AS_BEGIN({begin:/(\w+)/,end:/(\w+)/,className:"string"})]}},a={className:"string",begin:/"/,end:/"/,contains:[e.BACKSLASH_ESCAPE,s,r]};r.contains.push(a);const l={className:"",begin:/\\"/},c={className:"string",begin:/'/,end:/'/},u={begin:/\$?\(\(/,end:/\)\)/,contains:[{begin:/\d+#[0-9a-f]+/,className:"number"},e.NUMBER_MODE,s]},h=["fish","bash","zsh","sh","csh","ksh","tcsh","dash","scsh"],f=e.SHEBANG({binary:`(${h.join("|")})`,relevance:10}),g={className:"function",begin:/\w[\w\d_]*\s*\(\s*\)\s*\{/,returnBegin:!0,contains:[e.inherit(e.TITLE_MODE,{begin:/\w[\w\d_]*/})],relevance:0},m=["if","then","else","elif","fi","for","while","until","in","do","done","case","esac","function","select"],p=["true","false"],b={match:/(\/[a-z._-]+)+/},_=["break","cd","continue","eval","exec","exit","export","getopts","hash","pwd","readonly","return","shift","test","times","trap","umask","unset"],y=["alias","bind","builtin","caller","command","declare","echo","enable","help","let","local","logout","mapfile","printf","read","readarray","source","type","typeset","ulimit","unalias"],x=["autoload","bg","bindkey","bye","cap","chdir","clone","comparguments","compcall","compctl","compdescribe","compfiles","compgroups","compquote","comptags","comptry","compvalues","dirs","disable","disown","echotc","echoti","emulate","fc","fg","float","functions","getcap","getln","history","integer","jobs","kill","limit","log","noglob","popd","print","pushd","pushln","rehash","sched","setcap","setopt","stat","suspend","ttyctl","unfunction","unhash","unlimit","unsetopt","vared","wait","whence","where","which","zcompile","zformat","zftp","zle","zmodload","zparseopts","zprof","zpty","zregexparse","zsocket","zstyle","ztcp"],S=["chcon","chgrp","chown","chmod","cp","dd","df","dir","dircolors","ln","ls","mkdir","mkfifo","mknod","mktemp","mv","realpath","rm","rmdir","shred","sync","touch","truncate","vdir","b2sum","base32","base64","cat","cksum","comm","csplit","cut","expand","fmt","fold","head","join","md5sum","nl","numfmt","od","paste","ptx","pr","sha1sum","sha224sum","sha256sum","sha384sum","sha512sum","shuf","sort","split","sum","tac","tail","tr","tsort","unexpand","uniq","wc","arch","basename","chroot","date","dirname","du","echo","env","expr","factor","groups","hostid","id","link","logname","nice","nohup","nproc","pathchk","pinky","printenv","printf","pwd","readlink","runcon","seq","sleep","stat","stdbuf","stty","tee","test","timeout","tty","uname","unlink","uptime","users","who","whoami","yes"];return{name:"Bash",aliases:["sh"],keywords:{$pattern:/\b[a-z][a-z0-9._-]+\b/,keyword:m,literal:p,built_in:[..._,...y,"set","shopt",...x,...S]},contains:[f,e.SHEBANG(),g,u,e.HASH_COMMENT_MODE,i,b,a,l,c,s]}}return sa=t,sa}var oa,Ku;function PSe(){if(Ku)return oa;Ku=1;function t(e){const n=e.regex,s=e.COMMENT("//","$",{contains:[{begin:/\\\n/}]}),o="decltype\\(auto\\)",r="[a-zA-Z_]\\w*::",i="<[^<>]+>",a="("+o+"|"+n.optional(r)+"[a-zA-Z_]\\w*"+n.optional(i)+")",l={className:"type",variants:[{begin:"\\b[a-z\\d_]*_t\\b"},{match:/\batomic_[a-z]{3,6}\b/}]},c="\\\\(x[0-9A-Fa-f]{2}|u[0-9A-Fa-f]{4,8}|[0-7]{3}|\\S)",u={className:"string",variants:[{begin:'(u8?|U|L)?"',end:'"',illegal:"\\n",contains:[e.BACKSLASH_ESCAPE]},{begin:"(u8?|U|L)?'("+c+"|.)",end:"'",illegal:"."},e.END_SAME_AS_BEGIN({begin:/(?:u8?|U|L)?R"([^()\\ ]{0,16})\(/,end:/\)([^()\\ ]{0,16})"/})]},h={className:"number",variants:[{begin:"\\b(0b[01']+)"},{begin:"(-?)\\b([\\d']+(\\.[\\d']*)?|\\.[\\d']+)((ll|LL|l|L)(u|U)?|(u|U)(ll|LL|l|L)?|f|F|b|B)"},{begin:"(-?)(\\b0[xX][a-fA-F0-9']+|(\\b[\\d']+(\\.[\\d']*)?|\\.[\\d']+)([eE][-+]?[\\d']+)?)"}],relevance:0},f={className:"meta",begin:/#\s*[a-z]+\b/,end:/$/,keywords:{keyword:"if else elif endif define undef warning error line pragma _Pragma ifdef ifndef include"},contains:[{begin:/\\\n/,relevance:0},e.inherit(u,{className:"string"}),{className:"string",begin:/<.*?>/},s,e.C_BLOCK_COMMENT_MODE]},g={className:"title",begin:n.optional(r)+e.IDENT_RE,relevance:0},m=n.optional(r)+e.IDENT_RE+"\\s*\\(",_={keyword:["asm","auto","break","case","continue","default","do","else","enum","extern","for","fortran","goto","if","inline","register","restrict","return","sizeof","struct","switch","typedef","union","volatile","while","_Alignas","_Alignof","_Atomic","_Generic","_Noreturn","_Static_assert","_Thread_local","alignas","alignof","noreturn","static_assert","thread_local","_Pragma"],type:["float","double","signed","unsigned","int","short","long","char","void","_Bool","_Complex","_Imaginary","_Decimal32","_Decimal64","_Decimal128","const","static","complex","bool","imaginary"],literal:"true false NULL",built_in:"std string wstring cin cout cerr clog stdin stdout stderr stringstream istringstream ostringstream auto_ptr deque list queue stack vector map set pair bitset multiset multimap unordered_set unordered_map unordered_multiset unordered_multimap priority_queue make_pair array shared_ptr abort terminate abs acos asin atan2 atan calloc ceil cosh cos exit exp fabs floor fmod fprintf fputs free frexp fscanf future isalnum isalpha iscntrl isdigit isgraph islower isprint ispunct isspace isupper isxdigit tolower toupper labs ldexp log10 log malloc realloc memchr memcmp memcpy memset modf pow printf putchar puts scanf sinh sin snprintf sprintf sqrt sscanf strcat strchr strcmp strcpy strcspn strlen strncat strncmp strncpy strpbrk strrchr strspn strstr tanh tan vfprintf vprintf vsprintf endl initializer_list unique_ptr"},y=[f,l,s,e.C_BLOCK_COMMENT_MODE,h,u],x={variants:[{begin:/=/,end:/;/},{begin:/\(/,end:/\)/},{beginKeywords:"new throw return else",end:/;/}],keywords:_,contains:y.concat([{begin:/\(/,end:/\)/,keywords:_,contains:y.concat(["self"]),relevance:0}]),relevance:0},S={begin:"("+a+"[\\*&\\s]+)+"+m,returnBegin:!0,end:/[{;=]/,excludeEnd:!0,keywords:_,illegal:/[^\w\s\*&:<>.]/,contains:[{begin:o,keywords:_,relevance:0},{begin:m,returnBegin:!0,contains:[e.inherit(g,{className:"title.function"})],relevance:0},{relevance:0,match:/,/},{className:"params",begin:/\(/,end:/\)/,keywords:_,relevance:0,contains:[s,e.C_BLOCK_COMMENT_MODE,u,h,l,{begin:/\(/,end:/\)/,keywords:_,relevance:0,contains:["self",s,e.C_BLOCK_COMMENT_MODE,u,h,l]}]},l,s,e.C_BLOCK_COMMENT_MODE,f]};return{name:"C",aliases:["h"],keywords:_,disableAutodetect:!0,illegal:"=]/,contains:[{beginKeywords:"final class struct"},e.TITLE_MODE]}]),exports:{preprocessor:f,strings:u,keywords:_}}}return oa=t,oa}var ra,Wu;function FSe(){if(Wu)return ra;Wu=1;function t(e){const n=e.regex,s=e.COMMENT("//","$",{contains:[{begin:/\\\n/}]}),o="decltype\\(auto\\)",r="[a-zA-Z_]\\w*::",i="<[^<>]+>",a="(?!struct)("+o+"|"+n.optional(r)+"[a-zA-Z_]\\w*"+n.optional(i)+")",l={className:"type",begin:"\\b[a-z\\d_]*_t\\b"},c="\\\\(x[0-9A-Fa-f]{2}|u[0-9A-Fa-f]{4,8}|[0-7]{3}|\\S)",u={className:"string",variants:[{begin:'(u8?|U|L)?"',end:'"',illegal:"\\n",contains:[e.BACKSLASH_ESCAPE]},{begin:"(u8?|U|L)?'("+c+"|.)",end:"'",illegal:"."},e.END_SAME_AS_BEGIN({begin:/(?:u8?|U|L)?R"([^()\\ ]{0,16})\(/,end:/\)([^()\\ ]{0,16})"/})]},h={className:"number",variants:[{begin:"\\b(0b[01']+)"},{begin:"(-?)\\b([\\d']+(\\.[\\d']*)?|\\.[\\d']+)((ll|LL|l|L)(u|U)?|(u|U)(ll|LL|l|L)?|f|F|b|B)"},{begin:"(-?)(\\b0[xX][a-fA-F0-9']+|(\\b[\\d']+(\\.[\\d']*)?|\\.[\\d']+)([eE][-+]?[\\d']+)?)"}],relevance:0},f={className:"meta",begin:/#\s*[a-z]+\b/,end:/$/,keywords:{keyword:"if else elif endif define undef warning error line pragma _Pragma ifdef ifndef include"},contains:[{begin:/\\\n/,relevance:0},e.inherit(u,{className:"string"}),{className:"string",begin:/<.*?>/},s,e.C_BLOCK_COMMENT_MODE]},g={className:"title",begin:n.optional(r)+e.IDENT_RE,relevance:0},m=n.optional(r)+e.IDENT_RE+"\\s*\\(",p=["alignas","alignof","and","and_eq","asm","atomic_cancel","atomic_commit","atomic_noexcept","auto","bitand","bitor","break","case","catch","class","co_await","co_return","co_yield","compl","concept","const_cast|10","consteval","constexpr","constinit","continue","decltype","default","delete","do","dynamic_cast|10","else","enum","explicit","export","extern","false","final","for","friend","goto","if","import","inline","module","mutable","namespace","new","noexcept","not","not_eq","nullptr","operator","or","or_eq","override","private","protected","public","reflexpr","register","reinterpret_cast|10","requires","return","sizeof","static_assert","static_cast|10","struct","switch","synchronized","template","this","thread_local","throw","transaction_safe","transaction_safe_dynamic","true","try","typedef","typeid","typename","union","using","virtual","volatile","while","xor","xor_eq"],b=["bool","char","char16_t","char32_t","char8_t","double","float","int","long","short","void","wchar_t","unsigned","signed","const","static"],_=["any","auto_ptr","barrier","binary_semaphore","bitset","complex","condition_variable","condition_variable_any","counting_semaphore","deque","false_type","future","imaginary","initializer_list","istringstream","jthread","latch","lock_guard","multimap","multiset","mutex","optional","ostringstream","packaged_task","pair","promise","priority_queue","queue","recursive_mutex","recursive_timed_mutex","scoped_lock","set","shared_future","shared_lock","shared_mutex","shared_timed_mutex","shared_ptr","stack","string_view","stringstream","timed_mutex","thread","true_type","tuple","unique_lock","unique_ptr","unordered_map","unordered_multimap","unordered_multiset","unordered_set","variant","vector","weak_ptr","wstring","wstring_view"],y=["abort","abs","acos","apply","as_const","asin","atan","atan2","calloc","ceil","cerr","cin","clog","cos","cosh","cout","declval","endl","exchange","exit","exp","fabs","floor","fmod","forward","fprintf","fputs","free","frexp","fscanf","future","invoke","isalnum","isalpha","iscntrl","isdigit","isgraph","islower","isprint","ispunct","isspace","isupper","isxdigit","labs","launder","ldexp","log","log10","make_pair","make_shared","make_shared_for_overwrite","make_tuple","make_unique","malloc","memchr","memcmp","memcpy","memset","modf","move","pow","printf","putchar","puts","realloc","scanf","sin","sinh","snprintf","sprintf","sqrt","sscanf","std","stderr","stdin","stdout","strcat","strchr","strcmp","strcpy","strcspn","strlen","strncat","strncmp","strncpy","strpbrk","strrchr","strspn","strstr","swap","tan","tanh","terminate","to_underlying","tolower","toupper","vfprintf","visit","vprintf","vsprintf"],R={type:b,keyword:p,literal:["NULL","false","nullopt","nullptr","true"],built_in:["_Pragma"],_type_hints:_},O={className:"function.dispatch",relevance:0,keywords:{_hint:y},begin:n.concat(/\b/,/(?!decltype)/,/(?!if)/,/(?!for)/,/(?!switch)/,/(?!while)/,e.IDENT_RE,n.lookahead(/(<[^<>]+>|)\s*\(/))},D=[O,f,l,s,e.C_BLOCK_COMMENT_MODE,h,u],v={variants:[{begin:/=/,end:/;/},{begin:/\(/,end:/\)/},{beginKeywords:"new throw return else",end:/;/}],keywords:R,contains:D.concat([{begin:/\(/,end:/\)/,keywords:R,contains:D.concat(["self"]),relevance:0}]),relevance:0},E={className:"function",begin:"("+a+"[\\*&\\s]+)+"+m,returnBegin:!0,end:/[{;=]/,excludeEnd:!0,keywords:R,illegal:/[^\w\s\*&:<>.]/,contains:[{begin:o,keywords:R,relevance:0},{begin:m,returnBegin:!0,contains:[g],relevance:0},{begin:/::/,relevance:0},{begin:/:/,endsWithParent:!0,contains:[u,h]},{relevance:0,match:/,/},{className:"params",begin:/\(/,end:/\)/,keywords:R,relevance:0,contains:[s,e.C_BLOCK_COMMENT_MODE,u,h,l,{begin:/\(/,end:/\)/,keywords:R,relevance:0,contains:["self",s,e.C_BLOCK_COMMENT_MODE,u,h,l]}]},l,s,e.C_BLOCK_COMMENT_MODE,f]};return{name:"C++",aliases:["cc","c++","h++","hpp","hh","hxx","cxx"],keywords:R,illegal:"",keywords:R,contains:["self",l]},{begin:e.IDENT_RE+"::",keywords:R},{match:[/\b(?:enum(?:\s+(?:class|struct))?|class|struct|union)/,/\s+/,/\w+/],className:{1:"keyword",3:"title.class"}}])}}return ra=t,ra}var ia,Zu;function BSe(){if(Zu)return ia;Zu=1;function t(e){const n=["bool","byte","char","decimal","delegate","double","dynamic","enum","float","int","long","nint","nuint","object","sbyte","short","string","ulong","uint","ushort"],s=["public","private","protected","static","internal","protected","abstract","async","extern","override","unsafe","virtual","new","sealed","partial"],o=["default","false","null","true"],r=["abstract","as","base","break","case","catch","class","const","continue","do","else","event","explicit","extern","finally","fixed","for","foreach","goto","if","implicit","in","interface","internal","is","lock","namespace","new","operator","out","override","params","private","protected","public","readonly","record","ref","return","scoped","sealed","sizeof","stackalloc","static","struct","switch","this","throw","try","typeof","unchecked","unsafe","using","virtual","void","volatile","while"],i=["add","alias","and","ascending","async","await","by","descending","equals","from","get","global","group","init","into","join","let","nameof","not","notnull","on","or","orderby","partial","remove","select","set","unmanaged","value|0","var","when","where","with","yield"],a={keyword:r.concat(i),built_in:n,literal:o},l=e.inherit(e.TITLE_MODE,{begin:"[a-zA-Z](\\.?\\w)*"}),c={className:"number",variants:[{begin:"\\b(0b[01']+)"},{begin:"(-?)\\b([\\d']+(\\.[\\d']*)?|\\.[\\d']+)(u|U|l|L|ul|UL|f|F|b|B)"},{begin:"(-?)(\\b0[xX][a-fA-F0-9']+|(\\b[\\d']+(\\.[\\d']*)?|\\.[\\d']+)([eE][-+]?[\\d']+)?)"}],relevance:0},u={className:"string",begin:'@"',end:'"',contains:[{begin:'""'}]},h=e.inherit(u,{illegal:/\n/}),f={className:"subst",begin:/\{/,end:/\}/,keywords:a},g=e.inherit(f,{illegal:/\n/}),m={className:"string",begin:/\$"/,end:'"',illegal:/\n/,contains:[{begin:/\{\{/},{begin:/\}\}/},e.BACKSLASH_ESCAPE,g]},p={className:"string",begin:/\$@"/,end:'"',contains:[{begin:/\{\{/},{begin:/\}\}/},{begin:'""'},f]},b=e.inherit(p,{illegal:/\n/,contains:[{begin:/\{\{/},{begin:/\}\}/},{begin:'""'},g]});f.contains=[p,m,u,e.APOS_STRING_MODE,e.QUOTE_STRING_MODE,c,e.C_BLOCK_COMMENT_MODE],g.contains=[b,m,h,e.APOS_STRING_MODE,e.QUOTE_STRING_MODE,c,e.inherit(e.C_BLOCK_COMMENT_MODE,{illegal:/\n/})];const _={variants:[p,m,u,e.APOS_STRING_MODE,e.QUOTE_STRING_MODE]},y={begin:"<",end:">",contains:[{beginKeywords:"in out"},l]},x=e.IDENT_RE+"(<"+e.IDENT_RE+"(\\s*,\\s*"+e.IDENT_RE+")*>)?(\\[\\])?",S={begin:"@"+e.IDENT_RE,relevance:0};return{name:"C#",aliases:["cs","c#"],keywords:a,illegal:/::/,contains:[e.COMMENT("///","$",{returnBegin:!0,contains:[{className:"doctag",variants:[{begin:"///",relevance:0},{begin:""},{begin:""}]}]}),e.C_LINE_COMMENT_MODE,e.C_BLOCK_COMMENT_MODE,{className:"meta",begin:"#",end:"$",keywords:{keyword:"if else elif endif define undef warning error line region endregion pragma checksum"}},_,c,{beginKeywords:"class interface",relevance:0,end:/[{;=]/,illegal:/[^\s:,]/,contains:[{beginKeywords:"where class"},l,y,e.C_LINE_COMMENT_MODE,e.C_BLOCK_COMMENT_MODE]},{beginKeywords:"namespace",relevance:0,end:/[{;=]/,illegal:/[^\s:]/,contains:[l,e.C_LINE_COMMENT_MODE,e.C_BLOCK_COMMENT_MODE]},{beginKeywords:"record",relevance:0,end:/[{;=]/,illegal:/[^\s:]/,contains:[l,y,e.C_LINE_COMMENT_MODE,e.C_BLOCK_COMMENT_MODE]},{className:"meta",begin:"^\\s*\\[(?=[\\w])",excludeBegin:!0,end:"\\]",excludeEnd:!0,contains:[{className:"string",begin:/"/,end:/"/}]},{beginKeywords:"new return throw await else",relevance:0},{className:"function",begin:"("+x+"\\s+)+"+e.IDENT_RE+"\\s*(<[^=]+>\\s*)?\\(",returnBegin:!0,end:/\s*[{;=]/,excludeEnd:!0,keywords:a,contains:[{beginKeywords:s.join(" "),relevance:0},{begin:e.IDENT_RE+"\\s*(<[^=]+>\\s*)?\\(",returnBegin:!0,contains:[e.TITLE_MODE,y],relevance:0},{match:/\(\)/},{className:"params",begin:/\(/,end:/\)/,excludeBegin:!0,excludeEnd:!0,keywords:a,relevance:0,contains:[_,c,e.C_BLOCK_COMMENT_MODE]},e.C_LINE_COMMENT_MODE,e.C_BLOCK_COMMENT_MODE]},S]}}return ia=t,ia}var aa,Yu;function $Se(){if(Yu)return aa;Yu=1;const t=a=>({IMPORTANT:{scope:"meta",begin:"!important"},BLOCK_COMMENT:a.C_BLOCK_COMMENT_MODE,HEXCOLOR:{scope:"number",begin:/#(([0-9a-fA-F]{3,4})|(([0-9a-fA-F]{2}){3,4}))\b/},FUNCTION_DISPATCH:{className:"built_in",begin:/[\w-]+(?=\()/},ATTRIBUTE_SELECTOR_MODE:{scope:"selector-attr",begin:/\[/,end:/\]/,illegal:"$",contains:[a.APOS_STRING_MODE,a.QUOTE_STRING_MODE]},CSS_NUMBER_MODE:{scope:"number",begin:a.NUMBER_RE+"(%|em|ex|ch|rem|vw|vh|vmin|vmax|cm|mm|in|pt|pc|px|deg|grad|rad|turn|s|ms|Hz|kHz|dpi|dpcm|dppx)?",relevance:0},CSS_VARIABLE:{className:"attr",begin:/--[A-Za-z][A-Za-z0-9_-]*/}}),e=["a","abbr","address","article","aside","audio","b","blockquote","body","button","canvas","caption","cite","code","dd","del","details","dfn","div","dl","dt","em","fieldset","figcaption","figure","footer","form","h1","h2","h3","h4","h5","h6","header","hgroup","html","i","iframe","img","input","ins","kbd","label","legend","li","main","mark","menu","nav","object","ol","p","q","quote","samp","section","span","strong","summary","sup","table","tbody","td","textarea","tfoot","th","thead","time","tr","ul","var","video"],n=["any-hover","any-pointer","aspect-ratio","color","color-gamut","color-index","device-aspect-ratio","device-height","device-width","display-mode","forced-colors","grid","height","hover","inverted-colors","monochrome","orientation","overflow-block","overflow-inline","pointer","prefers-color-scheme","prefers-contrast","prefers-reduced-motion","prefers-reduced-transparency","resolution","scan","scripting","update","width","min-width","max-width","min-height","max-height"],s=["active","any-link","blank","checked","current","default","defined","dir","disabled","drop","empty","enabled","first","first-child","first-of-type","fullscreen","future","focus","focus-visible","focus-within","has","host","host-context","hover","indeterminate","in-range","invalid","is","lang","last-child","last-of-type","left","link","local-link","not","nth-child","nth-col","nth-last-child","nth-last-col","nth-last-of-type","nth-of-type","only-child","only-of-type","optional","out-of-range","past","placeholder-shown","read-only","read-write","required","right","root","scope","target","target-within","user-invalid","valid","visited","where"],o=["after","backdrop","before","cue","cue-region","first-letter","first-line","grammar-error","marker","part","placeholder","selection","slotted","spelling-error"],r=["align-content","align-items","align-self","all","animation","animation-delay","animation-direction","animation-duration","animation-fill-mode","animation-iteration-count","animation-name","animation-play-state","animation-timing-function","backface-visibility","background","background-attachment","background-blend-mode","background-clip","background-color","background-image","background-origin","background-position","background-repeat","background-size","block-size","border","border-block","border-block-color","border-block-end","border-block-end-color","border-block-end-style","border-block-end-width","border-block-start","border-block-start-color","border-block-start-style","border-block-start-width","border-block-style","border-block-width","border-bottom","border-bottom-color","border-bottom-left-radius","border-bottom-right-radius","border-bottom-style","border-bottom-width","border-collapse","border-color","border-image","border-image-outset","border-image-repeat","border-image-slice","border-image-source","border-image-width","border-inline","border-inline-color","border-inline-end","border-inline-end-color","border-inline-end-style","border-inline-end-width","border-inline-start","border-inline-start-color","border-inline-start-style","border-inline-start-width","border-inline-style","border-inline-width","border-left","border-left-color","border-left-style","border-left-width","border-radius","border-right","border-right-color","border-right-style","border-right-width","border-spacing","border-style","border-top","border-top-color","border-top-left-radius","border-top-right-radius","border-top-style","border-top-width","border-width","bottom","box-decoration-break","box-shadow","box-sizing","break-after","break-before","break-inside","caption-side","caret-color","clear","clip","clip-path","clip-rule","color","column-count","column-fill","column-gap","column-rule","column-rule-color","column-rule-style","column-rule-width","column-span","column-width","columns","contain","content","content-visibility","counter-increment","counter-reset","cue","cue-after","cue-before","cursor","direction","display","empty-cells","filter","flex","flex-basis","flex-direction","flex-flow","flex-grow","flex-shrink","flex-wrap","float","flow","font","font-display","font-family","font-feature-settings","font-kerning","font-language-override","font-size","font-size-adjust","font-smoothing","font-stretch","font-style","font-synthesis","font-variant","font-variant-caps","font-variant-east-asian","font-variant-ligatures","font-variant-numeric","font-variant-position","font-variation-settings","font-weight","gap","glyph-orientation-vertical","grid","grid-area","grid-auto-columns","grid-auto-flow","grid-auto-rows","grid-column","grid-column-end","grid-column-start","grid-gap","grid-row","grid-row-end","grid-row-start","grid-template","grid-template-areas","grid-template-columns","grid-template-rows","hanging-punctuation","height","hyphens","icon","image-orientation","image-rendering","image-resolution","ime-mode","inline-size","isolation","justify-content","left","letter-spacing","line-break","line-height","list-style","list-style-image","list-style-position","list-style-type","margin","margin-block","margin-block-end","margin-block-start","margin-bottom","margin-inline","margin-inline-end","margin-inline-start","margin-left","margin-right","margin-top","marks","mask","mask-border","mask-border-mode","mask-border-outset","mask-border-repeat","mask-border-slice","mask-border-source","mask-border-width","mask-clip","mask-composite","mask-image","mask-mode","mask-origin","mask-position","mask-repeat","mask-size","mask-type","max-block-size","max-height","max-inline-size","max-width","min-block-size","min-height","min-inline-size","min-width","mix-blend-mode","nav-down","nav-index","nav-left","nav-right","nav-up","none","normal","object-fit","object-position","opacity","order","orphans","outline","outline-color","outline-offset","outline-style","outline-width","overflow","overflow-wrap","overflow-x","overflow-y","padding","padding-block","padding-block-end","padding-block-start","padding-bottom","padding-inline","padding-inline-end","padding-inline-start","padding-left","padding-right","padding-top","page-break-after","page-break-before","page-break-inside","pause","pause-after","pause-before","perspective","perspective-origin","pointer-events","position","quotes","resize","rest","rest-after","rest-before","right","row-gap","scroll-margin","scroll-margin-block","scroll-margin-block-end","scroll-margin-block-start","scroll-margin-bottom","scroll-margin-inline","scroll-margin-inline-end","scroll-margin-inline-start","scroll-margin-left","scroll-margin-right","scroll-margin-top","scroll-padding","scroll-padding-block","scroll-padding-block-end","scroll-padding-block-start","scroll-padding-bottom","scroll-padding-inline","scroll-padding-inline-end","scroll-padding-inline-start","scroll-padding-left","scroll-padding-right","scroll-padding-top","scroll-snap-align","scroll-snap-stop","scroll-snap-type","scrollbar-color","scrollbar-gutter","scrollbar-width","shape-image-threshold","shape-margin","shape-outside","speak","speak-as","src","tab-size","table-layout","text-align","text-align-all","text-align-last","text-combine-upright","text-decoration","text-decoration-color","text-decoration-line","text-decoration-style","text-emphasis","text-emphasis-color","text-emphasis-position","text-emphasis-style","text-indent","text-justify","text-orientation","text-overflow","text-rendering","text-shadow","text-transform","text-underline-position","top","transform","transform-box","transform-origin","transform-style","transition","transition-delay","transition-duration","transition-property","transition-timing-function","unicode-bidi","vertical-align","visibility","voice-balance","voice-duration","voice-family","voice-pitch","voice-range","voice-rate","voice-stress","voice-volume","white-space","widows","width","will-change","word-break","word-spacing","word-wrap","writing-mode","z-index"].reverse();function i(a){const l=a.regex,c=t(a),u={begin:/-(webkit|moz|ms|o)-(?=[a-z])/},h="and or not only",f=/@-?\w[\w]*(-\w+)*/,g="[a-zA-Z-][a-zA-Z0-9_-]*",m=[a.APOS_STRING_MODE,a.QUOTE_STRING_MODE];return{name:"CSS",case_insensitive:!0,illegal:/[=|'\$]/,keywords:{keyframePosition:"from to"},classNameAliases:{keyframePosition:"selector-tag"},contains:[c.BLOCK_COMMENT,u,c.CSS_NUMBER_MODE,{className:"selector-id",begin:/#[A-Za-z0-9_-]+/,relevance:0},{className:"selector-class",begin:"\\."+g,relevance:0},c.ATTRIBUTE_SELECTOR_MODE,{className:"selector-pseudo",variants:[{begin:":("+s.join("|")+")"},{begin:":(:)?("+o.join("|")+")"}]},c.CSS_VARIABLE,{className:"attribute",begin:"\\b("+r.join("|")+")\\b"},{begin:/:/,end:/[;}{]/,contains:[c.BLOCK_COMMENT,c.HEXCOLOR,c.IMPORTANT,c.CSS_NUMBER_MODE,...m,{begin:/(url|data-uri)\(/,end:/\)/,relevance:0,keywords:{built_in:"url data-uri"},contains:[...m,{className:"string",begin:/[^)]/,endsWithParent:!0,excludeEnd:!0}]},c.FUNCTION_DISPATCH]},{begin:l.lookahead(/@/),end:"[{;]",relevance:0,illegal:/:/,contains:[{className:"keyword",begin:f},{begin:/\s/,endsWithParent:!0,excludeEnd:!0,relevance:0,keywords:{$pattern:/[a-z-]+/,keyword:h,attribute:n.join(" ")},contains:[{begin:/[a-z-]+(?=:)/,className:"attribute"},...m,c.CSS_NUMBER_MODE]}]},{className:"selector-tag",begin:"\\b("+e.join("|")+")\\b"}]}}return aa=i,aa}var la,Ju;function jSe(){if(Ju)return la;Ju=1;function t(e){const n=e.regex,s={begin:/<\/?[A-Za-z_]/,end:">",subLanguage:"xml",relevance:0},o={begin:"^[-\\*]{3,}",end:"$"},r={className:"code",variants:[{begin:"(`{3,})[^`](.|\\n)*?\\1`*[ ]*"},{begin:"(~{3,})[^~](.|\\n)*?\\1~*[ ]*"},{begin:"```",end:"```+[ ]*$"},{begin:"~~~",end:"~~~+[ ]*$"},{begin:"`.+?`"},{begin:"(?=^( {4}|\\t))",contains:[{begin:"^( {4}|\\t)",end:"(\\n)$"}],relevance:0}]},i={className:"bullet",begin:"^[ ]*([*+-]|(\\d+\\.))(?=\\s+)",end:"\\s+",excludeEnd:!0},a={begin:/^\[[^\n]+\]:/,returnBegin:!0,contains:[{className:"symbol",begin:/\[/,end:/\]/,excludeBegin:!0,excludeEnd:!0},{className:"link",begin:/:\s*/,end:/$/,excludeBegin:!0}]},l=/[A-Za-z][A-Za-z0-9+.-]*/,c={variants:[{begin:/\[.+?\]\[.*?\]/,relevance:0},{begin:/\[.+?\]\(((data|javascript|mailto):|(?:http|ftp)s?:\/\/).*?\)/,relevance:2},{begin:n.concat(/\[.+?\]\(/,l,/:\/\/.*?\)/),relevance:2},{begin:/\[.+?\]\([./?&#].*?\)/,relevance:1},{begin:/\[.*?\]\(.*?\)/,relevance:0}],returnBegin:!0,contains:[{match:/\[(?=\])/},{className:"string",relevance:0,begin:"\\[",end:"\\]",excludeBegin:!0,returnEnd:!0},{className:"link",relevance:0,begin:"\\]\\(",end:"\\)",excludeBegin:!0,excludeEnd:!0},{className:"symbol",relevance:0,begin:"\\]\\[",end:"\\]",excludeBegin:!0,excludeEnd:!0}]},u={className:"strong",contains:[],variants:[{begin:/_{2}(?!\s)/,end:/_{2}/},{begin:/\*{2}(?!\s)/,end:/\*{2}/}]},h={className:"emphasis",contains:[],variants:[{begin:/\*(?![*\s])/,end:/\*/},{begin:/_(?![_\s])/,end:/_/,relevance:0}]},f=e.inherit(u,{contains:[]}),g=e.inherit(h,{contains:[]});u.contains.push(g),h.contains.push(f);let m=[s,c];return[u,h,f,g].forEach(_=>{_.contains=_.contains.concat(m)}),m=m.concat(u,h),{name:"Markdown",aliases:["md","mkdown","mkd"],contains:[{className:"section",variants:[{begin:"^#{1,6}",end:"$",contains:m},{begin:"(?=^.+?\\n[=-]{2,}$)",contains:[{begin:"^[=-]*$"},{begin:"^",end:"\\n",contains:m}]}]},s,i,u,h,{className:"quote",begin:"^>\\s+",contains:m,end:"$"},r,o,c,a]}}return la=t,la}var ca,Qu;function zSe(){if(Qu)return ca;Qu=1;function t(e){const n=e.regex;return{name:"Diff",aliases:["patch"],contains:[{className:"meta",relevance:10,match:n.either(/^@@ +-\d+,\d+ +\+\d+,\d+ +@@/,/^\*\*\* +\d+,\d+ +\*\*\*\*$/,/^--- +\d+,\d+ +----$/)},{className:"comment",variants:[{begin:n.either(/Index: /,/^index/,/={3,}/,/^-{3}/,/^\*{3} /,/^\+{3}/,/^diff --git/),end:/$/},{match:/^\*{15}$/}]},{className:"addition",begin:/^\+/,end:/$/},{className:"deletion",begin:/^-/,end:/$/},{className:"addition",begin:/^!/,end:/$/}]}}return ca=t,ca}var da,Xu;function USe(){if(Xu)return da;Xu=1;function t(e){const n=e.regex,s="([a-zA-Z_]\\w*[!?=]?|[-+~]@|<<|>>|=~|===?|<=>|[<>]=?|\\*\\*|[-/+%^&*~`|]|\\[\\]=?)",o=n.either(/\b([A-Z]+[a-z0-9]+)+/,/\b([A-Z]+[a-z0-9]+)+[A-Z]+/),r=n.concat(o,/(::\w+)*/),a={"variable.constant":["__FILE__","__LINE__","__ENCODING__"],"variable.language":["self","super"],keyword:["alias","and","begin","BEGIN","break","case","class","defined","do","else","elsif","end","END","ensure","for","if","in","module","next","not","or","redo","require","rescue","retry","return","then","undef","unless","until","when","while","yield",...["include","extend","prepend","public","private","protected","raise","throw"]],built_in:["proc","lambda","attr_accessor","attr_reader","attr_writer","define_method","private_constant","module_function"],literal:["true","false","nil"]},l={className:"doctag",begin:"@[A-Za-z]+"},c={begin:"#<",end:">"},u=[e.COMMENT("#","$",{contains:[l]}),e.COMMENT("^=begin","^=end",{contains:[l],relevance:10}),e.COMMENT("^__END__",e.MATCH_NOTHING_RE)],h={className:"subst",begin:/#\{/,end:/\}/,keywords:a},f={className:"string",contains:[e.BACKSLASH_ESCAPE,h],variants:[{begin:/'/,end:/'/},{begin:/"/,end:/"/},{begin:/`/,end:/`/},{begin:/%[qQwWx]?\(/,end:/\)/},{begin:/%[qQwWx]?\[/,end:/\]/},{begin:/%[qQwWx]?\{/,end:/\}/},{begin:/%[qQwWx]?/},{begin:/%[qQwWx]?\//,end:/\//},{begin:/%[qQwWx]?%/,end:/%/},{begin:/%[qQwWx]?-/,end:/-/},{begin:/%[qQwWx]?\|/,end:/\|/},{begin:/\B\?(\\\d{1,3})/},{begin:/\B\?(\\x[A-Fa-f0-9]{1,2})/},{begin:/\B\?(\\u\{?[A-Fa-f0-9]{1,6}\}?)/},{begin:/\B\?(\\M-\\C-|\\M-\\c|\\c\\M-|\\M-|\\C-\\M-)[\x20-\x7e]/},{begin:/\B\?\\(c|C-)[\x20-\x7e]/},{begin:/\B\?\\?\S/},{begin:n.concat(/<<[-~]?'?/,n.lookahead(/(\w+)(?=\W)[^\n]*\n(?:[^\n]*\n)*?\s*\1\b/)),contains:[e.END_SAME_AS_BEGIN({begin:/(\w+)/,end:/(\w+)/,contains:[e.BACKSLASH_ESCAPE,h]})]}]},g="[1-9](_?[0-9])*|0",m="[0-9](_?[0-9])*",p={className:"number",relevance:0,variants:[{begin:`\\b(${g})(\\.(${m}))?([eE][+-]?(${m})|r)?i?\\b`},{begin:"\\b0[dD][0-9](_?[0-9])*r?i?\\b"},{begin:"\\b0[bB][0-1](_?[0-1])*r?i?\\b"},{begin:"\\b0[oO][0-7](_?[0-7])*r?i?\\b"},{begin:"\\b0[xX][0-9a-fA-F](_?[0-9a-fA-F])*r?i?\\b"},{begin:"\\b0(_?[0-7])+r?i?\\b"}]},b={variants:[{match:/\(\)/},{className:"params",begin:/\(/,end:/(?=\))/,excludeBegin:!0,endsParent:!0,keywords:a}]},D=[f,{variants:[{match:[/class\s+/,r,/\s+<\s+/,r]},{match:[/\b(class|module)\s+/,r]}],scope:{2:"title.class",4:"title.class.inherited"},keywords:a},{match:[/(include|extend)\s+/,r],scope:{2:"title.class"},keywords:a},{relevance:0,match:[r,/\.new[. (]/],scope:{1:"title.class"}},{relevance:0,match:/\b[A-Z][A-Z_0-9]+\b/,className:"variable.constant"},{relevance:0,match:o,scope:"title.class"},{match:[/def/,/\s+/,s],scope:{1:"keyword",3:"title.function"},contains:[b]},{begin:e.IDENT_RE+"::"},{className:"symbol",begin:e.UNDERSCORE_IDENT_RE+"(!|\\?)?:",relevance:0},{className:"symbol",begin:":(?!\\s)",contains:[f,{begin:s}],relevance:0},p,{className:"variable",begin:"(\\$\\W)|((\\$|@@?)(\\w+))(?=[^@$?])(?![A-Za-z])(?![@$?'])"},{className:"params",begin:/\|/,end:/\|/,excludeBegin:!0,excludeEnd:!0,relevance:0,keywords:a},{begin:"("+e.RE_STARTERS_RE+"|unless)\\s*",keywords:"unless",contains:[{className:"regexp",contains:[e.BACKSLASH_ESCAPE,h],illegal:/\n/,variants:[{begin:"/",end:"/[a-z]*"},{begin:/%r\{/,end:/\}[a-z]*/},{begin:"%r\\(",end:"\\)[a-z]*"},{begin:"%r!",end:"![a-z]*"},{begin:"%r\\[",end:"\\][a-z]*"}]}].concat(c,u),relevance:0}].concat(c,u);h.contains=D,b.contains=D;const v="[>?]>",E="[\\w#]+\\(\\w+\\):\\d+:\\d+[>*]",M="(\\w+-)?\\d+\\.\\d+\\.\\d+(p\\d+)?[^\\d][^>]+>",L=[{begin:/^\s*=>/,starts:{end:"$",contains:D}},{className:"meta.prompt",begin:"^("+v+"|"+E+"|"+M+")(?=[ ])",starts:{end:"$",keywords:a,contains:D}}];return u.unshift(c),{name:"Ruby",aliases:["rb","gemspec","podspec","thor","irb"],keywords:a,illegal:/\/\*/,contains:[e.SHEBANG({binary:"ruby"})].concat(L).concat(u).concat(D)}}return da=t,da}var ua,eh;function qSe(){if(eh)return ua;eh=1;function t(e){const i={keyword:["break","case","chan","const","continue","default","defer","else","fallthrough","for","func","go","goto","if","import","interface","map","package","range","return","select","struct","switch","type","var"],type:["bool","byte","complex64","complex128","error","float32","float64","int8","int16","int32","int64","string","uint8","uint16","uint32","uint64","int","uint","uintptr","rune"],literal:["true","false","iota","nil"],built_in:["append","cap","close","complex","copy","imag","len","make","new","panic","print","println","real","recover","delete"]};return{name:"Go",aliases:["golang"],keywords:i,illegal:"o(i,a,l-1))}function r(i){const a=i.regex,l="[À-ʸa-zA-Z_$][À-ʸa-zA-Z_$0-9]*",c=l+o("(?:<"+l+"~~~(?:\\s*,\\s*"+l+"~~~)*>)?",/~~~/g,2),m={keyword:["synchronized","abstract","private","var","static","if","const ","for","while","strictfp","finally","protected","import","native","final","void","enum","else","break","transient","catch","instanceof","volatile","case","assert","package","default","public","try","switch","continue","throws","protected","public","private","module","requires","exports","do","sealed","yield","permits"],literal:["false","true","null"],type:["char","boolean","long","float","int","byte","short","double"],built_in:["super","this"]},p={className:"meta",begin:"@"+l,contains:[{begin:/\(/,end:/\)/,contains:["self"]}]},b={className:"params",begin:/\(/,end:/\)/,keywords:m,relevance:0,contains:[i.C_BLOCK_COMMENT_MODE],endsParent:!0};return{name:"Java",aliases:["jsp"],keywords:m,illegal:/<\/|#/,contains:[i.COMMENT("/\\*\\*","\\*/",{relevance:0,contains:[{begin:/\w+@/,relevance:0},{className:"doctag",begin:"@[A-Za-z]+"}]}),{begin:/import java\.[a-z]+\./,keywords:"import",relevance:2},i.C_LINE_COMMENT_MODE,i.C_BLOCK_COMMENT_MODE,{begin:/"""/,end:/"""/,className:"string",contains:[i.BACKSLASH_ESCAPE]},i.APOS_STRING_MODE,i.QUOTE_STRING_MODE,{match:[/\b(?:class|interface|enum|extends|implements|new)/,/\s+/,l],className:{1:"keyword",3:"title.class"}},{match:/non-sealed/,scope:"keyword"},{begin:[a.concat(/(?!else)/,l),/\s+/,l,/\s+/,/=(?!=)/],className:{1:"type",3:"variable",5:"operator"}},{begin:[/record/,/\s+/,l],className:{1:"keyword",3:"title.class"},contains:[b,i.C_LINE_COMMENT_MODE,i.C_BLOCK_COMMENT_MODE]},{beginKeywords:"new throw return else",relevance:0},{begin:["(?:"+c+"\\s+)",i.UNDERSCORE_IDENT_RE,/\s*(?=\()/],className:{2:"title.function"},keywords:m,contains:[{className:"params",begin:/\(/,end:/\)/,keywords:m,relevance:0,contains:[p,i.APOS_STRING_MODE,i.QUOTE_STRING_MODE,s,i.C_BLOCK_COMMENT_MODE]},i.C_LINE_COMMENT_MODE,i.C_BLOCK_COMMENT_MODE]},s,p]}}return pa=r,pa}var ga,oh;function KSe(){if(oh)return ga;oh=1;const t="[A-Za-z$_][0-9A-Za-z$_]*",e=["as","in","of","if","for","while","finally","var","new","function","do","return","void","else","break","catch","instanceof","with","throw","case","default","try","switch","continue","typeof","delete","let","yield","const","class","debugger","async","await","static","import","from","export","extends"],n=["true","false","null","undefined","NaN","Infinity"],s=["Object","Function","Boolean","Symbol","Math","Date","Number","BigInt","String","RegExp","Array","Float32Array","Float64Array","Int8Array","Uint8Array","Uint8ClampedArray","Int16Array","Int32Array","Uint16Array","Uint32Array","BigInt64Array","BigUint64Array","Set","Map","WeakSet","WeakMap","ArrayBuffer","SharedArrayBuffer","Atomics","DataView","JSON","Promise","Generator","GeneratorFunction","AsyncFunction","Reflect","Proxy","Intl","WebAssembly"],o=["Error","EvalError","InternalError","RangeError","ReferenceError","SyntaxError","TypeError","URIError"],r=["setInterval","setTimeout","clearInterval","clearTimeout","require","exports","eval","isFinite","isNaN","parseFloat","parseInt","decodeURI","decodeURIComponent","encodeURI","encodeURIComponent","escape","unescape"],i=["arguments","this","super","console","window","document","localStorage","sessionStorage","module","global"],a=[].concat(r,s,o);function l(c){const u=c.regex,h=(V,{after:te})=>{const X="",end:""},m=/<[A-Za-z0-9\\._:-]+\s*\/>/,p={begin:/<[A-Za-z0-9\\._:-]+/,end:/\/[A-Za-z0-9\\._:-]+>|\/>/,isTrulyOpeningTag:(V,te)=>{const X=V[0].length+V.index,ge=V.input[X];if(ge==="<"||ge===","){te.ignoreMatch();return}ge===">"&&(h(V,{after:X})||te.ignoreMatch());let de;const w=V.input.substring(X);if(de=w.match(/^\s*=/)){te.ignoreMatch();return}if((de=w.match(/^\s+extends\s+/))&&de.index===0){te.ignoreMatch();return}}},b={$pattern:t,keyword:e,literal:n,built_in:a,"variable.language":i},_="[0-9](_?[0-9])*",y=`\\.(${_})`,x="0|[1-9](_?[0-9])*|0[0-7]*[89][0-9]*",S={className:"number",variants:[{begin:`(\\b(${x})((${y})|\\.)?|(${y}))[eE][+-]?(${_})\\b`},{begin:`\\b(${x})\\b((${y})\\b|\\.)?|(${y})\\b`},{begin:"\\b(0|[1-9](_?[0-9])*)n\\b"},{begin:"\\b0[xX][0-9a-fA-F](_?[0-9a-fA-F])*n?\\b"},{begin:"\\b0[bB][0-1](_?[0-1])*n?\\b"},{begin:"\\b0[oO][0-7](_?[0-7])*n?\\b"},{begin:"\\b0[0-7]+n?\\b"}],relevance:0},R={className:"subst",begin:"\\$\\{",end:"\\}",keywords:b,contains:[]},O={begin:"html`",end:"",starts:{end:"`",returnEnd:!1,contains:[c.BACKSLASH_ESCAPE,R],subLanguage:"xml"}},D={begin:"css`",end:"",starts:{end:"`",returnEnd:!1,contains:[c.BACKSLASH_ESCAPE,R],subLanguage:"css"}},v={begin:"gql`",end:"",starts:{end:"`",returnEnd:!1,contains:[c.BACKSLASH_ESCAPE,R],subLanguage:"graphql"}},E={className:"string",begin:"`",end:"`",contains:[c.BACKSLASH_ESCAPE,R]},L={className:"comment",variants:[c.COMMENT(/\/\*\*(?!\/)/,"\\*/",{relevance:0,contains:[{begin:"(?=@[A-Za-z]+)",relevance:0,contains:[{className:"doctag",begin:"@[A-Za-z]+"},{className:"type",begin:"\\{",end:"\\}",excludeEnd:!0,excludeBegin:!0,relevance:0},{className:"variable",begin:f+"(?=\\s*(-)|$)",endsParent:!0,relevance:0},{begin:/(?=[^\n])\s/,relevance:0}]}]}),c.C_BLOCK_COMMENT_MODE,c.C_LINE_COMMENT_MODE]},F=[c.APOS_STRING_MODE,c.QUOTE_STRING_MODE,O,D,v,E,{match:/\$\d+/},S];R.contains=F.concat({begin:/\{/,end:/\}/,keywords:b,contains:["self"].concat(F)});const J=[].concat(L,R.contains),I=J.concat([{begin:/\(/,end:/\)/,keywords:b,contains:["self"].concat(J)}]),ae={className:"params",begin:/\(/,end:/\)/,excludeBegin:!0,excludeEnd:!0,keywords:b,contains:I},Z={variants:[{match:[/class/,/\s+/,f,/\s+/,/extends/,/\s+/,u.concat(f,"(",u.concat(/\./,f),")*")],scope:{1:"keyword",3:"title.class",5:"keyword",7:"title.class.inherited"}},{match:[/class/,/\s+/,f],scope:{1:"keyword",3:"title.class"}}]},T={relevance:0,match:u.either(/\bJSON/,/\b[A-Z][a-z]+([A-Z][a-z]*|\d)*/,/\b[A-Z]{2,}([A-Z][a-z]+|\d)+([A-Z][a-z]*)*/,/\b[A-Z]{2,}[a-z]+([A-Z][a-z]+|\d)*([A-Z][a-z]*)*/),className:"title.class",keywords:{_:[...s,...o]}},q={label:"use_strict",className:"meta",relevance:10,begin:/^\s*['"]use (strict|asm)['"]/},G={variants:[{match:[/function/,/\s+/,f,/(?=\s*\()/]},{match:[/function/,/\s*(?=\()/]}],className:{1:"keyword",3:"title.function"},label:"func.def",contains:[ae],illegal:/%/},we={relevance:0,match:/\b[A-Z][A-Z_0-9]+\b/,className:"variable.constant"};function _e(V){return u.concat("(?!",V.join("|"),")")}const ee={match:u.concat(/\b/,_e([...r,"super","import"]),f,u.lookahead(/\(/)),className:"title.function",relevance:0},ke={begin:u.concat(/\./,u.lookahead(u.concat(f,/(?![0-9A-Za-z$_(])/))),end:f,excludeBegin:!0,keywords:"prototype",className:"property",relevance:0},Se={match:[/get|set/,/\s+/,f,/(?=\()/],className:{1:"keyword",3:"title.function"},contains:[{begin:/\(\)/},ae]},N="(\\([^()]*(\\([^()]*(\\([^()]*\\)[^()]*)*\\)[^()]*)*\\)|"+c.UNDERSCORE_IDENT_RE+")\\s*=>",Q={match:[/const|var|let/,/\s+/,f,/\s*/,/=\s*/,/(async\s*)?/,u.lookahead(N)],keywords:"async",className:{1:"keyword",3:"title.function"},contains:[ae]};return{name:"JavaScript",aliases:["js","jsx","mjs","cjs"],keywords:b,exports:{PARAMS_CONTAINS:I,CLASS_REFERENCE:T},illegal:/#(?![$_A-z])/,contains:[c.SHEBANG({label:"shebang",binary:"node",relevance:5}),q,c.APOS_STRING_MODE,c.QUOTE_STRING_MODE,O,D,v,E,L,{match:/\$\d+/},S,T,{className:"attr",begin:f+u.lookahead(":"),relevance:0},Q,{begin:"("+c.RE_STARTERS_RE+"|\\b(case|return|throw)\\b)\\s*",keywords:"return throw case",relevance:0,contains:[L,c.REGEXP_MODE,{className:"function",begin:N,returnBegin:!0,end:"\\s*=>",contains:[{className:"params",variants:[{begin:c.UNDERSCORE_IDENT_RE,relevance:0},{className:null,begin:/\(\s*\)/,skip:!0},{begin:/\(/,end:/\)/,excludeBegin:!0,excludeEnd:!0,keywords:b,contains:I}]}]},{begin:/,/,relevance:0},{match:/\s+/,relevance:0},{variants:[{begin:g.begin,end:g.end},{match:m},{begin:p.begin,"on:begin":p.isTrulyOpeningTag,end:p.end}],subLanguage:"xml",contains:[{begin:p.begin,end:p.end,skip:!0,contains:["self"]}]}]},G,{beginKeywords:"while if switch catch for"},{begin:"\\b(?!function)"+c.UNDERSCORE_IDENT_RE+"\\([^()]*(\\([^()]*(\\([^()]*\\)[^()]*)*\\)[^()]*)*\\)\\s*\\{",returnBegin:!0,label:"func.def",contains:[ae,c.inherit(c.TITLE_MODE,{begin:f,className:"title.function"})]},{match:/\.\.\./,relevance:0},ke,{match:"\\$"+f,relevance:0},{match:[/\bconstructor(?=\s*\()/],className:{1:"title.function"},contains:[ae]},ee,we,Z,Se,{match:/\$[(.]/}]}}return ga=l,ga}var ma,rh;function WSe(){if(rh)return ma;rh=1;function t(e){const n={className:"attr",begin:/"(\\.|[^\\"\r\n])*"(?=\s*:)/,relevance:1.01},s={match:/[{}[\],:]/,className:"punctuation",relevance:0},o=["true","false","null"],r={scope:"literal",beginKeywords:o.join(" ")};return{name:"JSON",keywords:{literal:o},contains:[n,s,e.QUOTE_STRING_MODE,r,e.C_NUMBER_MODE,e.C_LINE_COMMENT_MODE,e.C_BLOCK_COMMENT_MODE],illegal:"\\S"}}return ma=t,ma}var _a,ih;function ZSe(){if(ih)return _a;ih=1;var t="[0-9](_*[0-9])*",e=`\\.(${t})`,n="[0-9a-fA-F](_*[0-9a-fA-F])*",s={className:"number",variants:[{begin:`(\\b(${t})((${e})|\\.)?|(${e}))[eE][+-]?(${t})[fFdD]?\\b`},{begin:`\\b(${t})((${e})[fFdD]?\\b|\\.([fFdD]\\b)?)`},{begin:`(${e})[fFdD]?\\b`},{begin:`\\b(${t})[fFdD]\\b`},{begin:`\\b0[xX]((${n})\\.?|(${n})?\\.(${n}))[pP][+-]?(${t})[fFdD]?\\b`},{begin:"\\b(0|[1-9](_*[0-9])*)[lL]?\\b"},{begin:`\\b0[xX](${n})[lL]?\\b`},{begin:"\\b0(_*[0-7])*[lL]?\\b"},{begin:"\\b0[bB][01](_*[01])*[lL]?\\b"}],relevance:0};function o(r){const i={keyword:"abstract as val var vararg get set class object open private protected public noinline crossinline dynamic final enum if else do while for when throw try catch finally import package is in fun override companion reified inline lateinit init interface annotation data sealed internal infix operator out by constructor super tailrec where const inner suspend typealias external expect actual",built_in:"Byte Short Char Int Long Boolean Float Double Void Unit Nothing",literal:"true false null"},a={className:"keyword",begin:/\b(break|continue|return|this)\b/,starts:{contains:[{className:"symbol",begin:/@\w+/}]}},l={className:"symbol",begin:r.UNDERSCORE_IDENT_RE+"@"},c={className:"subst",begin:/\$\{/,end:/\}/,contains:[r.C_NUMBER_MODE]},u={className:"variable",begin:"\\$"+r.UNDERSCORE_IDENT_RE},h={className:"string",variants:[{begin:'"""',end:'"""(?=[^"])',contains:[u,c]},{begin:"'",end:"'",illegal:/\n/,contains:[r.BACKSLASH_ESCAPE]},{begin:'"',end:'"',illegal:/\n/,contains:[r.BACKSLASH_ESCAPE,u,c]}]};c.contains.push(h);const f={className:"meta",begin:"@(?:file|property|field|get|set|receiver|param|setparam|delegate)\\s*:(?:\\s*"+r.UNDERSCORE_IDENT_RE+")?"},g={className:"meta",begin:"@"+r.UNDERSCORE_IDENT_RE,contains:[{begin:/\(/,end:/\)/,contains:[r.inherit(h,{className:"string"}),"self"]}]},m=s,p=r.COMMENT("/\\*","\\*/",{contains:[r.C_BLOCK_COMMENT_MODE]}),b={variants:[{className:"type",begin:r.UNDERSCORE_IDENT_RE},{begin:/\(/,end:/\)/,contains:[]}]},_=b;return _.variants[1].contains=[b],b.variants[1].contains=[_],{name:"Kotlin",aliases:["kt","kts"],keywords:i,contains:[r.COMMENT("/\\*\\*","\\*/",{relevance:0,contains:[{className:"doctag",begin:"@[A-Za-z]+"}]}),r.C_LINE_COMMENT_MODE,p,a,l,f,g,{className:"function",beginKeywords:"fun",end:"[(]|$",returnBegin:!0,excludeEnd:!0,keywords:i,relevance:5,contains:[{begin:r.UNDERSCORE_IDENT_RE+"\\s*\\(",returnBegin:!0,relevance:0,contains:[r.UNDERSCORE_TITLE_MODE]},{className:"type",begin://,keywords:"reified",relevance:0},{className:"params",begin:/\(/,end:/\)/,endsParent:!0,keywords:i,relevance:0,contains:[{begin:/:/,end:/[=,\/]/,endsWithParent:!0,contains:[b,r.C_LINE_COMMENT_MODE,p],relevance:0},r.C_LINE_COMMENT_MODE,p,f,g,h,r.C_NUMBER_MODE]},p]},{begin:[/class|interface|trait/,/\s+/,r.UNDERSCORE_IDENT_RE],beginScope:{3:"title.class"},keywords:"class interface trait",end:/[:\{(]|$/,excludeEnd:!0,illegal:"extends implements",contains:[{beginKeywords:"public protected internal private constructor"},r.UNDERSCORE_TITLE_MODE,{className:"type",begin://,excludeBegin:!0,excludeEnd:!0,relevance:0},{className:"type",begin:/[,:]\s*/,end:/[<\(,){\s]|$/,excludeBegin:!0,returnEnd:!0},f,g]},h,{className:"meta",begin:"^#!/usr/bin/env",end:"$",illegal:` -`},m]}}return _a=o,_a}var ba,ah;function YSe(){if(ah)return ba;ah=1;const t=l=>({IMPORTANT:{scope:"meta",begin:"!important"},BLOCK_COMMENT:l.C_BLOCK_COMMENT_MODE,HEXCOLOR:{scope:"number",begin:/#(([0-9a-fA-F]{3,4})|(([0-9a-fA-F]{2}){3,4}))\b/},FUNCTION_DISPATCH:{className:"built_in",begin:/[\w-]+(?=\()/},ATTRIBUTE_SELECTOR_MODE:{scope:"selector-attr",begin:/\[/,end:/\]/,illegal:"$",contains:[l.APOS_STRING_MODE,l.QUOTE_STRING_MODE]},CSS_NUMBER_MODE:{scope:"number",begin:l.NUMBER_RE+"(%|em|ex|ch|rem|vw|vh|vmin|vmax|cm|mm|in|pt|pc|px|deg|grad|rad|turn|s|ms|Hz|kHz|dpi|dpcm|dppx)?",relevance:0},CSS_VARIABLE:{className:"attr",begin:/--[A-Za-z][A-Za-z0-9_-]*/}}),e=["a","abbr","address","article","aside","audio","b","blockquote","body","button","canvas","caption","cite","code","dd","del","details","dfn","div","dl","dt","em","fieldset","figcaption","figure","footer","form","h1","h2","h3","h4","h5","h6","header","hgroup","html","i","iframe","img","input","ins","kbd","label","legend","li","main","mark","menu","nav","object","ol","p","q","quote","samp","section","span","strong","summary","sup","table","tbody","td","textarea","tfoot","th","thead","time","tr","ul","var","video"],n=["any-hover","any-pointer","aspect-ratio","color","color-gamut","color-index","device-aspect-ratio","device-height","device-width","display-mode","forced-colors","grid","height","hover","inverted-colors","monochrome","orientation","overflow-block","overflow-inline","pointer","prefers-color-scheme","prefers-contrast","prefers-reduced-motion","prefers-reduced-transparency","resolution","scan","scripting","update","width","min-width","max-width","min-height","max-height"],s=["active","any-link","blank","checked","current","default","defined","dir","disabled","drop","empty","enabled","first","first-child","first-of-type","fullscreen","future","focus","focus-visible","focus-within","has","host","host-context","hover","indeterminate","in-range","invalid","is","lang","last-child","last-of-type","left","link","local-link","not","nth-child","nth-col","nth-last-child","nth-last-col","nth-last-of-type","nth-of-type","only-child","only-of-type","optional","out-of-range","past","placeholder-shown","read-only","read-write","required","right","root","scope","target","target-within","user-invalid","valid","visited","where"],o=["after","backdrop","before","cue","cue-region","first-letter","first-line","grammar-error","marker","part","placeholder","selection","slotted","spelling-error"],r=["align-content","align-items","align-self","all","animation","animation-delay","animation-direction","animation-duration","animation-fill-mode","animation-iteration-count","animation-name","animation-play-state","animation-timing-function","backface-visibility","background","background-attachment","background-blend-mode","background-clip","background-color","background-image","background-origin","background-position","background-repeat","background-size","block-size","border","border-block","border-block-color","border-block-end","border-block-end-color","border-block-end-style","border-block-end-width","border-block-start","border-block-start-color","border-block-start-style","border-block-start-width","border-block-style","border-block-width","border-bottom","border-bottom-color","border-bottom-left-radius","border-bottom-right-radius","border-bottom-style","border-bottom-width","border-collapse","border-color","border-image","border-image-outset","border-image-repeat","border-image-slice","border-image-source","border-image-width","border-inline","border-inline-color","border-inline-end","border-inline-end-color","border-inline-end-style","border-inline-end-width","border-inline-start","border-inline-start-color","border-inline-start-style","border-inline-start-width","border-inline-style","border-inline-width","border-left","border-left-color","border-left-style","border-left-width","border-radius","border-right","border-right-color","border-right-style","border-right-width","border-spacing","border-style","border-top","border-top-color","border-top-left-radius","border-top-right-radius","border-top-style","border-top-width","border-width","bottom","box-decoration-break","box-shadow","box-sizing","break-after","break-before","break-inside","caption-side","caret-color","clear","clip","clip-path","clip-rule","color","column-count","column-fill","column-gap","column-rule","column-rule-color","column-rule-style","column-rule-width","column-span","column-width","columns","contain","content","content-visibility","counter-increment","counter-reset","cue","cue-after","cue-before","cursor","direction","display","empty-cells","filter","flex","flex-basis","flex-direction","flex-flow","flex-grow","flex-shrink","flex-wrap","float","flow","font","font-display","font-family","font-feature-settings","font-kerning","font-language-override","font-size","font-size-adjust","font-smoothing","font-stretch","font-style","font-synthesis","font-variant","font-variant-caps","font-variant-east-asian","font-variant-ligatures","font-variant-numeric","font-variant-position","font-variation-settings","font-weight","gap","glyph-orientation-vertical","grid","grid-area","grid-auto-columns","grid-auto-flow","grid-auto-rows","grid-column","grid-column-end","grid-column-start","grid-gap","grid-row","grid-row-end","grid-row-start","grid-template","grid-template-areas","grid-template-columns","grid-template-rows","hanging-punctuation","height","hyphens","icon","image-orientation","image-rendering","image-resolution","ime-mode","inline-size","isolation","justify-content","left","letter-spacing","line-break","line-height","list-style","list-style-image","list-style-position","list-style-type","margin","margin-block","margin-block-end","margin-block-start","margin-bottom","margin-inline","margin-inline-end","margin-inline-start","margin-left","margin-right","margin-top","marks","mask","mask-border","mask-border-mode","mask-border-outset","mask-border-repeat","mask-border-slice","mask-border-source","mask-border-width","mask-clip","mask-composite","mask-image","mask-mode","mask-origin","mask-position","mask-repeat","mask-size","mask-type","max-block-size","max-height","max-inline-size","max-width","min-block-size","min-height","min-inline-size","min-width","mix-blend-mode","nav-down","nav-index","nav-left","nav-right","nav-up","none","normal","object-fit","object-position","opacity","order","orphans","outline","outline-color","outline-offset","outline-style","outline-width","overflow","overflow-wrap","overflow-x","overflow-y","padding","padding-block","padding-block-end","padding-block-start","padding-bottom","padding-inline","padding-inline-end","padding-inline-start","padding-left","padding-right","padding-top","page-break-after","page-break-before","page-break-inside","pause","pause-after","pause-before","perspective","perspective-origin","pointer-events","position","quotes","resize","rest","rest-after","rest-before","right","row-gap","scroll-margin","scroll-margin-block","scroll-margin-block-end","scroll-margin-block-start","scroll-margin-bottom","scroll-margin-inline","scroll-margin-inline-end","scroll-margin-inline-start","scroll-margin-left","scroll-margin-right","scroll-margin-top","scroll-padding","scroll-padding-block","scroll-padding-block-end","scroll-padding-block-start","scroll-padding-bottom","scroll-padding-inline","scroll-padding-inline-end","scroll-padding-inline-start","scroll-padding-left","scroll-padding-right","scroll-padding-top","scroll-snap-align","scroll-snap-stop","scroll-snap-type","scrollbar-color","scrollbar-gutter","scrollbar-width","shape-image-threshold","shape-margin","shape-outside","speak","speak-as","src","tab-size","table-layout","text-align","text-align-all","text-align-last","text-combine-upright","text-decoration","text-decoration-color","text-decoration-line","text-decoration-style","text-emphasis","text-emphasis-color","text-emphasis-position","text-emphasis-style","text-indent","text-justify","text-orientation","text-overflow","text-rendering","text-shadow","text-transform","text-underline-position","top","transform","transform-box","transform-origin","transform-style","transition","transition-delay","transition-duration","transition-property","transition-timing-function","unicode-bidi","vertical-align","visibility","voice-balance","voice-duration","voice-family","voice-pitch","voice-range","voice-rate","voice-stress","voice-volume","white-space","widows","width","will-change","word-break","word-spacing","word-wrap","writing-mode","z-index"].reverse(),i=s.concat(o);function a(l){const c=t(l),u=i,h="and or not only",f="[\\w-]+",g="("+f+"|@\\{"+f+"\\})",m=[],p=[],b=function(L){return{className:"string",begin:"~?"+L+".*?"+L}},_=function(L,F,J){return{className:L,begin:F,relevance:J}},y={$pattern:/[a-z-]+/,keyword:h,attribute:n.join(" ")},x={begin:"\\(",end:"\\)",contains:p,keywords:y,relevance:0};p.push(l.C_LINE_COMMENT_MODE,l.C_BLOCK_COMMENT_MODE,b("'"),b('"'),c.CSS_NUMBER_MODE,{begin:"(url|data-uri)\\(",starts:{className:"string",end:"[\\)\\n]",excludeEnd:!0}},c.HEXCOLOR,x,_("variable","@@?"+f,10),_("variable","@\\{"+f+"\\}"),_("built_in","~?`[^`]*?`"),{className:"attribute",begin:f+"\\s*:",end:":",returnBegin:!0,excludeEnd:!0},c.IMPORTANT,{beginKeywords:"and not"},c.FUNCTION_DISPATCH);const S=p.concat({begin:/\{/,end:/\}/,contains:m}),R={beginKeywords:"when",endsWithParent:!0,contains:[{beginKeywords:"and not"}].concat(p)},O={begin:g+"\\s*:",returnBegin:!0,end:/[;}]/,relevance:0,contains:[{begin:/-(webkit|moz|ms|o)-/},c.CSS_VARIABLE,{className:"attribute",begin:"\\b("+r.join("|")+")\\b",end:/(?=:)/,starts:{endsWithParent:!0,illegal:"[<=$]",relevance:0,contains:p}}]},D={className:"keyword",begin:"@(import|media|charset|font-face|(-[a-z]+-)?keyframes|supports|document|namespace|page|viewport|host)\\b",starts:{end:"[;{}]",keywords:y,returnEnd:!0,contains:p,relevance:0}},v={className:"variable",variants:[{begin:"@"+f+"\\s*:",relevance:15},{begin:"@"+f}],starts:{end:"[;}]",returnEnd:!0,contains:S}},E={variants:[{begin:"[\\.#:&\\[>]",end:"[;{}]"},{begin:g,end:/\{/}],returnBegin:!0,returnEnd:!0,illegal:`[<='$"]`,relevance:0,contains:[l.C_LINE_COMMENT_MODE,l.C_BLOCK_COMMENT_MODE,R,_("keyword","all\\b"),_("variable","@\\{"+f+"\\}"),{begin:"\\b("+e.join("|")+")\\b",className:"selector-tag"},c.CSS_NUMBER_MODE,_("selector-tag",g,0),_("selector-id","#"+g),_("selector-class","\\."+g,0),_("selector-tag","&",0),c.ATTRIBUTE_SELECTOR_MODE,{className:"selector-pseudo",begin:":("+s.join("|")+")"},{className:"selector-pseudo",begin:":(:)?("+o.join("|")+")"},{begin:/\(/,end:/\)/,relevance:0,contains:S},{begin:"!important"},c.FUNCTION_DISPATCH]},M={begin:f+`:(:)?(${u.join("|")})`,returnBegin:!0,contains:[E]};return m.push(l.C_LINE_COMMENT_MODE,l.C_BLOCK_COMMENT_MODE,D,v,M,O,E,R,c.FUNCTION_DISPATCH),{name:"Less",case_insensitive:!0,illegal:`[=>'/<($"]`,contains:m}}return ba=a,ba}var ya,lh;function JSe(){if(lh)return ya;lh=1;function t(e){const n="\\[=*\\[",s="\\]=*\\]",o={begin:n,end:s,contains:["self"]},r=[e.COMMENT("--(?!"+n+")","$"),e.COMMENT("--"+n,s,{contains:[o],relevance:10})];return{name:"Lua",keywords:{$pattern:e.UNDERSCORE_IDENT_RE,literal:"true false nil",keyword:"and break do else elseif end for goto if in local not or repeat return then until while",built_in:"_G _ENV _VERSION __index __newindex __mode __call __metatable __tostring __len __gc __add __sub __mul __div __mod __pow __concat __unm __eq __lt __le assert collectgarbage dofile error getfenv getmetatable ipairs load loadfile loadstring module next pairs pcall print rawequal rawget rawset require select setfenv setmetatable tonumber tostring type unpack xpcall arg self coroutine resume yield status wrap create running debug getupvalue debug sethook getmetatable gethook setmetatable setlocal traceback setfenv getinfo setupvalue getlocal getregistry getfenv io lines write close flush open output type read stderr stdin input stdout popen tmpfile math log max acos huge ldexp pi cos tanh pow deg tan cosh sinh random randomseed frexp ceil floor rad abs sqrt modf asin min mod fmod log10 atan2 exp sin atan os exit setlocale date getenv difftime remove time clock tmpname rename execute package preload loadlib loaded loaders cpath config path seeall string sub upper len gfind rep find match char dump gmatch reverse byte format gsub lower table setn insert getn foreachi maxn foreach concat sort remove"},contains:r.concat([{className:"function",beginKeywords:"function",end:"\\)",contains:[e.inherit(e.TITLE_MODE,{begin:"([_a-zA-Z]\\w*\\.)*([_a-zA-Z]\\w*:)?[_a-zA-Z]\\w*"}),{className:"params",begin:"\\(",endsWithParent:!0,contains:r}].concat(r)},e.C_NUMBER_MODE,e.APOS_STRING_MODE,e.QUOTE_STRING_MODE,{className:"string",begin:n,end:s,contains:[o],relevance:5}])}}return ya=t,ya}var va,ch;function QSe(){if(ch)return va;ch=1;function t(e){const n={className:"variable",variants:[{begin:"\\$\\("+e.UNDERSCORE_IDENT_RE+"\\)",contains:[e.BACKSLASH_ESCAPE]},{begin:/\$[@%\{/,end:/\}/},l={variants:[{begin:/\$\d/},{begin:n.concat(/[$%@](\^\w\b|#\w+(::\w+)*|\{\w+\}|\w+(::\w*)*)/,"(?![A-Za-z])(?![@$%])")},{begin:/[$%@][^\s\w{]/,relevance:0}]},c=[e.BACKSLASH_ESCAPE,i,l],u=[/!/,/\//,/\|/,/\?/,/'/,/"/,/#/],h=(m,p,b="\\1")=>{const _=b==="\\1"?b:n.concat(b,p);return n.concat(n.concat("(?:",m,")"),p,/(?:\\.|[^\\\/])*?/,_,/(?:\\.|[^\\\/])*?/,b,o)},f=(m,p,b)=>n.concat(n.concat("(?:",m,")"),p,/(?:\\.|[^\\\/])*?/,b,o),g=[l,e.HASH_COMMENT_MODE,e.COMMENT(/^=\w/,/=cut/,{endsWithParent:!0}),a,{className:"string",contains:c,variants:[{begin:"q[qwxr]?\\s*\\(",end:"\\)",relevance:5},{begin:"q[qwxr]?\\s*\\[",end:"\\]",relevance:5},{begin:"q[qwxr]?\\s*\\{",end:"\\}",relevance:5},{begin:"q[qwxr]?\\s*\\|",end:"\\|",relevance:5},{begin:"q[qwxr]?\\s*<",end:">",relevance:5},{begin:"qw\\s+q",end:"q",relevance:5},{begin:"'",end:"'",contains:[e.BACKSLASH_ESCAPE]},{begin:'"',end:'"'},{begin:"`",end:"`",contains:[e.BACKSLASH_ESCAPE]},{begin:/\{\w+\}/,relevance:0},{begin:"-?\\w+\\s*=>",relevance:0}]},{className:"number",begin:"(\\b0[0-7_]+)|(\\b0x[0-9a-fA-F_]+)|(\\b[1-9][0-9_]*(\\.[0-9_]+)?)|[0_]\\b",relevance:0},{begin:"(\\/\\/|"+e.RE_STARTERS_RE+"|\\b(split|return|print|reverse|grep)\\b)\\s*",keywords:"split return print reverse grep",relevance:0,contains:[e.HASH_COMMENT_MODE,{className:"regexp",variants:[{begin:h("s|tr|y",n.either(...u,{capture:!0}))},{begin:h("s|tr|y","\\(","\\)")},{begin:h("s|tr|y","\\[","\\]")},{begin:h("s|tr|y","\\{","\\}")}],relevance:2},{className:"regexp",variants:[{begin:/(m|qr)\/\//,relevance:0},{begin:f("(?:m|qr)?",/\//,/\//)},{begin:f("m|qr",n.either(...u,{capture:!0}),/\1/)},{begin:f("m|qr",/\(/,/\)/)},{begin:f("m|qr",/\[/,/\]/)},{begin:f("m|qr",/\{/,/\}/)}]}]},{className:"function",beginKeywords:"sub",end:"(\\s*\\(.*?\\))?[;{]",excludeEnd:!0,relevance:5,contains:[e.TITLE_MODE]},{begin:"-\\w\\b",relevance:0},{begin:"^__DATA__$",end:"^__END__$",subLanguage:"mojolicious",contains:[{begin:"^@@.*",end:"$",className:"comment"}]}];return i.contains=g,a.contains=g,{name:"Perl",aliases:["pl","pm"],keywords:r,contains:g}}return wa=t,wa}var xa,uh;function eTe(){if(uh)return xa;uh=1;function t(e){const n={className:"built_in",begin:"\\b(AV|CA|CF|CG|CI|CL|CM|CN|CT|MK|MP|MTK|MTL|NS|SCN|SK|UI|WK|XC)\\w+"},s=/[a-zA-Z@][a-zA-Z0-9_]*/,l={"variable.language":["this","super"],$pattern:s,keyword:["while","export","sizeof","typedef","const","struct","for","union","volatile","static","mutable","if","do","return","goto","enum","else","break","extern","asm","case","default","register","explicit","typename","switch","continue","inline","readonly","assign","readwrite","self","@synchronized","id","typeof","nonatomic","IBOutlet","IBAction","strong","weak","copy","in","out","inout","bycopy","byref","oneway","__strong","__weak","__block","__autoreleasing","@private","@protected","@public","@try","@property","@end","@throw","@catch","@finally","@autoreleasepool","@synthesize","@dynamic","@selector","@optional","@required","@encode","@package","@import","@defs","@compatibility_alias","__bridge","__bridge_transfer","__bridge_retained","__bridge_retain","__covariant","__contravariant","__kindof","_Nonnull","_Nullable","_Null_unspecified","__FUNCTION__","__PRETTY_FUNCTION__","__attribute__","getter","setter","retain","unsafe_unretained","nonnull","nullable","null_unspecified","null_resettable","class","instancetype","NS_DESIGNATED_INITIALIZER","NS_UNAVAILABLE","NS_REQUIRES_SUPER","NS_RETURNS_INNER_POINTER","NS_INLINE","NS_AVAILABLE","NS_DEPRECATED","NS_ENUM","NS_OPTIONS","NS_SWIFT_UNAVAILABLE","NS_ASSUME_NONNULL_BEGIN","NS_ASSUME_NONNULL_END","NS_REFINED_FOR_SWIFT","NS_SWIFT_NAME","NS_SWIFT_NOTHROW","NS_DURING","NS_HANDLER","NS_ENDHANDLER","NS_VALUERETURN","NS_VOIDRETURN"],literal:["false","true","FALSE","TRUE","nil","YES","NO","NULL"],built_in:["dispatch_once_t","dispatch_queue_t","dispatch_sync","dispatch_async","dispatch_once"],type:["int","float","char","unsigned","signed","short","long","double","wchar_t","unichar","void","bool","BOOL","id|0","_Bool"]},c={$pattern:s,keyword:["@interface","@class","@protocol","@implementation"]};return{name:"Objective-C",aliases:["mm","objc","obj-c","obj-c++","objective-c++"],keywords:l,illegal:"/,end:/$/,illegal:"\\n"},e.C_LINE_COMMENT_MODE,e.C_BLOCK_COMMENT_MODE]},{className:"class",begin:"("+c.keyword.join("|")+")\\b",end:/(\{|$)/,excludeEnd:!0,keywords:c,contains:[e.UNDERSCORE_TITLE_MODE]},{begin:"\\."+e.UNDERSCORE_IDENT_RE,relevance:0}]}}return xa=t,xa}var ka,hh;function tTe(){if(hh)return ka;hh=1;function t(e){const n=e.regex,s=/(?![A-Za-z0-9])(?![$])/,o=n.concat(/[a-zA-Z_\x7f-\xff][a-zA-Z0-9_\x7f-\xff]*/,s),r=n.concat(/(\\?[A-Z][a-z0-9_\x7f-\xff]+|\\?[A-Z]+(?=[A-Z][a-z0-9_\x7f-\xff])){1,}/,s),i={scope:"variable",match:"\\$+"+o},a={scope:"meta",variants:[{begin:/<\?php/,relevance:10},{begin:/<\?=/},{begin:/<\?/,relevance:.1},{begin:/\?>/}]},l={scope:"subst",variants:[{begin:/\$\w+/},{begin:/\{\$/,end:/\}/}]},c=e.inherit(e.APOS_STRING_MODE,{illegal:null}),u=e.inherit(e.QUOTE_STRING_MODE,{illegal:null,contains:e.QUOTE_STRING_MODE.contains.concat(l)}),h={begin:/<<<[ \t]*(?:(\w+)|"(\w+)")\n/,end:/[ \t]*(\w+)\b/,contains:e.QUOTE_STRING_MODE.contains.concat(l),"on:begin":(I,ae)=>{ae.data._beginMatch=I[1]||I[2]},"on:end":(I,ae)=>{ae.data._beginMatch!==I[1]&&ae.ignoreMatch()}},f=e.END_SAME_AS_BEGIN({begin:/<<<[ \t]*'(\w+)'\n/,end:/[ \t]*(\w+)\b/}),g=`[ -]`,m={scope:"string",variants:[u,c,h,f]},p={scope:"number",variants:[{begin:"\\b0[bB][01]+(?:_[01]+)*\\b"},{begin:"\\b0[oO][0-7]+(?:_[0-7]+)*\\b"},{begin:"\\b0[xX][\\da-fA-F]+(?:_[\\da-fA-F]+)*\\b"},{begin:"(?:\\b\\d+(?:_\\d+)*(\\.(?:\\d+(?:_\\d+)*))?|\\B\\.\\d+)(?:[eE][+-]?\\d+)?"}],relevance:0},b=["false","null","true"],_=["__CLASS__","__DIR__","__FILE__","__FUNCTION__","__COMPILER_HALT_OFFSET__","__LINE__","__METHOD__","__NAMESPACE__","__TRAIT__","die","echo","exit","include","include_once","print","require","require_once","array","abstract","and","as","binary","bool","boolean","break","callable","case","catch","class","clone","const","continue","declare","default","do","double","else","elseif","empty","enddeclare","endfor","endforeach","endif","endswitch","endwhile","enum","eval","extends","final","finally","float","for","foreach","from","global","goto","if","implements","instanceof","insteadof","int","integer","interface","isset","iterable","list","match|0","mixed","new","never","object","or","private","protected","public","readonly","real","return","string","switch","throw","trait","try","unset","use","var","void","while","xor","yield"],y=["Error|0","AppendIterator","ArgumentCountError","ArithmeticError","ArrayIterator","ArrayObject","AssertionError","BadFunctionCallException","BadMethodCallException","CachingIterator","CallbackFilterIterator","CompileError","Countable","DirectoryIterator","DivisionByZeroError","DomainException","EmptyIterator","ErrorException","Exception","FilesystemIterator","FilterIterator","GlobIterator","InfiniteIterator","InvalidArgumentException","IteratorIterator","LengthException","LimitIterator","LogicException","MultipleIterator","NoRewindIterator","OutOfBoundsException","OutOfRangeException","OuterIterator","OverflowException","ParentIterator","ParseError","RangeException","RecursiveArrayIterator","RecursiveCachingIterator","RecursiveCallbackFilterIterator","RecursiveDirectoryIterator","RecursiveFilterIterator","RecursiveIterator","RecursiveIteratorIterator","RecursiveRegexIterator","RecursiveTreeIterator","RegexIterator","RuntimeException","SeekableIterator","SplDoublyLinkedList","SplFileInfo","SplFileObject","SplFixedArray","SplHeap","SplMaxHeap","SplMinHeap","SplObjectStorage","SplObserver","SplPriorityQueue","SplQueue","SplStack","SplSubject","SplTempFileObject","TypeError","UnderflowException","UnexpectedValueException","UnhandledMatchError","ArrayAccess","BackedEnum","Closure","Fiber","Generator","Iterator","IteratorAggregate","Serializable","Stringable","Throwable","Traversable","UnitEnum","WeakReference","WeakMap","Directory","__PHP_Incomplete_Class","parent","php_user_filter","self","static","stdClass"],S={keyword:_,literal:(I=>{const ae=[];return I.forEach(Z=>{ae.push(Z),Z.toLowerCase()===Z?ae.push(Z.toUpperCase()):ae.push(Z.toLowerCase())}),ae})(b),built_in:y},R=I=>I.map(ae=>ae.replace(/\|\d+$/,"")),O={variants:[{match:[/new/,n.concat(g,"+"),n.concat("(?!",R(y).join("\\b|"),"\\b)"),r],scope:{1:"keyword",4:"title.class"}}]},D=n.concat(o,"\\b(?!\\()"),v={variants:[{match:[n.concat(/::/,n.lookahead(/(?!class\b)/)),D],scope:{2:"variable.constant"}},{match:[/::/,/class/],scope:{2:"variable.language"}},{match:[r,n.concat(/::/,n.lookahead(/(?!class\b)/)),D],scope:{1:"title.class",3:"variable.constant"}},{match:[r,n.concat("::",n.lookahead(/(?!class\b)/))],scope:{1:"title.class"}},{match:[r,/::/,/class/],scope:{1:"title.class",3:"variable.language"}}]},E={scope:"attr",match:n.concat(o,n.lookahead(":"),n.lookahead(/(?!::)/))},M={relevance:0,begin:/\(/,end:/\)/,keywords:S,contains:[E,i,v,e.C_BLOCK_COMMENT_MODE,m,p,O]},L={relevance:0,match:[/\b/,n.concat("(?!fn\\b|function\\b|",R(_).join("\\b|"),"|",R(y).join("\\b|"),"\\b)"),o,n.concat(g,"*"),n.lookahead(/(?=\()/)],scope:{3:"title.function.invoke"},contains:[M]};M.contains.push(L);const F=[E,v,e.C_BLOCK_COMMENT_MODE,m,p,O],J={begin:n.concat(/#\[\s*/,r),beginScope:"meta",end:/]/,endScope:"meta",keywords:{literal:b,keyword:["new","array"]},contains:[{begin:/\[/,end:/]/,keywords:{literal:b,keyword:["new","array"]},contains:["self",...F]},...F,{scope:"meta",match:r}]};return{case_insensitive:!1,keywords:S,contains:[J,e.HASH_COMMENT_MODE,e.COMMENT("//","$"),e.COMMENT("/\\*","\\*/",{contains:[{scope:"doctag",match:"@[A-Za-z]+"}]}),{match:/__halt_compiler\(\);/,keywords:"__halt_compiler",starts:{scope:"comment",end:e.MATCH_NOTHING_RE,contains:[{match:/\?>/,scope:"meta",endsParent:!0}]}},a,{scope:"variable.language",match:/\$this\b/},i,L,v,{match:[/const/,/\s/,o],scope:{1:"keyword",3:"variable.constant"}},O,{scope:"function",relevance:0,beginKeywords:"fn function",end:/[;{]/,excludeEnd:!0,illegal:"[$%\\[]",contains:[{beginKeywords:"use"},e.UNDERSCORE_TITLE_MODE,{begin:"=>",endsParent:!0},{scope:"params",begin:"\\(",end:"\\)",excludeBegin:!0,excludeEnd:!0,keywords:S,contains:["self",i,v,e.C_BLOCK_COMMENT_MODE,m,p]}]},{scope:"class",variants:[{beginKeywords:"enum",illegal:/[($"]/},{beginKeywords:"class interface trait",illegal:/[:($"]/}],relevance:0,end:/\{/,excludeEnd:!0,contains:[{beginKeywords:"extends implements"},e.UNDERSCORE_TITLE_MODE]},{beginKeywords:"namespace",relevance:0,end:";",illegal:/[.']/,contains:[e.inherit(e.UNDERSCORE_TITLE_MODE,{scope:"title.class"})]},{beginKeywords:"use",relevance:0,end:";",contains:[{match:/\b(as|const|function)\b/,scope:"keyword"},e.UNDERSCORE_TITLE_MODE]},m,p]}}return ka=t,ka}var Ea,fh;function nTe(){if(fh)return Ea;fh=1;function t(e){return{name:"PHP template",subLanguage:"xml",contains:[{begin:/<\?(php|=)?/,end:/\?>/,subLanguage:"php",contains:[{begin:"/\\*",end:"\\*/",skip:!0},{begin:'b"',end:'"',skip:!0},{begin:"b'",end:"'",skip:!0},e.inherit(e.APOS_STRING_MODE,{illegal:null,className:null,contains:null,skip:!0}),e.inherit(e.QUOTE_STRING_MODE,{illegal:null,className:null,contains:null,skip:!0})]}]}}return Ea=t,Ea}var Ca,ph;function sTe(){if(ph)return Ca;ph=1;function t(e){return{name:"Plain text",aliases:["text","txt"],disableAutodetect:!0}}return Ca=t,Ca}var Aa,gh;function oTe(){if(gh)return Aa;gh=1;function t(e){const n=e.regex,s=/[\p{XID_Start}_]\p{XID_Continue}*/u,o=["and","as","assert","async","await","break","case","class","continue","def","del","elif","else","except","finally","for","from","global","if","import","in","is","lambda","match","nonlocal|10","not","or","pass","raise","return","try","while","with","yield"],l={$pattern:/[A-Za-z]\w+|__\w+__/,keyword:o,built_in:["__import__","abs","all","any","ascii","bin","bool","breakpoint","bytearray","bytes","callable","chr","classmethod","compile","complex","delattr","dict","dir","divmod","enumerate","eval","exec","filter","float","format","frozenset","getattr","globals","hasattr","hash","help","hex","id","input","int","isinstance","issubclass","iter","len","list","locals","map","max","memoryview","min","next","object","oct","open","ord","pow","print","property","range","repr","reversed","round","set","setattr","slice","sorted","staticmethod","str","sum","super","tuple","type","vars","zip"],literal:["__debug__","Ellipsis","False","None","NotImplemented","True"],type:["Any","Callable","Coroutine","Dict","List","Literal","Generic","Optional","Sequence","Set","Tuple","Type","Union"]},c={className:"meta",begin:/^(>>>|\.\.\.) /},u={className:"subst",begin:/\{/,end:/\}/,keywords:l,illegal:/#/},h={begin:/\{\{/,relevance:0},f={className:"string",contains:[e.BACKSLASH_ESCAPE],variants:[{begin:/([uU]|[bB]|[rR]|[bB][rR]|[rR][bB])?'''/,end:/'''/,contains:[e.BACKSLASH_ESCAPE,c],relevance:10},{begin:/([uU]|[bB]|[rR]|[bB][rR]|[rR][bB])?"""/,end:/"""/,contains:[e.BACKSLASH_ESCAPE,c],relevance:10},{begin:/([fF][rR]|[rR][fF]|[fF])'''/,end:/'''/,contains:[e.BACKSLASH_ESCAPE,c,h,u]},{begin:/([fF][rR]|[rR][fF]|[fF])"""/,end:/"""/,contains:[e.BACKSLASH_ESCAPE,c,h,u]},{begin:/([uU]|[rR])'/,end:/'/,relevance:10},{begin:/([uU]|[rR])"/,end:/"/,relevance:10},{begin:/([bB]|[bB][rR]|[rR][bB])'/,end:/'/},{begin:/([bB]|[bB][rR]|[rR][bB])"/,end:/"/},{begin:/([fF][rR]|[rR][fF]|[fF])'/,end:/'/,contains:[e.BACKSLASH_ESCAPE,h,u]},{begin:/([fF][rR]|[rR][fF]|[fF])"/,end:/"/,contains:[e.BACKSLASH_ESCAPE,h,u]},e.APOS_STRING_MODE,e.QUOTE_STRING_MODE]},g="[0-9](_?[0-9])*",m=`(\\b(${g}))?\\.(${g})|\\b(${g})\\.`,p=`\\b|${o.join("|")}`,b={className:"number",relevance:0,variants:[{begin:`(\\b(${g})|(${m}))[eE][+-]?(${g})[jJ]?(?=${p})`},{begin:`(${m})[jJ]?`},{begin:`\\b([1-9](_?[0-9])*|0+(_?0)*)[lLjJ]?(?=${p})`},{begin:`\\b0[bB](_?[01])+[lL]?(?=${p})`},{begin:`\\b0[oO](_?[0-7])+[lL]?(?=${p})`},{begin:`\\b0[xX](_?[0-9a-fA-F])+[lL]?(?=${p})`},{begin:`\\b(${g})[jJ](?=${p})`}]},_={className:"comment",begin:n.lookahead(/# type:/),end:/$/,keywords:l,contains:[{begin:/# type:/},{begin:/#/,end:/\b\B/,endsWithParent:!0}]},y={className:"params",variants:[{className:"",begin:/\(\s*\)/,skip:!0},{begin:/\(/,end:/\)/,excludeBegin:!0,excludeEnd:!0,keywords:l,contains:["self",c,b,f,e.HASH_COMMENT_MODE]}]};return u.contains=[f,b,c],{name:"Python",aliases:["py","gyp","ipython"],unicodeRegex:!0,keywords:l,illegal:/(<\/|\?)|=>/,contains:[c,b,{begin:/\bself\b/},{beginKeywords:"if",relevance:0},f,_,e.HASH_COMMENT_MODE,{match:[/\bdef/,/\s+/,s],scope:{1:"keyword",3:"title.function"},contains:[y]},{variants:[{match:[/\bclass/,/\s+/,s,/\s*/,/\(\s*/,s,/\s*\)/]},{match:[/\bclass/,/\s+/,s]}],scope:{1:"keyword",3:"title.class",6:"title.class.inherited"}},{className:"meta",begin:/^[\t ]*@/,end:/(?=#)|$/,contains:[b,y,f]}]}}return Aa=t,Aa}var Sa,mh;function rTe(){if(mh)return Sa;mh=1;function t(e){return{aliases:["pycon"],contains:[{className:"meta.prompt",starts:{end:/ |$/,starts:{end:"$",subLanguage:"python"}},variants:[{begin:/^>>>(?=[ ]|$)/},{begin:/^\.\.\.(?=[ ]|$)/}]}]}}return Sa=t,Sa}var Ta,_h;function iTe(){if(_h)return Ta;_h=1;function t(e){const n=e.regex,s=/(?:(?:[a-zA-Z]|\.[._a-zA-Z])[._a-zA-Z0-9]*)|\.(?!\d)/,o=n.either(/0[xX][0-9a-fA-F]+\.[0-9a-fA-F]*[pP][+-]?\d+i?/,/0[xX][0-9a-fA-F]+(?:[pP][+-]?\d+)?[Li]?/,/(?:\d+(?:\.\d*)?|\.\d+)(?:[eE][+-]?\d+)?[Li]?/),r=/[=!<>:]=|\|\||&&|:::?|<-|<<-|->>|->|\|>|[-+*\/?!$&|:<=>@^~]|\*\*/,i=n.either(/[()]/,/[{}]/,/\[\[/,/[[\]]/,/\\/,/,/);return{name:"R",keywords:{$pattern:s,keyword:"function if in break next repeat else for while",literal:"NULL NA TRUE FALSE Inf NaN NA_integer_|10 NA_real_|10 NA_character_|10 NA_complex_|10",built_in:"LETTERS letters month.abb month.name pi T F abs acos acosh all any anyNA Arg as.call as.character as.complex as.double as.environment as.integer as.logical as.null.default as.numeric as.raw asin asinh atan atanh attr attributes baseenv browser c call ceiling class Conj cos cosh cospi cummax cummin cumprod cumsum digamma dim dimnames emptyenv exp expression floor forceAndCall gamma gc.time globalenv Im interactive invisible is.array is.atomic is.call is.character is.complex is.double is.environment is.expression is.finite is.function is.infinite is.integer is.language is.list is.logical is.matrix is.na is.name is.nan is.null is.numeric is.object is.pairlist is.raw is.recursive is.single is.symbol lazyLoadDBfetch length lgamma list log max min missing Mod names nargs nzchar oldClass on.exit pos.to.env proc.time prod quote range Re rep retracemem return round seq_along seq_len seq.int sign signif sin sinh sinpi sqrt standardGeneric substitute sum switch tan tanh tanpi tracemem trigamma trunc unclass untracemem UseMethod xtfrm"},contains:[e.COMMENT(/#'/,/$/,{contains:[{scope:"doctag",match:/@examples/,starts:{end:n.lookahead(n.either(/\n^#'\s*(?=@[a-zA-Z]+)/,/\n^(?!#')/)),endsParent:!0}},{scope:"doctag",begin:"@param",end:/$/,contains:[{scope:"variable",variants:[{match:s},{match:/`(?:\\.|[^`\\])+`/}],endsParent:!0}]},{scope:"doctag",match:/@[a-zA-Z]+/},{scope:"keyword",match:/\\[a-zA-Z]+/}]}),e.HASH_COMMENT_MODE,{scope:"string",contains:[e.BACKSLASH_ESCAPE],variants:[e.END_SAME_AS_BEGIN({begin:/[rR]"(-*)\(/,end:/\)(-*)"/}),e.END_SAME_AS_BEGIN({begin:/[rR]"(-*)\{/,end:/\}(-*)"/}),e.END_SAME_AS_BEGIN({begin:/[rR]"(-*)\[/,end:/\](-*)"/}),e.END_SAME_AS_BEGIN({begin:/[rR]'(-*)\(/,end:/\)(-*)'/}),e.END_SAME_AS_BEGIN({begin:/[rR]'(-*)\{/,end:/\}(-*)'/}),e.END_SAME_AS_BEGIN({begin:/[rR]'(-*)\[/,end:/\](-*)'/}),{begin:'"',end:'"',relevance:0},{begin:"'",end:"'",relevance:0}]},{relevance:0,variants:[{scope:{1:"operator",2:"number"},match:[r,o]},{scope:{1:"operator",2:"number"},match:[/%[^%]*%/,o]},{scope:{1:"punctuation",2:"number"},match:[i,o]},{scope:{2:"number"},match:[/[^a-zA-Z0-9._]|^/,o]}]},{scope:{3:"operator"},match:[s,/\s+/,/<-/,/\s+/]},{scope:"operator",relevance:0,variants:[{match:r},{match:/%[^%]*%/}]},{scope:"punctuation",relevance:0,match:i},{begin:"`",end:"`",contains:[{begin:/\\./}]}]}}return Ta=t,Ta}var Ma,bh;function aTe(){if(bh)return Ma;bh=1;function t(e){const n=e.regex,s={className:"title.function.invoke",relevance:0,begin:n.concat(/\b/,/(?!let\b)/,e.IDENT_RE,n.lookahead(/\s*\(/))},o="([ui](8|16|32|64|128|size)|f(32|64))?",r=["abstract","as","async","await","become","box","break","const","continue","crate","do","dyn","else","enum","extern","false","final","fn","for","if","impl","in","let","loop","macro","match","mod","move","mut","override","priv","pub","ref","return","self","Self","static","struct","super","trait","true","try","type","typeof","unsafe","unsized","use","virtual","where","while","yield"],i=["true","false","Some","None","Ok","Err"],a=["drop ","Copy","Send","Sized","Sync","Drop","Fn","FnMut","FnOnce","ToOwned","Clone","Debug","PartialEq","PartialOrd","Eq","Ord","AsRef","AsMut","Into","From","Default","Iterator","Extend","IntoIterator","DoubleEndedIterator","ExactSizeIterator","SliceConcatExt","ToString","assert!","assert_eq!","bitflags!","bytes!","cfg!","col!","concat!","concat_idents!","debug_assert!","debug_assert_eq!","env!","panic!","file!","format!","format_args!","include_bytes!","include_str!","line!","local_data_key!","module_path!","option_env!","print!","println!","select!","stringify!","try!","unimplemented!","unreachable!","vec!","write!","writeln!","macro_rules!","assert_ne!","debug_assert_ne!"],l=["i8","i16","i32","i64","i128","isize","u8","u16","u32","u64","u128","usize","f32","f64","str","char","bool","Box","Option","Result","String","Vec"];return{name:"Rust",aliases:["rs"],keywords:{$pattern:e.IDENT_RE+"!?",type:l,keyword:r,literal:i,built_in:a},illegal:""},s]}}return Ma=t,Ma}var Oa,yh;function lTe(){if(yh)return Oa;yh=1;const t=a=>({IMPORTANT:{scope:"meta",begin:"!important"},BLOCK_COMMENT:a.C_BLOCK_COMMENT_MODE,HEXCOLOR:{scope:"number",begin:/#(([0-9a-fA-F]{3,4})|(([0-9a-fA-F]{2}){3,4}))\b/},FUNCTION_DISPATCH:{className:"built_in",begin:/[\w-]+(?=\()/},ATTRIBUTE_SELECTOR_MODE:{scope:"selector-attr",begin:/\[/,end:/\]/,illegal:"$",contains:[a.APOS_STRING_MODE,a.QUOTE_STRING_MODE]},CSS_NUMBER_MODE:{scope:"number",begin:a.NUMBER_RE+"(%|em|ex|ch|rem|vw|vh|vmin|vmax|cm|mm|in|pt|pc|px|deg|grad|rad|turn|s|ms|Hz|kHz|dpi|dpcm|dppx)?",relevance:0},CSS_VARIABLE:{className:"attr",begin:/--[A-Za-z][A-Za-z0-9_-]*/}}),e=["a","abbr","address","article","aside","audio","b","blockquote","body","button","canvas","caption","cite","code","dd","del","details","dfn","div","dl","dt","em","fieldset","figcaption","figure","footer","form","h1","h2","h3","h4","h5","h6","header","hgroup","html","i","iframe","img","input","ins","kbd","label","legend","li","main","mark","menu","nav","object","ol","p","q","quote","samp","section","span","strong","summary","sup","table","tbody","td","textarea","tfoot","th","thead","time","tr","ul","var","video"],n=["any-hover","any-pointer","aspect-ratio","color","color-gamut","color-index","device-aspect-ratio","device-height","device-width","display-mode","forced-colors","grid","height","hover","inverted-colors","monochrome","orientation","overflow-block","overflow-inline","pointer","prefers-color-scheme","prefers-contrast","prefers-reduced-motion","prefers-reduced-transparency","resolution","scan","scripting","update","width","min-width","max-width","min-height","max-height"],s=["active","any-link","blank","checked","current","default","defined","dir","disabled","drop","empty","enabled","first","first-child","first-of-type","fullscreen","future","focus","focus-visible","focus-within","has","host","host-context","hover","indeterminate","in-range","invalid","is","lang","last-child","last-of-type","left","link","local-link","not","nth-child","nth-col","nth-last-child","nth-last-col","nth-last-of-type","nth-of-type","only-child","only-of-type","optional","out-of-range","past","placeholder-shown","read-only","read-write","required","right","root","scope","target","target-within","user-invalid","valid","visited","where"],o=["after","backdrop","before","cue","cue-region","first-letter","first-line","grammar-error","marker","part","placeholder","selection","slotted","spelling-error"],r=["align-content","align-items","align-self","all","animation","animation-delay","animation-direction","animation-duration","animation-fill-mode","animation-iteration-count","animation-name","animation-play-state","animation-timing-function","backface-visibility","background","background-attachment","background-blend-mode","background-clip","background-color","background-image","background-origin","background-position","background-repeat","background-size","block-size","border","border-block","border-block-color","border-block-end","border-block-end-color","border-block-end-style","border-block-end-width","border-block-start","border-block-start-color","border-block-start-style","border-block-start-width","border-block-style","border-block-width","border-bottom","border-bottom-color","border-bottom-left-radius","border-bottom-right-radius","border-bottom-style","border-bottom-width","border-collapse","border-color","border-image","border-image-outset","border-image-repeat","border-image-slice","border-image-source","border-image-width","border-inline","border-inline-color","border-inline-end","border-inline-end-color","border-inline-end-style","border-inline-end-width","border-inline-start","border-inline-start-color","border-inline-start-style","border-inline-start-width","border-inline-style","border-inline-width","border-left","border-left-color","border-left-style","border-left-width","border-radius","border-right","border-right-color","border-right-style","border-right-width","border-spacing","border-style","border-top","border-top-color","border-top-left-radius","border-top-right-radius","border-top-style","border-top-width","border-width","bottom","box-decoration-break","box-shadow","box-sizing","break-after","break-before","break-inside","caption-side","caret-color","clear","clip","clip-path","clip-rule","color","column-count","column-fill","column-gap","column-rule","column-rule-color","column-rule-style","column-rule-width","column-span","column-width","columns","contain","content","content-visibility","counter-increment","counter-reset","cue","cue-after","cue-before","cursor","direction","display","empty-cells","filter","flex","flex-basis","flex-direction","flex-flow","flex-grow","flex-shrink","flex-wrap","float","flow","font","font-display","font-family","font-feature-settings","font-kerning","font-language-override","font-size","font-size-adjust","font-smoothing","font-stretch","font-style","font-synthesis","font-variant","font-variant-caps","font-variant-east-asian","font-variant-ligatures","font-variant-numeric","font-variant-position","font-variation-settings","font-weight","gap","glyph-orientation-vertical","grid","grid-area","grid-auto-columns","grid-auto-flow","grid-auto-rows","grid-column","grid-column-end","grid-column-start","grid-gap","grid-row","grid-row-end","grid-row-start","grid-template","grid-template-areas","grid-template-columns","grid-template-rows","hanging-punctuation","height","hyphens","icon","image-orientation","image-rendering","image-resolution","ime-mode","inline-size","isolation","justify-content","left","letter-spacing","line-break","line-height","list-style","list-style-image","list-style-position","list-style-type","margin","margin-block","margin-block-end","margin-block-start","margin-bottom","margin-inline","margin-inline-end","margin-inline-start","margin-left","margin-right","margin-top","marks","mask","mask-border","mask-border-mode","mask-border-outset","mask-border-repeat","mask-border-slice","mask-border-source","mask-border-width","mask-clip","mask-composite","mask-image","mask-mode","mask-origin","mask-position","mask-repeat","mask-size","mask-type","max-block-size","max-height","max-inline-size","max-width","min-block-size","min-height","min-inline-size","min-width","mix-blend-mode","nav-down","nav-index","nav-left","nav-right","nav-up","none","normal","object-fit","object-position","opacity","order","orphans","outline","outline-color","outline-offset","outline-style","outline-width","overflow","overflow-wrap","overflow-x","overflow-y","padding","padding-block","padding-block-end","padding-block-start","padding-bottom","padding-inline","padding-inline-end","padding-inline-start","padding-left","padding-right","padding-top","page-break-after","page-break-before","page-break-inside","pause","pause-after","pause-before","perspective","perspective-origin","pointer-events","position","quotes","resize","rest","rest-after","rest-before","right","row-gap","scroll-margin","scroll-margin-block","scroll-margin-block-end","scroll-margin-block-start","scroll-margin-bottom","scroll-margin-inline","scroll-margin-inline-end","scroll-margin-inline-start","scroll-margin-left","scroll-margin-right","scroll-margin-top","scroll-padding","scroll-padding-block","scroll-padding-block-end","scroll-padding-block-start","scroll-padding-bottom","scroll-padding-inline","scroll-padding-inline-end","scroll-padding-inline-start","scroll-padding-left","scroll-padding-right","scroll-padding-top","scroll-snap-align","scroll-snap-stop","scroll-snap-type","scrollbar-color","scrollbar-gutter","scrollbar-width","shape-image-threshold","shape-margin","shape-outside","speak","speak-as","src","tab-size","table-layout","text-align","text-align-all","text-align-last","text-combine-upright","text-decoration","text-decoration-color","text-decoration-line","text-decoration-style","text-emphasis","text-emphasis-color","text-emphasis-position","text-emphasis-style","text-indent","text-justify","text-orientation","text-overflow","text-rendering","text-shadow","text-transform","text-underline-position","top","transform","transform-box","transform-origin","transform-style","transition","transition-delay","transition-duration","transition-property","transition-timing-function","unicode-bidi","vertical-align","visibility","voice-balance","voice-duration","voice-family","voice-pitch","voice-range","voice-rate","voice-stress","voice-volume","white-space","widows","width","will-change","word-break","word-spacing","word-wrap","writing-mode","z-index"].reverse();function i(a){const l=t(a),c=o,u=s,h="@[a-z-]+",f="and or not only",m={className:"variable",begin:"(\\$"+"[a-zA-Z-][a-zA-Z0-9_-]*"+")\\b",relevance:0};return{name:"SCSS",case_insensitive:!0,illegal:"[=/|']",contains:[a.C_LINE_COMMENT_MODE,a.C_BLOCK_COMMENT_MODE,l.CSS_NUMBER_MODE,{className:"selector-id",begin:"#[A-Za-z0-9_-]+",relevance:0},{className:"selector-class",begin:"\\.[A-Za-z0-9_-]+",relevance:0},l.ATTRIBUTE_SELECTOR_MODE,{className:"selector-tag",begin:"\\b("+e.join("|")+")\\b",relevance:0},{className:"selector-pseudo",begin:":("+u.join("|")+")"},{className:"selector-pseudo",begin:":(:)?("+c.join("|")+")"},m,{begin:/\(/,end:/\)/,contains:[l.CSS_NUMBER_MODE]},l.CSS_VARIABLE,{className:"attribute",begin:"\\b("+r.join("|")+")\\b"},{begin:"\\b(whitespace|wait|w-resize|visible|vertical-text|vertical-ideographic|uppercase|upper-roman|upper-alpha|underline|transparent|top|thin|thick|text|text-top|text-bottom|tb-rl|table-header-group|table-footer-group|sw-resize|super|strict|static|square|solid|small-caps|separate|se-resize|scroll|s-resize|rtl|row-resize|ridge|right|repeat|repeat-y|repeat-x|relative|progress|pointer|overline|outside|outset|oblique|nowrap|not-allowed|normal|none|nw-resize|no-repeat|no-drop|newspaper|ne-resize|n-resize|move|middle|medium|ltr|lr-tb|lowercase|lower-roman|lower-alpha|loose|list-item|line|line-through|line-edge|lighter|left|keep-all|justify|italic|inter-word|inter-ideograph|inside|inset|inline|inline-block|inherit|inactive|ideograph-space|ideograph-parenthesis|ideograph-numeric|ideograph-alpha|horizontal|hidden|help|hand|groove|fixed|ellipsis|e-resize|double|dotted|distribute|distribute-space|distribute-letter|distribute-all-lines|disc|disabled|default|decimal|dashed|crosshair|collapse|col-resize|circle|char|center|capitalize|break-word|break-all|bottom|both|bolder|bold|block|bidi-override|below|baseline|auto|always|all-scroll|absolute|table|table-cell)\\b"},{begin:/:/,end:/[;}{]/,relevance:0,contains:[l.BLOCK_COMMENT,m,l.HEXCOLOR,l.CSS_NUMBER_MODE,a.QUOTE_STRING_MODE,a.APOS_STRING_MODE,l.IMPORTANT,l.FUNCTION_DISPATCH]},{begin:"@(page|font-face)",keywords:{$pattern:h,keyword:"@page @font-face"}},{begin:"@",end:"[{;]",returnBegin:!0,keywords:{$pattern:/[a-z-]+/,keyword:f,attribute:n.join(" ")},contains:[{begin:h,className:"keyword"},{begin:/[a-z-]+(?=:)/,className:"attribute"},m,a.QUOTE_STRING_MODE,a.APOS_STRING_MODE,l.HEXCOLOR,l.CSS_NUMBER_MODE]},l.FUNCTION_DISPATCH]}}return Oa=i,Oa}var Ra,vh;function cTe(){if(vh)return Ra;vh=1;function t(e){return{name:"Shell Session",aliases:["console","shellsession"],contains:[{className:"meta.prompt",begin:/^\s{0,3}[/~\w\d[\]()@-]*[>%$#][ ]?/,starts:{end:/[^\\](?=\s*$)/,subLanguage:"bash"}}]}}return Ra=t,Ra}var Na,wh;function dTe(){if(wh)return Na;wh=1;function t(e){const n=e.regex,s=e.COMMENT("--","$"),o={className:"string",variants:[{begin:/'/,end:/'/,contains:[{begin:/''/}]}]},r={begin:/"/,end:/"/,contains:[{begin:/""/}]},i=["true","false","unknown"],a=["double precision","large object","with timezone","without timezone"],l=["bigint","binary","blob","boolean","char","character","clob","date","dec","decfloat","decimal","float","int","integer","interval","nchar","nclob","national","numeric","real","row","smallint","time","timestamp","varchar","varying","varbinary"],c=["add","asc","collation","desc","final","first","last","view"],u=["abs","acos","all","allocate","alter","and","any","are","array","array_agg","array_max_cardinality","as","asensitive","asin","asymmetric","at","atan","atomic","authorization","avg","begin","begin_frame","begin_partition","between","bigint","binary","blob","boolean","both","by","call","called","cardinality","cascaded","case","cast","ceil","ceiling","char","char_length","character","character_length","check","classifier","clob","close","coalesce","collate","collect","column","commit","condition","connect","constraint","contains","convert","copy","corr","corresponding","cos","cosh","count","covar_pop","covar_samp","create","cross","cube","cume_dist","current","current_catalog","current_date","current_default_transform_group","current_path","current_role","current_row","current_schema","current_time","current_timestamp","current_path","current_role","current_transform_group_for_type","current_user","cursor","cycle","date","day","deallocate","dec","decimal","decfloat","declare","default","define","delete","dense_rank","deref","describe","deterministic","disconnect","distinct","double","drop","dynamic","each","element","else","empty","end","end_frame","end_partition","end-exec","equals","escape","every","except","exec","execute","exists","exp","external","extract","false","fetch","filter","first_value","float","floor","for","foreign","frame_row","free","from","full","function","fusion","get","global","grant","group","grouping","groups","having","hold","hour","identity","in","indicator","initial","inner","inout","insensitive","insert","int","integer","intersect","intersection","interval","into","is","join","json_array","json_arrayagg","json_exists","json_object","json_objectagg","json_query","json_table","json_table_primitive","json_value","lag","language","large","last_value","lateral","lead","leading","left","like","like_regex","listagg","ln","local","localtime","localtimestamp","log","log10","lower","match","match_number","match_recognize","matches","max","member","merge","method","min","minute","mod","modifies","module","month","multiset","national","natural","nchar","nclob","new","no","none","normalize","not","nth_value","ntile","null","nullif","numeric","octet_length","occurrences_regex","of","offset","old","omit","on","one","only","open","or","order","out","outer","over","overlaps","overlay","parameter","partition","pattern","per","percent","percent_rank","percentile_cont","percentile_disc","period","portion","position","position_regex","power","precedes","precision","prepare","primary","procedure","ptf","range","rank","reads","real","recursive","ref","references","referencing","regr_avgx","regr_avgy","regr_count","regr_intercept","regr_r2","regr_slope","regr_sxx","regr_sxy","regr_syy","release","result","return","returns","revoke","right","rollback","rollup","row","row_number","rows","running","savepoint","scope","scroll","search","second","seek","select","sensitive","session_user","set","show","similar","sin","sinh","skip","smallint","some","specific","specifictype","sql","sqlexception","sqlstate","sqlwarning","sqrt","start","static","stddev_pop","stddev_samp","submultiset","subset","substring","substring_regex","succeeds","sum","symmetric","system","system_time","system_user","table","tablesample","tan","tanh","then","time","timestamp","timezone_hour","timezone_minute","to","trailing","translate","translate_regex","translation","treat","trigger","trim","trim_array","true","truncate","uescape","union","unique","unknown","unnest","update","upper","user","using","value","values","value_of","var_pop","var_samp","varbinary","varchar","varying","versioning","when","whenever","where","width_bucket","window","with","within","without","year"],h=["abs","acos","array_agg","asin","atan","avg","cast","ceil","ceiling","coalesce","corr","cos","cosh","count","covar_pop","covar_samp","cume_dist","dense_rank","deref","element","exp","extract","first_value","floor","json_array","json_arrayagg","json_exists","json_object","json_objectagg","json_query","json_table","json_table_primitive","json_value","lag","last_value","lead","listagg","ln","log","log10","lower","max","min","mod","nth_value","ntile","nullif","percent_rank","percentile_cont","percentile_disc","position","position_regex","power","rank","regr_avgx","regr_avgy","regr_count","regr_intercept","regr_r2","regr_slope","regr_sxx","regr_sxy","regr_syy","row_number","sin","sinh","sqrt","stddev_pop","stddev_samp","substring","substring_regex","sum","tan","tanh","translate","translate_regex","treat","trim","trim_array","unnest","upper","value_of","var_pop","var_samp","width_bucket"],f=["current_catalog","current_date","current_default_transform_group","current_path","current_role","current_schema","current_transform_group_for_type","current_user","session_user","system_time","system_user","current_time","localtime","current_timestamp","localtimestamp"],g=["create table","insert into","primary key","foreign key","not null","alter table","add constraint","grouping sets","on overflow","character set","respect nulls","ignore nulls","nulls first","nulls last","depth first","breadth first"],m=h,p=[...u,...c].filter(S=>!h.includes(S)),b={className:"variable",begin:/@[a-z0-9][a-z0-9_]*/},_={className:"operator",begin:/[-+*/=%^~]|&&?|\|\|?|!=?|<(?:=>?|<|>)?|>[>=]?/,relevance:0},y={begin:n.concat(/\b/,n.either(...m),/\s*\(/),relevance:0,keywords:{built_in:m}};function x(S,{exceptions:R,when:O}={}){const D=O;return R=R||[],S.map(v=>v.match(/\|\d+$/)||R.includes(v)?v:D(v)?`${v}|0`:v)}return{name:"SQL",case_insensitive:!0,illegal:/[{}]|<\//,keywords:{$pattern:/\b[\w\.]+/,keyword:x(p,{when:S=>S.length<3}),literal:i,type:l,built_in:f},contains:[{begin:n.either(...g),relevance:0,keywords:{$pattern:/[\w\.]+/,keyword:p.concat(g),literal:i,type:l}},{className:"type",begin:n.either(...a)},y,b,o,r,e.C_NUMBER_MODE,e.C_BLOCK_COMMENT_MODE,s,_]}}return Na=t,Na}var Da,xh;function uTe(){if(xh)return Da;xh=1;function t(v){return v?typeof v=="string"?v:v.source:null}function e(v){return n("(?=",v,")")}function n(...v){return v.map(M=>t(M)).join("")}function s(v){const E=v[v.length-1];return typeof E=="object"&&E.constructor===Object?(v.splice(v.length-1,1),E):{}}function o(...v){return"("+(s(v).capture?"":"?:")+v.map(L=>t(L)).join("|")+")"}const r=v=>n(/\b/,v,/\w$/.test(v)?/\b/:/\B/),i=["Protocol","Type"].map(r),a=["init","self"].map(r),l=["Any","Self"],c=["actor","any","associatedtype","async","await",/as\?/,/as!/,"as","break","case","catch","class","continue","convenience","default","defer","deinit","didSet","distributed","do","dynamic","else","enum","extension","fallthrough",/fileprivate\(set\)/,"fileprivate","final","for","func","get","guard","if","import","indirect","infix",/init\?/,/init!/,"inout",/internal\(set\)/,"internal","in","is","isolated","nonisolated","lazy","let","mutating","nonmutating",/open\(set\)/,"open","operator","optional","override","postfix","precedencegroup","prefix",/private\(set\)/,"private","protocol",/public\(set\)/,"public","repeat","required","rethrows","return","set","some","static","struct","subscript","super","switch","throws","throw",/try\?/,/try!/,"try","typealias",/unowned\(safe\)/,/unowned\(unsafe\)/,"unowned","var","weak","where","while","willSet"],u=["false","nil","true"],h=["assignment","associativity","higherThan","left","lowerThan","none","right"],f=["#colorLiteral","#column","#dsohandle","#else","#elseif","#endif","#error","#file","#fileID","#fileLiteral","#filePath","#function","#if","#imageLiteral","#keyPath","#line","#selector","#sourceLocation","#warn_unqualified_access","#warning"],g=["abs","all","any","assert","assertionFailure","debugPrint","dump","fatalError","getVaList","isKnownUniquelyReferenced","max","min","numericCast","pointwiseMax","pointwiseMin","precondition","preconditionFailure","print","readLine","repeatElement","sequence","stride","swap","swift_unboxFromSwiftValueWithType","transcode","type","unsafeBitCast","unsafeDowncast","withExtendedLifetime","withUnsafeMutablePointer","withUnsafePointer","withVaList","withoutActuallyEscaping","zip"],m=o(/[/=\-+!*%<>&|^~?]/,/[\u00A1-\u00A7]/,/[\u00A9\u00AB]/,/[\u00AC\u00AE]/,/[\u00B0\u00B1]/,/[\u00B6\u00BB\u00BF\u00D7\u00F7]/,/[\u2016-\u2017]/,/[\u2020-\u2027]/,/[\u2030-\u203E]/,/[\u2041-\u2053]/,/[\u2055-\u205E]/,/[\u2190-\u23FF]/,/[\u2500-\u2775]/,/[\u2794-\u2BFF]/,/[\u2E00-\u2E7F]/,/[\u3001-\u3003]/,/[\u3008-\u3020]/,/[\u3030]/),p=o(m,/[\u0300-\u036F]/,/[\u1DC0-\u1DFF]/,/[\u20D0-\u20FF]/,/[\uFE00-\uFE0F]/,/[\uFE20-\uFE2F]/),b=n(m,p,"*"),_=o(/[a-zA-Z_]/,/[\u00A8\u00AA\u00AD\u00AF\u00B2-\u00B5\u00B7-\u00BA]/,/[\u00BC-\u00BE\u00C0-\u00D6\u00D8-\u00F6\u00F8-\u00FF]/,/[\u0100-\u02FF\u0370-\u167F\u1681-\u180D\u180F-\u1DBF]/,/[\u1E00-\u1FFF]/,/[\u200B-\u200D\u202A-\u202E\u203F-\u2040\u2054\u2060-\u206F]/,/[\u2070-\u20CF\u2100-\u218F\u2460-\u24FF\u2776-\u2793]/,/[\u2C00-\u2DFF\u2E80-\u2FFF]/,/[\u3004-\u3007\u3021-\u302F\u3031-\u303F\u3040-\uD7FF]/,/[\uF900-\uFD3D\uFD40-\uFDCF\uFDF0-\uFE1F\uFE30-\uFE44]/,/[\uFE47-\uFEFE\uFF00-\uFFFD]/),y=o(_,/\d/,/[\u0300-\u036F\u1DC0-\u1DFF\u20D0-\u20FF\uFE20-\uFE2F]/),x=n(_,y,"*"),S=n(/[A-Z]/,y,"*"),R=["autoclosure",n(/convention\(/,o("swift","block","c"),/\)/),"discardableResult","dynamicCallable","dynamicMemberLookup","escaping","frozen","GKInspectable","IBAction","IBDesignable","IBInspectable","IBOutlet","IBSegueAction","inlinable","main","nonobjc","NSApplicationMain","NSCopying","NSManaged",n(/objc\(/,x,/\)/),"objc","objcMembers","propertyWrapper","requires_stored_property_inits","resultBuilder","testable","UIApplicationMain","unknown","usableFromInline"],O=["iOS","iOSApplicationExtension","macOS","macOSApplicationExtension","macCatalyst","macCatalystApplicationExtension","watchOS","watchOSApplicationExtension","tvOS","tvOSApplicationExtension","swift"];function D(v){const E={match:/\s+/,relevance:0},M=v.COMMENT("/\\*","\\*/",{contains:["self"]}),L=[v.C_LINE_COMMENT_MODE,M],F={match:[/\./,o(...i,...a)],className:{2:"keyword"}},J={match:n(/\./,o(...c)),relevance:0},I=c.filter(Pe=>typeof Pe=="string").concat(["_|0"]),ae=c.filter(Pe=>typeof Pe!="string").concat(l).map(r),Z={variants:[{className:"keyword",match:o(...ae,...a)}]},T={$pattern:o(/\b\w+/,/#\w+/),keyword:I.concat(f),literal:u},q=[F,J,Z],G={match:n(/\./,o(...g)),relevance:0},we={className:"built_in",match:n(/\b/,o(...g),/(?=\()/)},_e=[G,we],ee={match:/->/,relevance:0},ke={className:"operator",relevance:0,variants:[{match:b},{match:`\\.(\\.|${p})+`}]},Se=[ee,ke],N="([0-9]_*)+",Q="([0-9a-fA-F]_*)+",V={className:"number",relevance:0,variants:[{match:`\\b(${N})(\\.(${N}))?([eE][+-]?(${N}))?\\b`},{match:`\\b0x(${Q})(\\.(${Q}))?([pP][+-]?(${N}))?\\b`},{match:/\b0o([0-7]_*)+\b/},{match:/\b0b([01]_*)+\b/}]},te=(Pe="")=>({className:"subst",variants:[{match:n(/\\/,Pe,/[0\\tnr"']/)},{match:n(/\\/,Pe,/u\{[0-9a-fA-F]{1,8}\}/)}]}),X=(Pe="")=>({className:"subst",match:n(/\\/,Pe,/[\t ]*(?:[\r\n]|\r\n)/)}),ge=(Pe="")=>({className:"subst",label:"interpol",begin:n(/\\/,Pe,/\(/),end:/\)/}),de=(Pe="")=>({begin:n(Pe,/"""/),end:n(/"""/,Pe),contains:[te(Pe),X(Pe),ge(Pe)]}),w=(Pe="")=>({begin:n(Pe,/"/),end:n(/"/,Pe),contains:[te(Pe),ge(Pe)]}),A={className:"string",variants:[de(),de("#"),de("##"),de("###"),w(),w("#"),w("##"),w("###")]},P={match:n(/`/,x,/`/)},$={className:"variable",match:/\$\d+/},j={className:"variable",match:`\\$${y}+`},ne=[P,$,j],re={match:/(@|#(un)?)available/,className:"keyword",starts:{contains:[{begin:/\(/,end:/\)/,keywords:O,contains:[...Se,V,A]}]}},z={className:"keyword",match:n(/@/,o(...R))},se={className:"meta",match:n(/@/,x)},U=[re,z,se],Y={match:e(/\b[A-Z]/),relevance:0,contains:[{className:"type",match:n(/(AV|CA|CF|CG|CI|CL|CM|CN|CT|MK|MP|MTK|MTL|NS|SCN|SK|UI|WK|XC)/,y,"+")},{className:"type",match:S,relevance:0},{match:/[?!]+/,relevance:0},{match:/\.\.\./,relevance:0},{match:n(/\s+&\s+/,e(S)),relevance:0}]},ie={begin://,keywords:T,contains:[...L,...q,...U,ee,Y]};Y.contains.push(ie);const pe={match:n(x,/\s*:/),keywords:"_|0",relevance:0},ue={begin:/\(/,end:/\)/,relevance:0,keywords:T,contains:["self",pe,...L,...q,..._e,...Se,V,A,...ne,...U,Y]},Ce={begin://,contains:[...L,Y]},W={begin:o(e(n(x,/\s*:/)),e(n(x,/\s+/,x,/\s*:/))),end:/:/,relevance:0,contains:[{className:"keyword",match:/\b_\b/},{className:"params",match:x}]},oe={begin:/\(/,end:/\)/,keywords:T,contains:[W,...L,...q,...Se,V,A,...U,Y,ue],endsParent:!0,illegal:/["']/},me={match:[/func/,/\s+/,o(P.match,x,b)],className:{1:"keyword",3:"title.function"},contains:[Ce,oe,E],illegal:[/\[/,/%/]},Te={match:[/\b(?:subscript|init[?!]?)/,/\s*(?=[<(])/],className:{1:"keyword"},contains:[Ce,oe,E],illegal:/\[|%/},Be={match:[/operator/,/\s+/,b],className:{1:"keyword",3:"title"}},We={begin:[/precedencegroup/,/\s+/,S],className:{1:"keyword",3:"title"},contains:[Y],keywords:[...h,...u],end:/}/};for(const Pe of A.variants){const et=Pe.contains.find(lt=>lt.label==="interpol");et.keywords=T;const nt=[...q,..._e,...Se,V,A,...ne];et.contains=[...nt,{begin:/\(/,end:/\)/,contains:["self",...nt]}]}return{name:"Swift",keywords:T,contains:[...L,me,Te,{beginKeywords:"struct protocol class extension enum actor",end:"\\{",excludeEnd:!0,keywords:T,contains:[v.inherit(v.TITLE_MODE,{className:"title.class",begin:/[A-Za-z$_][\u00C0-\u02B80-9A-Za-z$_]*/}),...q]},Be,We,{beginKeywords:"import",end:/$/,contains:[...L],relevance:0},...q,..._e,...Se,V,A,...ne,...U,Y,ue]}}return Da=D,Da}var La,kh;function hTe(){if(kh)return La;kh=1;function t(e){const n="true false yes no null",s="[\\w#;/?:@&=+$,.~*'()[\\]]+",o={className:"attr",variants:[{begin:"\\w[\\w :\\/.-]*:(?=[ ]|$)"},{begin:'"\\w[\\w :\\/.-]*":(?=[ ]|$)'},{begin:"'\\w[\\w :\\/.-]*':(?=[ ]|$)"}]},r={className:"template-variable",variants:[{begin:/\{\{/,end:/\}\}/},{begin:/%\{/,end:/\}/}]},i={className:"string",relevance:0,variants:[{begin:/'/,end:/'/},{begin:/"/,end:/"/},{begin:/\S+/}],contains:[e.BACKSLASH_ESCAPE,r]},a=e.inherit(i,{variants:[{begin:/'/,end:/'/},{begin:/"/,end:/"/},{begin:/[^\s,{}[\]]+/}]}),l="[0-9]{4}(-[0-9][0-9]){0,2}",c="([Tt \\t][0-9][0-9]?(:[0-9][0-9]){2})?",u="(\\.[0-9]*)?",h="([ \\t])*(Z|[-+][0-9][0-9]?(:[0-9][0-9])?)?",f={className:"number",begin:"\\b"+l+c+u+h+"\\b"},g={end:",",endsWithParent:!0,excludeEnd:!0,keywords:n,relevance:0},m={begin:/\{/,end:/\}/,contains:[g],illegal:"\\n",relevance:0},p={begin:"\\[",end:"\\]",contains:[g],illegal:"\\n",relevance:0},b=[o,{className:"meta",begin:"^---\\s*$",relevance:10},{className:"string",begin:"[\\|>]([1-9]?[+-])?[ ]*\\n( +)[^ ][^\\n]*\\n(\\2[^\\n]+\\n?)*"},{begin:"<%[%=-]?",end:"[%-]?%>",subLanguage:"ruby",excludeBegin:!0,excludeEnd:!0,relevance:0},{className:"type",begin:"!\\w+!"+s},{className:"type",begin:"!<"+s+">"},{className:"type",begin:"!"+s},{className:"type",begin:"!!"+s},{className:"meta",begin:"&"+e.UNDERSCORE_IDENT_RE+"$"},{className:"meta",begin:"\\*"+e.UNDERSCORE_IDENT_RE+"$"},{className:"bullet",begin:"-(?=[ ]|$)",relevance:0},e.HASH_COMMENT_MODE,{beginKeywords:n,keywords:{literal:n}},f,{className:"number",begin:e.C_NUMBER_RE+"\\b",relevance:0},m,p,i],_=[...b];return _.pop(),_.push(a),g.contains=_,{name:"YAML",case_insensitive:!0,aliases:["yml"],contains:b}}return La=t,La}var Ia,Eh;function fTe(){if(Eh)return Ia;Eh=1;const t="[A-Za-z$_][0-9A-Za-z$_]*",e=["as","in","of","if","for","while","finally","var","new","function","do","return","void","else","break","catch","instanceof","with","throw","case","default","try","switch","continue","typeof","delete","let","yield","const","class","debugger","async","await","static","import","from","export","extends"],n=["true","false","null","undefined","NaN","Infinity"],s=["Object","Function","Boolean","Symbol","Math","Date","Number","BigInt","String","RegExp","Array","Float32Array","Float64Array","Int8Array","Uint8Array","Uint8ClampedArray","Int16Array","Int32Array","Uint16Array","Uint32Array","BigInt64Array","BigUint64Array","Set","Map","WeakSet","WeakMap","ArrayBuffer","SharedArrayBuffer","Atomics","DataView","JSON","Promise","Generator","GeneratorFunction","AsyncFunction","Reflect","Proxy","Intl","WebAssembly"],o=["Error","EvalError","InternalError","RangeError","ReferenceError","SyntaxError","TypeError","URIError"],r=["setInterval","setTimeout","clearInterval","clearTimeout","require","exports","eval","isFinite","isNaN","parseFloat","parseInt","decodeURI","decodeURIComponent","encodeURI","encodeURIComponent","escape","unescape"],i=["arguments","this","super","console","window","document","localStorage","sessionStorage","module","global"],a=[].concat(r,s,o);function l(u){const h=u.regex,f=(te,{after:X})=>{const ge="",end:""},p=/<[A-Za-z0-9\\._:-]+\s*\/>/,b={begin:/<[A-Za-z0-9\\._:-]+/,end:/\/[A-Za-z0-9\\._:-]+>|\/>/,isTrulyOpeningTag:(te,X)=>{const ge=te[0].length+te.index,de=te.input[ge];if(de==="<"||de===","){X.ignoreMatch();return}de===">"&&(f(te,{after:ge})||X.ignoreMatch());let w;const A=te.input.substring(ge);if(w=A.match(/^\s*=/)){X.ignoreMatch();return}if((w=A.match(/^\s+extends\s+/))&&w.index===0){X.ignoreMatch();return}}},_={$pattern:t,keyword:e,literal:n,built_in:a,"variable.language":i},y="[0-9](_?[0-9])*",x=`\\.(${y})`,S="0|[1-9](_?[0-9])*|0[0-7]*[89][0-9]*",R={className:"number",variants:[{begin:`(\\b(${S})((${x})|\\.)?|(${x}))[eE][+-]?(${y})\\b`},{begin:`\\b(${S})\\b((${x})\\b|\\.)?|(${x})\\b`},{begin:"\\b(0|[1-9](_?[0-9])*)n\\b"},{begin:"\\b0[xX][0-9a-fA-F](_?[0-9a-fA-F])*n?\\b"},{begin:"\\b0[bB][0-1](_?[0-1])*n?\\b"},{begin:"\\b0[oO][0-7](_?[0-7])*n?\\b"},{begin:"\\b0[0-7]+n?\\b"}],relevance:0},O={className:"subst",begin:"\\$\\{",end:"\\}",keywords:_,contains:[]},D={begin:"html`",end:"",starts:{end:"`",returnEnd:!1,contains:[u.BACKSLASH_ESCAPE,O],subLanguage:"xml"}},v={begin:"css`",end:"",starts:{end:"`",returnEnd:!1,contains:[u.BACKSLASH_ESCAPE,O],subLanguage:"css"}},E={begin:"gql`",end:"",starts:{end:"`",returnEnd:!1,contains:[u.BACKSLASH_ESCAPE,O],subLanguage:"graphql"}},M={className:"string",begin:"`",end:"`",contains:[u.BACKSLASH_ESCAPE,O]},F={className:"comment",variants:[u.COMMENT(/\/\*\*(?!\/)/,"\\*/",{relevance:0,contains:[{begin:"(?=@[A-Za-z]+)",relevance:0,contains:[{className:"doctag",begin:"@[A-Za-z]+"},{className:"type",begin:"\\{",end:"\\}",excludeEnd:!0,excludeBegin:!0,relevance:0},{className:"variable",begin:g+"(?=\\s*(-)|$)",endsParent:!0,relevance:0},{begin:/(?=[^\n])\s/,relevance:0}]}]}),u.C_BLOCK_COMMENT_MODE,u.C_LINE_COMMENT_MODE]},J=[u.APOS_STRING_MODE,u.QUOTE_STRING_MODE,D,v,E,M,{match:/\$\d+/},R];O.contains=J.concat({begin:/\{/,end:/\}/,keywords:_,contains:["self"].concat(J)});const I=[].concat(F,O.contains),ae=I.concat([{begin:/\(/,end:/\)/,keywords:_,contains:["self"].concat(I)}]),Z={className:"params",begin:/\(/,end:/\)/,excludeBegin:!0,excludeEnd:!0,keywords:_,contains:ae},T={variants:[{match:[/class/,/\s+/,g,/\s+/,/extends/,/\s+/,h.concat(g,"(",h.concat(/\./,g),")*")],scope:{1:"keyword",3:"title.class",5:"keyword",7:"title.class.inherited"}},{match:[/class/,/\s+/,g],scope:{1:"keyword",3:"title.class"}}]},q={relevance:0,match:h.either(/\bJSON/,/\b[A-Z][a-z]+([A-Z][a-z]*|\d)*/,/\b[A-Z]{2,}([A-Z][a-z]+|\d)+([A-Z][a-z]*)*/,/\b[A-Z]{2,}[a-z]+([A-Z][a-z]+|\d)*([A-Z][a-z]*)*/),className:"title.class",keywords:{_:[...s,...o]}},G={label:"use_strict",className:"meta",relevance:10,begin:/^\s*['"]use (strict|asm)['"]/},we={variants:[{match:[/function/,/\s+/,g,/(?=\s*\()/]},{match:[/function/,/\s*(?=\()/]}],className:{1:"keyword",3:"title.function"},label:"func.def",contains:[Z],illegal:/%/},_e={relevance:0,match:/\b[A-Z][A-Z_0-9]+\b/,className:"variable.constant"};function ee(te){return h.concat("(?!",te.join("|"),")")}const ke={match:h.concat(/\b/,ee([...r,"super","import"]),g,h.lookahead(/\(/)),className:"title.function",relevance:0},Se={begin:h.concat(/\./,h.lookahead(h.concat(g,/(?![0-9A-Za-z$_(])/))),end:g,excludeBegin:!0,keywords:"prototype",className:"property",relevance:0},N={match:[/get|set/,/\s+/,g,/(?=\()/],className:{1:"keyword",3:"title.function"},contains:[{begin:/\(\)/},Z]},Q="(\\([^()]*(\\([^()]*(\\([^()]*\\)[^()]*)*\\)[^()]*)*\\)|"+u.UNDERSCORE_IDENT_RE+")\\s*=>",V={match:[/const|var|let/,/\s+/,g,/\s*/,/=\s*/,/(async\s*)?/,h.lookahead(Q)],keywords:"async",className:{1:"keyword",3:"title.function"},contains:[Z]};return{name:"JavaScript",aliases:["js","jsx","mjs","cjs"],keywords:_,exports:{PARAMS_CONTAINS:ae,CLASS_REFERENCE:q},illegal:/#(?![$_A-z])/,contains:[u.SHEBANG({label:"shebang",binary:"node",relevance:5}),G,u.APOS_STRING_MODE,u.QUOTE_STRING_MODE,D,v,E,M,F,{match:/\$\d+/},R,q,{className:"attr",begin:g+h.lookahead(":"),relevance:0},V,{begin:"("+u.RE_STARTERS_RE+"|\\b(case|return|throw)\\b)\\s*",keywords:"return throw case",relevance:0,contains:[F,u.REGEXP_MODE,{className:"function",begin:Q,returnBegin:!0,end:"\\s*=>",contains:[{className:"params",variants:[{begin:u.UNDERSCORE_IDENT_RE,relevance:0},{className:null,begin:/\(\s*\)/,skip:!0},{begin:/\(/,end:/\)/,excludeBegin:!0,excludeEnd:!0,keywords:_,contains:ae}]}]},{begin:/,/,relevance:0},{match:/\s+/,relevance:0},{variants:[{begin:m.begin,end:m.end},{match:p},{begin:b.begin,"on:begin":b.isTrulyOpeningTag,end:b.end}],subLanguage:"xml",contains:[{begin:b.begin,end:b.end,skip:!0,contains:["self"]}]}]},we,{beginKeywords:"while if switch catch for"},{begin:"\\b(?!function)"+u.UNDERSCORE_IDENT_RE+"\\([^()]*(\\([^()]*(\\([^()]*\\)[^()]*)*\\)[^()]*)*\\)\\s*\\{",returnBegin:!0,label:"func.def",contains:[Z,u.inherit(u.TITLE_MODE,{begin:g,className:"title.function"})]},{match:/\.\.\./,relevance:0},Se,{match:"\\$"+g,relevance:0},{match:[/\bconstructor(?=\s*\()/],className:{1:"title.function"},contains:[Z]},ke,_e,T,N,{match:/\$[(.]/}]}}function c(u){const h=l(u),f=t,g=["any","void","number","boolean","string","object","never","symbol","bigint","unknown"],m={beginKeywords:"namespace",end:/\{/,excludeEnd:!0,contains:[h.exports.CLASS_REFERENCE]},p={beginKeywords:"interface",end:/\{/,excludeEnd:!0,keywords:{keyword:"interface extends",built_in:g},contains:[h.exports.CLASS_REFERENCE]},b={className:"meta",relevance:10,begin:/^\s*['"]use strict['"]/},_=["type","namespace","interface","public","private","protected","implements","declare","abstract","readonly","enum","override"],y={$pattern:t,keyword:e.concat(_),literal:n,built_in:a.concat(g),"variable.language":i},x={className:"meta",begin:"@"+f},S=(O,D,v)=>{const E=O.contains.findIndex(M=>M.label===D);if(E===-1)throw new Error("can not find mode to replace");O.contains.splice(E,1,v)};Object.assign(h.keywords,y),h.exports.PARAMS_CONTAINS.push(x),h.contains=h.contains.concat([x,m,p]),S(h,"shebang",u.SHEBANG()),S(h,"use_strict",b);const R=h.contains.find(O=>O.label==="func.def");return R.relevance=0,Object.assign(h,{name:"TypeScript",aliases:["ts","tsx","mts","cts"]}),h}return Ia=c,Ia}var Pa,Ch;function pTe(){if(Ch)return Pa;Ch=1;function t(e){const n=e.regex,s={className:"string",begin:/"(""|[^/n])"C\b/},o={className:"string",begin:/"/,end:/"/,illegal:/\n/,contains:[{begin:/""/}]},r=/\d{1,2}\/\d{1,2}\/\d{4}/,i=/\d{4}-\d{1,2}-\d{1,2}/,a=/(\d|1[012])(:\d+){0,2} *(AM|PM)/,l=/\d{1,2}(:\d{1,2}){1,2}/,c={className:"literal",variants:[{begin:n.concat(/# */,n.either(i,r),/ *#/)},{begin:n.concat(/# */,l,/ *#/)},{begin:n.concat(/# */,a,/ *#/)},{begin:n.concat(/# */,n.either(i,r),/ +/,n.either(a,l),/ *#/)}]},u={className:"number",relevance:0,variants:[{begin:/\b\d[\d_]*((\.[\d_]+(E[+-]?[\d_]+)?)|(E[+-]?[\d_]+))[RFD@!#]?/},{begin:/\b\d[\d_]*((U?[SIL])|[%&])?/},{begin:/&H[\dA-F_]+((U?[SIL])|[%&])?/},{begin:/&O[0-7_]+((U?[SIL])|[%&])?/},{begin:/&B[01_]+((U?[SIL])|[%&])?/}]},h={className:"label",begin:/^\w+:/},f=e.COMMENT(/'''/,/$/,{contains:[{className:"doctag",begin:/<\/?/,end:/>/}]}),g=e.COMMENT(null,/$/,{variants:[{begin:/'/},{begin:/([\t ]|^)REM(?=\s)/}]});return{name:"Visual Basic .NET",aliases:["vb"],case_insensitive:!0,classNameAliases:{label:"symbol"},keywords:{keyword:"addhandler alias aggregate ansi as async assembly auto binary by byref byval call case catch class compare const continue custom declare default delegate dim distinct do each equals else elseif end enum erase error event exit explicit finally for friend from function get global goto group handles if implements imports in inherits interface into iterator join key let lib loop me mid module mustinherit mustoverride mybase myclass namespace narrowing new next notinheritable notoverridable of off on operator option optional order overloads overridable overrides paramarray partial preserve private property protected public raiseevent readonly redim removehandler resume return select set shadows shared skip static step stop structure strict sub synclock take text then throw to try unicode until using when where while widening with withevents writeonly yield",built_in:"addressof and andalso await directcast gettype getxmlnamespace is isfalse isnot istrue like mod nameof new not or orelse trycast typeof xor cbool cbyte cchar cdate cdbl cdec cint clng cobj csbyte cshort csng cstr cuint culng cushort",type:"boolean byte char date decimal double integer long object sbyte short single string uinteger ulong ushort",literal:"true false nothing"},illegal:"//|\\{|\\}|endif|gosub|variant|wend|^\\$ ",contains:[s,o,c,u,h,f,g,{className:"meta",begin:/[\t ]*#(const|disable|else|elseif|enable|end|externalsource|if|region)\b/,end:/$/,keywords:{keyword:"const disable else elseif enable end externalsource if region then"},contains:[g]}]}}return Pa=t,Pa}var Fa,Ah;function gTe(){if(Ah)return Fa;Ah=1;function t(e){e.regex;const n=e.COMMENT(/\(;/,/;\)/);n.contains.push("self");const s=e.COMMENT(/;;/,/$/),o=["anyfunc","block","br","br_if","br_table","call","call_indirect","data","drop","elem","else","end","export","func","global.get","global.set","local.get","local.set","local.tee","get_global","get_local","global","if","import","local","loop","memory","memory.grow","memory.size","module","mut","nop","offset","param","result","return","select","set_global","set_local","start","table","tee_local","then","type","unreachable"],r={begin:[/(?:func|call|call_indirect)/,/\s+/,/\$[^\s)]+/],className:{1:"keyword",3:"title.function"}},i={className:"variable",begin:/\$[\w_]+/},a={match:/(\((?!;)|\))+/,className:"punctuation",relevance:0},l={className:"number",relevance:0,match:/[+-]?\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/},c={match:/(i32|i64|f32|f64)(?!\.)/,className:"type"},u={className:"keyword",match:/\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|nearest|neg?|or|popcnt|promote\/f32|reinterpret\/[fi](?:32|64)|rem_[su]|rot[lr]|shl|shr_[su]|store(?:8|16|32)?|sqrt|sub|trunc(?:_[su]\/f(?:32|64))?|wrap\/i64|xor))\b/};return{name:"WebAssembly",keywords:{$pattern:/[\w.]+/,keyword:o},contains:[s,n,{match:[/(?:offset|align)/,/\s*/,/=/],className:{1:"keyword",3:"operator"}},i,a,r,e.QUOTE_STRING_MODE,c,u,l]}}return Fa=t,Fa}var Ne=DSe;Ne.registerLanguage("xml",LSe());Ne.registerLanguage("bash",ISe());Ne.registerLanguage("c",PSe());Ne.registerLanguage("cpp",FSe());Ne.registerLanguage("csharp",BSe());Ne.registerLanguage("css",$Se());Ne.registerLanguage("markdown",jSe());Ne.registerLanguage("diff",zSe());Ne.registerLanguage("ruby",USe());Ne.registerLanguage("go",qSe());Ne.registerLanguage("graphql",HSe());Ne.registerLanguage("ini",VSe());Ne.registerLanguage("java",GSe());Ne.registerLanguage("javascript",KSe());Ne.registerLanguage("json",WSe());Ne.registerLanguage("kotlin",ZSe());Ne.registerLanguage("less",YSe());Ne.registerLanguage("lua",JSe());Ne.registerLanguage("makefile",QSe());Ne.registerLanguage("perl",XSe());Ne.registerLanguage("objectivec",eTe());Ne.registerLanguage("php",tTe());Ne.registerLanguage("php-template",nTe());Ne.registerLanguage("plaintext",sTe());Ne.registerLanguage("python",oTe());Ne.registerLanguage("python-repl",rTe());Ne.registerLanguage("r",iTe());Ne.registerLanguage("rust",aTe());Ne.registerLanguage("scss",lTe());Ne.registerLanguage("shell",cTe());Ne.registerLanguage("sql",dTe());Ne.registerLanguage("swift",uTe());Ne.registerLanguage("yaml",hTe());Ne.registerLanguage("typescript",fTe());Ne.registerLanguage("vbnet",pTe());Ne.registerLanguage("wasm",gTe());Ne.HighlightJS=Ne;Ne.default=Ne;var mTe=Ne;const uo=is(mTe);var Nn={};Nn.getAttrs=function(t,e,n){const s=/[^\t\n\f />"'=]/,o=" ",r="=",i=".",a="#",l=[];let c="",u="",h=!0,f=!1;for(let g=e+n.leftDelimiter.length;g=s+1:u.length>=s}let r,i,a,l;const c=s-e.rightDelimiter.length;switch(t){case"start":a=n.slice(0,e.leftDelimiter.length),r=a===e.leftDelimiter?0:-1,i=r===-1?-1:n.indexOf(e.rightDelimiter,c),l=n.charAt(i+e.rightDelimiter.length),l&&e.rightDelimiter.indexOf(l)!==-1&&(i=-1);break;case"end":r=n.lastIndexOf(e.leftDelimiter),i=r===-1?-1:n.indexOf(e.rightDelimiter,r+c),i=i===n.length-e.rightDelimiter.length?i:-1;break;case"only":a=n.slice(0,e.leftDelimiter.length),r=a===e.leftDelimiter?0:-1,a=n.slice(n.length-e.rightDelimiter.length),i=a===e.rightDelimiter?n.length-e.rightDelimiter.length:-1;break;default:throw new Error(`Unexpected case ${t}, expected 'start', 'end' or 'only'`)}return r!==-1&&i!==-1&&o(n.substring(r,i+e.rightDelimiter.length))}};Nn.removeDelimiter=function(t,e){const n=pl(e.leftDelimiter),s=pl(e.rightDelimiter),o=new RegExp("[ \\n]?"+n+"[^"+n+s+"]+"+s+"$"),r=t.search(o);return r!==-1?t.slice(0,r):t};function pl(t){return t.replace(/[-/\\^$*+?.()|[\]{}]/g,"\\$&")}Nn.escapeRegExp=pl;Nn.getMatchingOpeningToken=function(t,e){if(t[e].type==="softbreak")return!1;if(t[e].nesting===0)return t[e];const n=t[e].level,s=t[e].type.replace("_close","_open");for(;e>=0;--e)if(t[e].type===s&&t[e].level===n)return t[e];return!1};const _Te=/[&<>"]/,bTe=/[&<>"]/g,yTe={"&":"&","<":"<",">":">",'"':"""};function vTe(t){return yTe[t]}Nn.escapeHtml=function(t){return _Te.test(t)?t.replace(bTe,vTe):t};const Le=Nn;var wTe=t=>{const e=new RegExp("^ {0,3}[-*_]{3,} ?"+Le.escapeRegExp(t.leftDelimiter)+"[^"+Le.escapeRegExp(t.rightDelimiter)+"]");return[{name:"fenced code blocks",tests:[{shift:0,block:!0,info:Le.hasDelimiters("end",t)}],transform:(n,s)=>{const o=n[s],r=o.info.lastIndexOf(t.leftDelimiter),i=Le.getAttrs(o.info,r,t);Le.addAttrs(i,o),o.info=Le.removeDelimiter(o.info,t)}},{name:"inline nesting 0",tests:[{shift:0,type:"inline",children:[{shift:-1,type:n=>n==="image"||n==="code_inline"},{shift:0,type:"text",content:Le.hasDelimiters("start",t)}]}],transform:(n,s,o)=>{const r=n[s].children[o],i=r.content.indexOf(t.rightDelimiter),a=n[s].children[o-1],l=Le.getAttrs(r.content,0,t);Le.addAttrs(l,a),r.content.length===i+t.rightDelimiter.length?n[s].children.splice(o,1):r.content=r.content.slice(i+t.rightDelimiter.length)}},{name:"tables",tests:[{shift:0,type:"table_close"},{shift:1,type:"paragraph_open"},{shift:2,type:"inline",content:Le.hasDelimiters("only",t)}],transform:(n,s)=>{const o=n[s+2],r=Le.getMatchingOpeningToken(n,s),i=Le.getAttrs(o.content,0,t);Le.addAttrs(i,r),n.splice(s+1,3)}},{name:"inline attributes",tests:[{shift:0,type:"inline",children:[{shift:-1,nesting:-1},{shift:0,type:"text",content:Le.hasDelimiters("start",t)}]}],transform:(n,s,o)=>{const r=n[s].children[o],i=r.content,a=Le.getAttrs(i,0,t),l=Le.getMatchingOpeningToken(n[s].children,o-1);Le.addAttrs(a,l),r.content=i.slice(i.indexOf(t.rightDelimiter)+t.rightDelimiter.length)}},{name:"list softbreak",tests:[{shift:-2,type:"list_item_open"},{shift:0,type:"inline",children:[{position:-2,type:"softbreak"},{position:-1,type:"text",content:Le.hasDelimiters("only",t)}]}],transform:(n,s,o)=>{const i=n[s].children[o].content,a=Le.getAttrs(i,0,t);let l=s-2;for(;n[l-1]&&n[l-1].type!=="ordered_list_open"&&n[l-1].type!=="bullet_list_open";)l--;Le.addAttrs(a,n[l-1]),n[s].children=n[s].children.slice(0,-2)}},{name:"list double softbreak",tests:[{shift:0,type:n=>n==="bullet_list_close"||n==="ordered_list_close"},{shift:1,type:"paragraph_open"},{shift:2,type:"inline",content:Le.hasDelimiters("only",t),children:n=>n.length===1},{shift:3,type:"paragraph_close"}],transform:(n,s)=>{const r=n[s+2].content,i=Le.getAttrs(r,0,t),a=Le.getMatchingOpeningToken(n,s);Le.addAttrs(i,a),n.splice(s+1,3)}},{name:"list item end",tests:[{shift:-2,type:"list_item_open"},{shift:0,type:"inline",children:[{position:-1,type:"text",content:Le.hasDelimiters("end",t)}]}],transform:(n,s,o)=>{const r=n[s].children[o],i=r.content,a=Le.getAttrs(i,i.lastIndexOf(t.leftDelimiter),t);Le.addAttrs(a,n[s-2]);const l=i.slice(0,i.lastIndexOf(t.leftDelimiter));r.content=Sh(l)!==" "?l:l.slice(0,-1)}},{name:` +https://github.com/highlightjs/highlight.js/issues/2277`),_e=T,we=q),G===void 0&&(G=!0);const ee={code:we,language:_e};ae("before:highlight",ee);const ke=ee.result?ee.result:h(ee.language,ee.code,G);return ke.code=ee.code,ae("after:highlight",ke),ke}function h(T,q,G,we){const _e=Object.create(null);function ee(W,oe){return W.keywords[oe]}function ke(){if(!z.keywords){U.addText(Y);return}let W=0;z.keywordPatternRe.lastIndex=0;let oe=z.keywordPatternRe.exec(Y),me="";for(;oe;){me+=Y.substring(W,oe.index);const Te=j.case_insensitive?oe[0].toLowerCase():oe[0],Be=ee(z,Te);if(Be){const[We,Pe]=Be;if(U.addText(me),me="",_e[Te]=(_e[Te]||0)+1,_e[Te]<=NSe&&(ie+=Pe),We.startsWith("_"))me+=oe[0];else{const et=j.classNameAliases[We]||We;Q(oe[0],et)}}else me+=oe[0];W=z.keywordPatternRe.lastIndex,oe=z.keywordPatternRe.exec(Y)}me+=Y.substring(W),U.addText(me)}function Se(){if(Y==="")return;let W=null;if(typeof z.subLanguage=="string"){if(!e[z.subLanguage]){U.addText(Y);return}W=h(z.subLanguage,Y,!0,se[z.subLanguage]),se[z.subLanguage]=W._top}else W=g(Y,z.subLanguage.length?z.subLanguage:null);z.relevance>0&&(ie+=W.relevance),U.__addSublanguage(W._emitter,W.language)}function N(){z.subLanguage!=null?Se():ke(),Y=""}function Q(W,oe){W!==""&&(U.startScope(oe),U.addText(W),U.endScope())}function V(W,oe){let me=1;const Te=oe.length-1;for(;me<=Te;){if(!W._emit[me]){me++;continue}const Be=j.classNameAliases[W[me]]||W[me],We=oe[me];Be?Q(We,Be):(Y=We,ke(),Y=""),me++}}function te(W,oe){return W.scope&&typeof W.scope=="string"&&U.openNode(j.classNameAliases[W.scope]||W.scope),W.beginScope&&(W.beginScope._wrap?(Q(Y,j.classNameAliases[W.beginScope._wrap]||W.beginScope._wrap),Y=""):W.beginScope._multi&&(V(W.beginScope,oe),Y="")),z=Object.create(W,{parent:{value:z}}),z}function X(W,oe,me){let Te=WAe(W.endRe,me);if(Te){if(W["on:end"]){const Be=new Bu(W);W["on:end"](oe,Be),Be.isMatchIgnored&&(Te=!1)}if(Te){for(;W.endsParent&&W.parent;)W=W.parent;return W}}if(W.endsWithParent)return X(W.parent,oe,me)}function ge(W){return z.matcher.regexIndex===0?(Y+=W[0],1):(Ce=!0,0)}function de(W){const oe=W[0],me=W.rule,Te=new Bu(me),Be=[me.__beforeBegin,me["on:begin"]];for(const We of Be)if(We&&(We(W,Te),Te.isMatchIgnored))return ge(oe);return me.skip?Y+=oe:(me.excludeBegin&&(Y+=oe),N(),!me.returnBegin&&!me.excludeBegin&&(Y=oe)),te(me,W),me.returnBegin?0:oe.length}function w(W){const oe=W[0],me=q.substring(W.index),Te=X(z,W,me);if(!Te)return Hu;const Be=z;z.endScope&&z.endScope._wrap?(N(),Q(oe,z.endScope._wrap)):z.endScope&&z.endScope._multi?(N(),V(z.endScope,W)):Be.skip?Y+=oe:(Be.returnEnd||Be.excludeEnd||(Y+=oe),N(),Be.excludeEnd&&(Y=oe));do z.scope&&U.closeNode(),!z.skip&&!z.subLanguage&&(ie+=z.relevance),z=z.parent;while(z!==Te.parent);return Te.starts&&te(Te.starts,W),Be.returnEnd?0:oe.length}function A(){const W=[];for(let oe=z;oe!==j;oe=oe.parent)oe.scope&&W.unshift(oe.scope);W.forEach(oe=>U.openNode(oe))}let P={};function $(W,oe){const me=oe&&oe[0];if(Y+=W,me==null)return N(),0;if(P.type==="begin"&&oe.type==="end"&&P.index===oe.index&&me===""){if(Y+=q.slice(oe.index,oe.index+1),!o){const Te=new Error(`0 width match regex (${T})`);throw Te.languageName=T,Te.badRule=P.rule,Te}return 1}if(P=oe,oe.type==="begin")return de(oe);if(oe.type==="illegal"&&!G){const Te=new Error('Illegal lexeme "'+me+'" for mode "'+(z.scope||"")+'"');throw Te.mode=z,Te}else if(oe.type==="end"){const Te=w(oe);if(Te!==Hu)return Te}if(oe.type==="illegal"&&me==="")return 1;if(ue>1e5&&ue>oe.index*3)throw new Error("potential infinite loop, way more iterations than matches");return Y+=me,me.length}const j=E(T);if(!j)throw Yn(r.replace("{}",T)),new Error('Unknown language: "'+T+'"');const ne=TSe(j);let re="",z=we||ne;const se={},U=new a.__emitter(a);A();let Y="",ie=0,pe=0,ue=0,Ce=!1;try{if(j.__emitTokens)j.__emitTokens(q,U);else{for(z.matcher.considerAll();;){ue++,Ce?Ce=!1:z.matcher.considerAll(),z.matcher.lastIndex=pe;const W=z.matcher.exec(q);if(!W)break;const oe=q.substring(pe,W.index),me=$(oe,W);pe=W.index+me}$(q.substring(pe))}return U.finalize(),re=U.toHTML(),{language:T,value:re,relevance:ie,illegal:!1,_emitter:U,_top:z}}catch(W){if(W.message&&W.message.includes("Illegal"))return{language:T,value:ta(q),illegal:!0,relevance:0,_illegalBy:{message:W.message,index:pe,context:q.slice(pe-100,pe+100),mode:W.mode,resultSoFar:re},_emitter:U};if(o)return{language:T,value:ta(q),illegal:!1,relevance:0,errorRaised:W,_emitter:U,_top:z};throw W}}function f(T){const q={value:ta(T),illegal:!1,relevance:0,_top:i,_emitter:new a.__emitter(a)};return q._emitter.addText(T),q}function g(T,q){q=q||a.languages||Object.keys(e);const G=f(T),we=q.filter(E).filter(L).map(N=>h(N,T,!1));we.unshift(G);const _e=we.sort((N,Q)=>{if(N.relevance!==Q.relevance)return Q.relevance-N.relevance;if(N.language&&Q.language){if(E(N.language).supersetOf===Q.language)return 1;if(E(Q.language).supersetOf===N.language)return-1}return 0}),[ee,ke]=_e,Se=ee;return Se.secondBest=ke,Se}function m(T,q,G){const we=q&&n[q]||G;T.classList.add("hljs"),T.classList.add(`language-${we}`)}function p(T){let q=null;const G=c(T);if(l(G))return;if(ae("before:highlightElement",{el:T,language:G}),T.children.length>0&&(a.ignoreUnescapedHTML||(console.warn("One of your code blocks includes unescaped HTML. This is a potentially serious security risk."),console.warn("https://github.com/highlightjs/highlight.js/wiki/security"),console.warn("The element with unescaped HTML:"),console.warn(T)),a.throwUnescapedHTML))throw new RSe("One of your code blocks includes unescaped HTML.",T.innerHTML);q=T;const we=q.textContent,_e=G?u(we,{language:G,ignoreIllegals:!0}):g(we);T.innerHTML=_e.value,m(T,G,_e.language),T.result={language:_e.language,re:_e.relevance,relevance:_e.relevance},_e.secondBest&&(T.secondBest={language:_e.secondBest.language,relevance:_e.secondBest.relevance}),ae("after:highlightElement",{el:T,result:_e,text:we})}function b(T){a=qu(a,T)}const _=()=>{S(),hs("10.6.0","initHighlighting() deprecated. Use highlightAll() now.")};function y(){S(),hs("10.6.0","initHighlightingOnLoad() deprecated. Use highlightAll() now.")}let x=!1;function S(){if(document.readyState==="loading"){x=!0;return}document.querySelectorAll(a.cssSelector).forEach(p)}function R(){x&&S()}typeof window<"u"&&window.addEventListener&&window.addEventListener("DOMContentLoaded",R,!1);function O(T,q){let G=null;try{G=q(t)}catch(we){if(Yn("Language definition for '{}' could not be registered.".replace("{}",T)),o)Yn(we);else throw we;G=i}G.name||(G.name=T),e[T]=G,G.rawDefinition=q.bind(null,t),G.aliases&&M(G.aliases,{languageName:T})}function D(T){delete e[T];for(const q of Object.keys(n))n[q]===T&&delete n[q]}function v(){return Object.keys(e)}function E(T){return T=(T||"").toLowerCase(),e[T]||e[n[T]]}function M(T,{languageName:q}){typeof T=="string"&&(T=[T]),T.forEach(G=>{n[G.toLowerCase()]=q})}function L(T){const q=E(T);return q&&!q.disableAutodetect}function B(T){T["before:highlightBlock"]&&!T["before:highlightElement"]&&(T["before:highlightElement"]=q=>{T["before:highlightBlock"](Object.assign({block:q.el},q))}),T["after:highlightBlock"]&&!T["after:highlightElement"]&&(T["after:highlightElement"]=q=>{T["after:highlightBlock"](Object.assign({block:q.el},q))})}function J(T){B(T),s.push(T)}function I(T){const q=s.indexOf(T);q!==-1&&s.splice(q,1)}function ae(T,q){const G=T;s.forEach(function(we){we[G]&&we[G](q)})}function Z(T){return hs("10.7.0","highlightBlock will be removed entirely in v12.0"),hs("10.7.0","Please use highlightElement now."),p(T)}Object.assign(t,{highlight:u,highlightAuto:g,highlightAll:S,highlightElement:p,highlightBlock:Z,configure:b,initHighlighting:_,initHighlightingOnLoad:y,registerLanguage:O,unregisterLanguage:D,listLanguages:v,getLanguage:E,registerAliases:M,autoDetection:L,inherit:qu,addPlugin:J,removePlugin:I}),t.debugMode=function(){o=!1},t.safeMode=function(){o=!0},t.versionString=OSe,t.regex={concat:as,lookahead:Sg,either:mc,optional:GAe,anyNumberOfTimes:VAe};for(const T in Qo)typeof Qo[T]=="object"&&Cg(Qo[T]);return Object.assign(t,Qo),t},Ls=Pg({});Ls.newInstance=()=>Pg({});var DSe=Ls;Ls.HighlightJS=Ls;Ls.default=Ls;var na,Vu;function LSe(){if(Vu)return na;Vu=1;function t(e){const n=e.regex,s=n.concat(/[\p{L}_]/u,n.optional(/[\p{L}0-9_.-]*:/u),/[\p{L}0-9_.-]*/u),o=/[\p{L}0-9._:-]+/u,r={className:"symbol",begin:/&[a-z]+;|&#[0-9]+;|&#x[a-f0-9]+;/},i={begin:/\s/,contains:[{className:"keyword",begin:/#?[a-z_][a-z1-9_-]+/,illegal:/\n/}]},a=e.inherit(i,{begin:/\(/,end:/\)/}),l=e.inherit(e.APOS_STRING_MODE,{className:"string"}),c=e.inherit(e.QUOTE_STRING_MODE,{className:"string"}),u={endsWithParent:!0,illegal:/`]+/}]}]}]};return{name:"HTML, XML",aliases:["html","xhtml","rss","atom","xjb","xsd","xsl","plist","wsf","svg"],case_insensitive:!0,unicodeRegex:!0,contains:[{className:"meta",begin://,relevance:10,contains:[i,c,l,a,{begin:/\[/,end:/\]/,contains:[{className:"meta",begin://,contains:[i,a,c,l]}]}]},e.COMMENT(//,{relevance:10}),{begin://,relevance:10},r,{className:"meta",end:/\?>/,variants:[{begin:/<\?xml/,relevance:10,contains:[c]},{begin:/<\?[a-z][a-z0-9]+/}]},{className:"tag",begin:/)/,end:/>/,keywords:{name:"style"},contains:[u],starts:{end:/<\/style>/,returnEnd:!0,subLanguage:["css","xml"]}},{className:"tag",begin:/)/,end:/>/,keywords:{name:"script"},contains:[u],starts:{end:/<\/script>/,returnEnd:!0,subLanguage:["javascript","handlebars","xml"]}},{className:"tag",begin:/<>|<\/>/},{className:"tag",begin:n.concat(//,/>/,/\s/)))),end:/\/?>/,contains:[{className:"name",begin:s,relevance:0,starts:u}]},{className:"tag",begin:n.concat(/<\//,n.lookahead(n.concat(s,/>/))),contains:[{className:"name",begin:s,relevance:0},{begin:/>/,relevance:0,endsParent:!0}]}]}}return na=t,na}var sa,Gu;function ISe(){if(Gu)return sa;Gu=1;function t(e){const n=e.regex,s={},o={begin:/\$\{/,end:/\}/,contains:["self",{begin:/:-/,contains:[s]}]};Object.assign(s,{className:"variable",variants:[{begin:n.concat(/\$[\w\d#@][\w\d_]*/,"(?![\\w\\d])(?![$])")},o]});const r={className:"subst",begin:/\$\(/,end:/\)/,contains:[e.BACKSLASH_ESCAPE]},i={begin:/<<-?\s*(?=\w+)/,starts:{contains:[e.END_SAME_AS_BEGIN({begin:/(\w+)/,end:/(\w+)/,className:"string"})]}},a={className:"string",begin:/"/,end:/"/,contains:[e.BACKSLASH_ESCAPE,s,r]};r.contains.push(a);const l={className:"",begin:/\\"/},c={className:"string",begin:/'/,end:/'/},u={begin:/\$?\(\(/,end:/\)\)/,contains:[{begin:/\d+#[0-9a-f]+/,className:"number"},e.NUMBER_MODE,s]},h=["fish","bash","zsh","sh","csh","ksh","tcsh","dash","scsh"],f=e.SHEBANG({binary:`(${h.join("|")})`,relevance:10}),g={className:"function",begin:/\w[\w\d_]*\s*\(\s*\)\s*\{/,returnBegin:!0,contains:[e.inherit(e.TITLE_MODE,{begin:/\w[\w\d_]*/})],relevance:0},m=["if","then","else","elif","fi","for","while","until","in","do","done","case","esac","function","select"],p=["true","false"],b={match:/(\/[a-z._-]+)+/},_=["break","cd","continue","eval","exec","exit","export","getopts","hash","pwd","readonly","return","shift","test","times","trap","umask","unset"],y=["alias","bind","builtin","caller","command","declare","echo","enable","help","let","local","logout","mapfile","printf","read","readarray","source","type","typeset","ulimit","unalias"],x=["autoload","bg","bindkey","bye","cap","chdir","clone","comparguments","compcall","compctl","compdescribe","compfiles","compgroups","compquote","comptags","comptry","compvalues","dirs","disable","disown","echotc","echoti","emulate","fc","fg","float","functions","getcap","getln","history","integer","jobs","kill","limit","log","noglob","popd","print","pushd","pushln","rehash","sched","setcap","setopt","stat","suspend","ttyctl","unfunction","unhash","unlimit","unsetopt","vared","wait","whence","where","which","zcompile","zformat","zftp","zle","zmodload","zparseopts","zprof","zpty","zregexparse","zsocket","zstyle","ztcp"],S=["chcon","chgrp","chown","chmod","cp","dd","df","dir","dircolors","ln","ls","mkdir","mkfifo","mknod","mktemp","mv","realpath","rm","rmdir","shred","sync","touch","truncate","vdir","b2sum","base32","base64","cat","cksum","comm","csplit","cut","expand","fmt","fold","head","join","md5sum","nl","numfmt","od","paste","ptx","pr","sha1sum","sha224sum","sha256sum","sha384sum","sha512sum","shuf","sort","split","sum","tac","tail","tr","tsort","unexpand","uniq","wc","arch","basename","chroot","date","dirname","du","echo","env","expr","factor","groups","hostid","id","link","logname","nice","nohup","nproc","pathchk","pinky","printenv","printf","pwd","readlink","runcon","seq","sleep","stat","stdbuf","stty","tee","test","timeout","tty","uname","unlink","uptime","users","who","whoami","yes"];return{name:"Bash",aliases:["sh"],keywords:{$pattern:/\b[a-z][a-z0-9._-]+\b/,keyword:m,literal:p,built_in:[..._,...y,"set","shopt",...x,...S]},contains:[f,e.SHEBANG(),g,u,e.HASH_COMMENT_MODE,i,b,a,l,c,s]}}return sa=t,sa}var oa,Ku;function PSe(){if(Ku)return oa;Ku=1;function t(e){const n=e.regex,s=e.COMMENT("//","$",{contains:[{begin:/\\\n/}]}),o="decltype\\(auto\\)",r="[a-zA-Z_]\\w*::",i="<[^<>]+>",a="("+o+"|"+n.optional(r)+"[a-zA-Z_]\\w*"+n.optional(i)+")",l={className:"type",variants:[{begin:"\\b[a-z\\d_]*_t\\b"},{match:/\batomic_[a-z]{3,6}\b/}]},c="\\\\(x[0-9A-Fa-f]{2}|u[0-9A-Fa-f]{4,8}|[0-7]{3}|\\S)",u={className:"string",variants:[{begin:'(u8?|U|L)?"',end:'"',illegal:"\\n",contains:[e.BACKSLASH_ESCAPE]},{begin:"(u8?|U|L)?'("+c+"|.)",end:"'",illegal:"."},e.END_SAME_AS_BEGIN({begin:/(?:u8?|U|L)?R"([^()\\ ]{0,16})\(/,end:/\)([^()\\ ]{0,16})"/})]},h={className:"number",variants:[{begin:"\\b(0b[01']+)"},{begin:"(-?)\\b([\\d']+(\\.[\\d']*)?|\\.[\\d']+)((ll|LL|l|L)(u|U)?|(u|U)(ll|LL|l|L)?|f|F|b|B)"},{begin:"(-?)(\\b0[xX][a-fA-F0-9']+|(\\b[\\d']+(\\.[\\d']*)?|\\.[\\d']+)([eE][-+]?[\\d']+)?)"}],relevance:0},f={className:"meta",begin:/#\s*[a-z]+\b/,end:/$/,keywords:{keyword:"if else elif endif define undef warning error line pragma _Pragma ifdef ifndef include"},contains:[{begin:/\\\n/,relevance:0},e.inherit(u,{className:"string"}),{className:"string",begin:/<.*?>/},s,e.C_BLOCK_COMMENT_MODE]},g={className:"title",begin:n.optional(r)+e.IDENT_RE,relevance:0},m=n.optional(r)+e.IDENT_RE+"\\s*\\(",_={keyword:["asm","auto","break","case","continue","default","do","else","enum","extern","for","fortran","goto","if","inline","register","restrict","return","sizeof","struct","switch","typedef","union","volatile","while","_Alignas","_Alignof","_Atomic","_Generic","_Noreturn","_Static_assert","_Thread_local","alignas","alignof","noreturn","static_assert","thread_local","_Pragma"],type:["float","double","signed","unsigned","int","short","long","char","void","_Bool","_Complex","_Imaginary","_Decimal32","_Decimal64","_Decimal128","const","static","complex","bool","imaginary"],literal:"true false NULL",built_in:"std string wstring cin cout cerr clog stdin stdout stderr stringstream istringstream ostringstream auto_ptr deque list queue stack vector map set pair bitset multiset multimap unordered_set unordered_map unordered_multiset unordered_multimap priority_queue make_pair array shared_ptr abort terminate abs acos asin atan2 atan calloc ceil cosh cos exit exp fabs floor fmod fprintf fputs free frexp fscanf future isalnum isalpha iscntrl isdigit isgraph islower isprint ispunct isspace isupper isxdigit tolower toupper labs ldexp log10 log malloc realloc memchr memcmp memcpy memset modf pow printf putchar puts scanf sinh sin snprintf sprintf sqrt sscanf strcat strchr strcmp strcpy strcspn strlen strncat strncmp strncpy strpbrk strrchr strspn strstr tanh tan vfprintf vprintf vsprintf endl initializer_list unique_ptr"},y=[f,l,s,e.C_BLOCK_COMMENT_MODE,h,u],x={variants:[{begin:/=/,end:/;/},{begin:/\(/,end:/\)/},{beginKeywords:"new throw return else",end:/;/}],keywords:_,contains:y.concat([{begin:/\(/,end:/\)/,keywords:_,contains:y.concat(["self"]),relevance:0}]),relevance:0},S={begin:"("+a+"[\\*&\\s]+)+"+m,returnBegin:!0,end:/[{;=]/,excludeEnd:!0,keywords:_,illegal:/[^\w\s\*&:<>.]/,contains:[{begin:o,keywords:_,relevance:0},{begin:m,returnBegin:!0,contains:[e.inherit(g,{className:"title.function"})],relevance:0},{relevance:0,match:/,/},{className:"params",begin:/\(/,end:/\)/,keywords:_,relevance:0,contains:[s,e.C_BLOCK_COMMENT_MODE,u,h,l,{begin:/\(/,end:/\)/,keywords:_,relevance:0,contains:["self",s,e.C_BLOCK_COMMENT_MODE,u,h,l]}]},l,s,e.C_BLOCK_COMMENT_MODE,f]};return{name:"C",aliases:["h"],keywords:_,disableAutodetect:!0,illegal:"=]/,contains:[{beginKeywords:"final class struct"},e.TITLE_MODE]}]),exports:{preprocessor:f,strings:u,keywords:_}}}return oa=t,oa}var ra,Wu;function FSe(){if(Wu)return ra;Wu=1;function t(e){const n=e.regex,s=e.COMMENT("//","$",{contains:[{begin:/\\\n/}]}),o="decltype\\(auto\\)",r="[a-zA-Z_]\\w*::",i="<[^<>]+>",a="(?!struct)("+o+"|"+n.optional(r)+"[a-zA-Z_]\\w*"+n.optional(i)+")",l={className:"type",begin:"\\b[a-z\\d_]*_t\\b"},c="\\\\(x[0-9A-Fa-f]{2}|u[0-9A-Fa-f]{4,8}|[0-7]{3}|\\S)",u={className:"string",variants:[{begin:'(u8?|U|L)?"',end:'"',illegal:"\\n",contains:[e.BACKSLASH_ESCAPE]},{begin:"(u8?|U|L)?'("+c+"|.)",end:"'",illegal:"."},e.END_SAME_AS_BEGIN({begin:/(?:u8?|U|L)?R"([^()\\ ]{0,16})\(/,end:/\)([^()\\ ]{0,16})"/})]},h={className:"number",variants:[{begin:"\\b(0b[01']+)"},{begin:"(-?)\\b([\\d']+(\\.[\\d']*)?|\\.[\\d']+)((ll|LL|l|L)(u|U)?|(u|U)(ll|LL|l|L)?|f|F|b|B)"},{begin:"(-?)(\\b0[xX][a-fA-F0-9']+|(\\b[\\d']+(\\.[\\d']*)?|\\.[\\d']+)([eE][-+]?[\\d']+)?)"}],relevance:0},f={className:"meta",begin:/#\s*[a-z]+\b/,end:/$/,keywords:{keyword:"if else elif endif define undef warning error line pragma _Pragma ifdef ifndef include"},contains:[{begin:/\\\n/,relevance:0},e.inherit(u,{className:"string"}),{className:"string",begin:/<.*?>/},s,e.C_BLOCK_COMMENT_MODE]},g={className:"title",begin:n.optional(r)+e.IDENT_RE,relevance:0},m=n.optional(r)+e.IDENT_RE+"\\s*\\(",p=["alignas","alignof","and","and_eq","asm","atomic_cancel","atomic_commit","atomic_noexcept","auto","bitand","bitor","break","case","catch","class","co_await","co_return","co_yield","compl","concept","const_cast|10","consteval","constexpr","constinit","continue","decltype","default","delete","do","dynamic_cast|10","else","enum","explicit","export","extern","false","final","for","friend","goto","if","import","inline","module","mutable","namespace","new","noexcept","not","not_eq","nullptr","operator","or","or_eq","override","private","protected","public","reflexpr","register","reinterpret_cast|10","requires","return","sizeof","static_assert","static_cast|10","struct","switch","synchronized","template","this","thread_local","throw","transaction_safe","transaction_safe_dynamic","true","try","typedef","typeid","typename","union","using","virtual","volatile","while","xor","xor_eq"],b=["bool","char","char16_t","char32_t","char8_t","double","float","int","long","short","void","wchar_t","unsigned","signed","const","static"],_=["any","auto_ptr","barrier","binary_semaphore","bitset","complex","condition_variable","condition_variable_any","counting_semaphore","deque","false_type","future","imaginary","initializer_list","istringstream","jthread","latch","lock_guard","multimap","multiset","mutex","optional","ostringstream","packaged_task","pair","promise","priority_queue","queue","recursive_mutex","recursive_timed_mutex","scoped_lock","set","shared_future","shared_lock","shared_mutex","shared_timed_mutex","shared_ptr","stack","string_view","stringstream","timed_mutex","thread","true_type","tuple","unique_lock","unique_ptr","unordered_map","unordered_multimap","unordered_multiset","unordered_set","variant","vector","weak_ptr","wstring","wstring_view"],y=["abort","abs","acos","apply","as_const","asin","atan","atan2","calloc","ceil","cerr","cin","clog","cos","cosh","cout","declval","endl","exchange","exit","exp","fabs","floor","fmod","forward","fprintf","fputs","free","frexp","fscanf","future","invoke","isalnum","isalpha","iscntrl","isdigit","isgraph","islower","isprint","ispunct","isspace","isupper","isxdigit","labs","launder","ldexp","log","log10","make_pair","make_shared","make_shared_for_overwrite","make_tuple","make_unique","malloc","memchr","memcmp","memcpy","memset","modf","move","pow","printf","putchar","puts","realloc","scanf","sin","sinh","snprintf","sprintf","sqrt","sscanf","std","stderr","stdin","stdout","strcat","strchr","strcmp","strcpy","strcspn","strlen","strncat","strncmp","strncpy","strpbrk","strrchr","strspn","strstr","swap","tan","tanh","terminate","to_underlying","tolower","toupper","vfprintf","visit","vprintf","vsprintf"],R={type:b,keyword:p,literal:["NULL","false","nullopt","nullptr","true"],built_in:["_Pragma"],_type_hints:_},O={className:"function.dispatch",relevance:0,keywords:{_hint:y},begin:n.concat(/\b/,/(?!decltype)/,/(?!if)/,/(?!for)/,/(?!switch)/,/(?!while)/,e.IDENT_RE,n.lookahead(/(<[^<>]+>|)\s*\(/))},D=[O,f,l,s,e.C_BLOCK_COMMENT_MODE,h,u],v={variants:[{begin:/=/,end:/;/},{begin:/\(/,end:/\)/},{beginKeywords:"new throw return else",end:/;/}],keywords:R,contains:D.concat([{begin:/\(/,end:/\)/,keywords:R,contains:D.concat(["self"]),relevance:0}]),relevance:0},E={className:"function",begin:"("+a+"[\\*&\\s]+)+"+m,returnBegin:!0,end:/[{;=]/,excludeEnd:!0,keywords:R,illegal:/[^\w\s\*&:<>.]/,contains:[{begin:o,keywords:R,relevance:0},{begin:m,returnBegin:!0,contains:[g],relevance:0},{begin:/::/,relevance:0},{begin:/:/,endsWithParent:!0,contains:[u,h]},{relevance:0,match:/,/},{className:"params",begin:/\(/,end:/\)/,keywords:R,relevance:0,contains:[s,e.C_BLOCK_COMMENT_MODE,u,h,l,{begin:/\(/,end:/\)/,keywords:R,relevance:0,contains:["self",s,e.C_BLOCK_COMMENT_MODE,u,h,l]}]},l,s,e.C_BLOCK_COMMENT_MODE,f]};return{name:"C++",aliases:["cc","c++","h++","hpp","hh","hxx","cxx"],keywords:R,illegal:"",keywords:R,contains:["self",l]},{begin:e.IDENT_RE+"::",keywords:R},{match:[/\b(?:enum(?:\s+(?:class|struct))?|class|struct|union)/,/\s+/,/\w+/],className:{1:"keyword",3:"title.class"}}])}}return ra=t,ra}var ia,Zu;function BSe(){if(Zu)return ia;Zu=1;function t(e){const n=["bool","byte","char","decimal","delegate","double","dynamic","enum","float","int","long","nint","nuint","object","sbyte","short","string","ulong","uint","ushort"],s=["public","private","protected","static","internal","protected","abstract","async","extern","override","unsafe","virtual","new","sealed","partial"],o=["default","false","null","true"],r=["abstract","as","base","break","case","catch","class","const","continue","do","else","event","explicit","extern","finally","fixed","for","foreach","goto","if","implicit","in","interface","internal","is","lock","namespace","new","operator","out","override","params","private","protected","public","readonly","record","ref","return","scoped","sealed","sizeof","stackalloc","static","struct","switch","this","throw","try","typeof","unchecked","unsafe","using","virtual","void","volatile","while"],i=["add","alias","and","ascending","async","await","by","descending","equals","from","get","global","group","init","into","join","let","nameof","not","notnull","on","or","orderby","partial","remove","select","set","unmanaged","value|0","var","when","where","with","yield"],a={keyword:r.concat(i),built_in:n,literal:o},l=e.inherit(e.TITLE_MODE,{begin:"[a-zA-Z](\\.?\\w)*"}),c={className:"number",variants:[{begin:"\\b(0b[01']+)"},{begin:"(-?)\\b([\\d']+(\\.[\\d']*)?|\\.[\\d']+)(u|U|l|L|ul|UL|f|F|b|B)"},{begin:"(-?)(\\b0[xX][a-fA-F0-9']+|(\\b[\\d']+(\\.[\\d']*)?|\\.[\\d']+)([eE][-+]?[\\d']+)?)"}],relevance:0},u={className:"string",begin:'@"',end:'"',contains:[{begin:'""'}]},h=e.inherit(u,{illegal:/\n/}),f={className:"subst",begin:/\{/,end:/\}/,keywords:a},g=e.inherit(f,{illegal:/\n/}),m={className:"string",begin:/\$"/,end:'"',illegal:/\n/,contains:[{begin:/\{\{/},{begin:/\}\}/},e.BACKSLASH_ESCAPE,g]},p={className:"string",begin:/\$@"/,end:'"',contains:[{begin:/\{\{/},{begin:/\}\}/},{begin:'""'},f]},b=e.inherit(p,{illegal:/\n/,contains:[{begin:/\{\{/},{begin:/\}\}/},{begin:'""'},g]});f.contains=[p,m,u,e.APOS_STRING_MODE,e.QUOTE_STRING_MODE,c,e.C_BLOCK_COMMENT_MODE],g.contains=[b,m,h,e.APOS_STRING_MODE,e.QUOTE_STRING_MODE,c,e.inherit(e.C_BLOCK_COMMENT_MODE,{illegal:/\n/})];const _={variants:[p,m,u,e.APOS_STRING_MODE,e.QUOTE_STRING_MODE]},y={begin:"<",end:">",contains:[{beginKeywords:"in out"},l]},x=e.IDENT_RE+"(<"+e.IDENT_RE+"(\\s*,\\s*"+e.IDENT_RE+")*>)?(\\[\\])?",S={begin:"@"+e.IDENT_RE,relevance:0};return{name:"C#",aliases:["cs","c#"],keywords:a,illegal:/::/,contains:[e.COMMENT("///","$",{returnBegin:!0,contains:[{className:"doctag",variants:[{begin:"///",relevance:0},{begin:""},{begin:""}]}]}),e.C_LINE_COMMENT_MODE,e.C_BLOCK_COMMENT_MODE,{className:"meta",begin:"#",end:"$",keywords:{keyword:"if else elif endif define undef warning error line region endregion pragma checksum"}},_,c,{beginKeywords:"class interface",relevance:0,end:/[{;=]/,illegal:/[^\s:,]/,contains:[{beginKeywords:"where class"},l,y,e.C_LINE_COMMENT_MODE,e.C_BLOCK_COMMENT_MODE]},{beginKeywords:"namespace",relevance:0,end:/[{;=]/,illegal:/[^\s:]/,contains:[l,e.C_LINE_COMMENT_MODE,e.C_BLOCK_COMMENT_MODE]},{beginKeywords:"record",relevance:0,end:/[{;=]/,illegal:/[^\s:]/,contains:[l,y,e.C_LINE_COMMENT_MODE,e.C_BLOCK_COMMENT_MODE]},{className:"meta",begin:"^\\s*\\[(?=[\\w])",excludeBegin:!0,end:"\\]",excludeEnd:!0,contains:[{className:"string",begin:/"/,end:/"/}]},{beginKeywords:"new return throw await else",relevance:0},{className:"function",begin:"("+x+"\\s+)+"+e.IDENT_RE+"\\s*(<[^=]+>\\s*)?\\(",returnBegin:!0,end:/\s*[{;=]/,excludeEnd:!0,keywords:a,contains:[{beginKeywords:s.join(" "),relevance:0},{begin:e.IDENT_RE+"\\s*(<[^=]+>\\s*)?\\(",returnBegin:!0,contains:[e.TITLE_MODE,y],relevance:0},{match:/\(\)/},{className:"params",begin:/\(/,end:/\)/,excludeBegin:!0,excludeEnd:!0,keywords:a,relevance:0,contains:[_,c,e.C_BLOCK_COMMENT_MODE]},e.C_LINE_COMMENT_MODE,e.C_BLOCK_COMMENT_MODE]},S]}}return ia=t,ia}var aa,Yu;function $Se(){if(Yu)return aa;Yu=1;const t=a=>({IMPORTANT:{scope:"meta",begin:"!important"},BLOCK_COMMENT:a.C_BLOCK_COMMENT_MODE,HEXCOLOR:{scope:"number",begin:/#(([0-9a-fA-F]{3,4})|(([0-9a-fA-F]{2}){3,4}))\b/},FUNCTION_DISPATCH:{className:"built_in",begin:/[\w-]+(?=\()/},ATTRIBUTE_SELECTOR_MODE:{scope:"selector-attr",begin:/\[/,end:/\]/,illegal:"$",contains:[a.APOS_STRING_MODE,a.QUOTE_STRING_MODE]},CSS_NUMBER_MODE:{scope:"number",begin:a.NUMBER_RE+"(%|em|ex|ch|rem|vw|vh|vmin|vmax|cm|mm|in|pt|pc|px|deg|grad|rad|turn|s|ms|Hz|kHz|dpi|dpcm|dppx)?",relevance:0},CSS_VARIABLE:{className:"attr",begin:/--[A-Za-z][A-Za-z0-9_-]*/}}),e=["a","abbr","address","article","aside","audio","b","blockquote","body","button","canvas","caption","cite","code","dd","del","details","dfn","div","dl","dt","em","fieldset","figcaption","figure","footer","form","h1","h2","h3","h4","h5","h6","header","hgroup","html","i","iframe","img","input","ins","kbd","label","legend","li","main","mark","menu","nav","object","ol","p","q","quote","samp","section","span","strong","summary","sup","table","tbody","td","textarea","tfoot","th","thead","time","tr","ul","var","video"],n=["any-hover","any-pointer","aspect-ratio","color","color-gamut","color-index","device-aspect-ratio","device-height","device-width","display-mode","forced-colors","grid","height","hover","inverted-colors","monochrome","orientation","overflow-block","overflow-inline","pointer","prefers-color-scheme","prefers-contrast","prefers-reduced-motion","prefers-reduced-transparency","resolution","scan","scripting","update","width","min-width","max-width","min-height","max-height"],s=["active","any-link","blank","checked","current","default","defined","dir","disabled","drop","empty","enabled","first","first-child","first-of-type","fullscreen","future","focus","focus-visible","focus-within","has","host","host-context","hover","indeterminate","in-range","invalid","is","lang","last-child","last-of-type","left","link","local-link","not","nth-child","nth-col","nth-last-child","nth-last-col","nth-last-of-type","nth-of-type","only-child","only-of-type","optional","out-of-range","past","placeholder-shown","read-only","read-write","required","right","root","scope","target","target-within","user-invalid","valid","visited","where"],o=["after","backdrop","before","cue","cue-region","first-letter","first-line","grammar-error","marker","part","placeholder","selection","slotted","spelling-error"],r=["align-content","align-items","align-self","all","animation","animation-delay","animation-direction","animation-duration","animation-fill-mode","animation-iteration-count","animation-name","animation-play-state","animation-timing-function","backface-visibility","background","background-attachment","background-blend-mode","background-clip","background-color","background-image","background-origin","background-position","background-repeat","background-size","block-size","border","border-block","border-block-color","border-block-end","border-block-end-color","border-block-end-style","border-block-end-width","border-block-start","border-block-start-color","border-block-start-style","border-block-start-width","border-block-style","border-block-width","border-bottom","border-bottom-color","border-bottom-left-radius","border-bottom-right-radius","border-bottom-style","border-bottom-width","border-collapse","border-color","border-image","border-image-outset","border-image-repeat","border-image-slice","border-image-source","border-image-width","border-inline","border-inline-color","border-inline-end","border-inline-end-color","border-inline-end-style","border-inline-end-width","border-inline-start","border-inline-start-color","border-inline-start-style","border-inline-start-width","border-inline-style","border-inline-width","border-left","border-left-color","border-left-style","border-left-width","border-radius","border-right","border-right-color","border-right-style","border-right-width","border-spacing","border-style","border-top","border-top-color","border-top-left-radius","border-top-right-radius","border-top-style","border-top-width","border-width","bottom","box-decoration-break","box-shadow","box-sizing","break-after","break-before","break-inside","caption-side","caret-color","clear","clip","clip-path","clip-rule","color","column-count","column-fill","column-gap","column-rule","column-rule-color","column-rule-style","column-rule-width","column-span","column-width","columns","contain","content","content-visibility","counter-increment","counter-reset","cue","cue-after","cue-before","cursor","direction","display","empty-cells","filter","flex","flex-basis","flex-direction","flex-flow","flex-grow","flex-shrink","flex-wrap","float","flow","font","font-display","font-family","font-feature-settings","font-kerning","font-language-override","font-size","font-size-adjust","font-smoothing","font-stretch","font-style","font-synthesis","font-variant","font-variant-caps","font-variant-east-asian","font-variant-ligatures","font-variant-numeric","font-variant-position","font-variation-settings","font-weight","gap","glyph-orientation-vertical","grid","grid-area","grid-auto-columns","grid-auto-flow","grid-auto-rows","grid-column","grid-column-end","grid-column-start","grid-gap","grid-row","grid-row-end","grid-row-start","grid-template","grid-template-areas","grid-template-columns","grid-template-rows","hanging-punctuation","height","hyphens","icon","image-orientation","image-rendering","image-resolution","ime-mode","inline-size","isolation","justify-content","left","letter-spacing","line-break","line-height","list-style","list-style-image","list-style-position","list-style-type","margin","margin-block","margin-block-end","margin-block-start","margin-bottom","margin-inline","margin-inline-end","margin-inline-start","margin-left","margin-right","margin-top","marks","mask","mask-border","mask-border-mode","mask-border-outset","mask-border-repeat","mask-border-slice","mask-border-source","mask-border-width","mask-clip","mask-composite","mask-image","mask-mode","mask-origin","mask-position","mask-repeat","mask-size","mask-type","max-block-size","max-height","max-inline-size","max-width","min-block-size","min-height","min-inline-size","min-width","mix-blend-mode","nav-down","nav-index","nav-left","nav-right","nav-up","none","normal","object-fit","object-position","opacity","order","orphans","outline","outline-color","outline-offset","outline-style","outline-width","overflow","overflow-wrap","overflow-x","overflow-y","padding","padding-block","padding-block-end","padding-block-start","padding-bottom","padding-inline","padding-inline-end","padding-inline-start","padding-left","padding-right","padding-top","page-break-after","page-break-before","page-break-inside","pause","pause-after","pause-before","perspective","perspective-origin","pointer-events","position","quotes","resize","rest","rest-after","rest-before","right","row-gap","scroll-margin","scroll-margin-block","scroll-margin-block-end","scroll-margin-block-start","scroll-margin-bottom","scroll-margin-inline","scroll-margin-inline-end","scroll-margin-inline-start","scroll-margin-left","scroll-margin-right","scroll-margin-top","scroll-padding","scroll-padding-block","scroll-padding-block-end","scroll-padding-block-start","scroll-padding-bottom","scroll-padding-inline","scroll-padding-inline-end","scroll-padding-inline-start","scroll-padding-left","scroll-padding-right","scroll-padding-top","scroll-snap-align","scroll-snap-stop","scroll-snap-type","scrollbar-color","scrollbar-gutter","scrollbar-width","shape-image-threshold","shape-margin","shape-outside","speak","speak-as","src","tab-size","table-layout","text-align","text-align-all","text-align-last","text-combine-upright","text-decoration","text-decoration-color","text-decoration-line","text-decoration-style","text-emphasis","text-emphasis-color","text-emphasis-position","text-emphasis-style","text-indent","text-justify","text-orientation","text-overflow","text-rendering","text-shadow","text-transform","text-underline-position","top","transform","transform-box","transform-origin","transform-style","transition","transition-delay","transition-duration","transition-property","transition-timing-function","unicode-bidi","vertical-align","visibility","voice-balance","voice-duration","voice-family","voice-pitch","voice-range","voice-rate","voice-stress","voice-volume","white-space","widows","width","will-change","word-break","word-spacing","word-wrap","writing-mode","z-index"].reverse();function i(a){const l=a.regex,c=t(a),u={begin:/-(webkit|moz|ms|o)-(?=[a-z])/},h="and or not only",f=/@-?\w[\w]*(-\w+)*/,g="[a-zA-Z-][a-zA-Z0-9_-]*",m=[a.APOS_STRING_MODE,a.QUOTE_STRING_MODE];return{name:"CSS",case_insensitive:!0,illegal:/[=|'\$]/,keywords:{keyframePosition:"from to"},classNameAliases:{keyframePosition:"selector-tag"},contains:[c.BLOCK_COMMENT,u,c.CSS_NUMBER_MODE,{className:"selector-id",begin:/#[A-Za-z0-9_-]+/,relevance:0},{className:"selector-class",begin:"\\."+g,relevance:0},c.ATTRIBUTE_SELECTOR_MODE,{className:"selector-pseudo",variants:[{begin:":("+s.join("|")+")"},{begin:":(:)?("+o.join("|")+")"}]},c.CSS_VARIABLE,{className:"attribute",begin:"\\b("+r.join("|")+")\\b"},{begin:/:/,end:/[;}{]/,contains:[c.BLOCK_COMMENT,c.HEXCOLOR,c.IMPORTANT,c.CSS_NUMBER_MODE,...m,{begin:/(url|data-uri)\(/,end:/\)/,relevance:0,keywords:{built_in:"url data-uri"},contains:[...m,{className:"string",begin:/[^)]/,endsWithParent:!0,excludeEnd:!0}]},c.FUNCTION_DISPATCH]},{begin:l.lookahead(/@/),end:"[{;]",relevance:0,illegal:/:/,contains:[{className:"keyword",begin:f},{begin:/\s/,endsWithParent:!0,excludeEnd:!0,relevance:0,keywords:{$pattern:/[a-z-]+/,keyword:h,attribute:n.join(" ")},contains:[{begin:/[a-z-]+(?=:)/,className:"attribute"},...m,c.CSS_NUMBER_MODE]}]},{className:"selector-tag",begin:"\\b("+e.join("|")+")\\b"}]}}return aa=i,aa}var la,Ju;function jSe(){if(Ju)return la;Ju=1;function t(e){const n=e.regex,s={begin:/<\/?[A-Za-z_]/,end:">",subLanguage:"xml",relevance:0},o={begin:"^[-\\*]{3,}",end:"$"},r={className:"code",variants:[{begin:"(`{3,})[^`](.|\\n)*?\\1`*[ ]*"},{begin:"(~{3,})[^~](.|\\n)*?\\1~*[ ]*"},{begin:"```",end:"```+[ ]*$"},{begin:"~~~",end:"~~~+[ ]*$"},{begin:"`.+?`"},{begin:"(?=^( {4}|\\t))",contains:[{begin:"^( {4}|\\t)",end:"(\\n)$"}],relevance:0}]},i={className:"bullet",begin:"^[ ]*([*+-]|(\\d+\\.))(?=\\s+)",end:"\\s+",excludeEnd:!0},a={begin:/^\[[^\n]+\]:/,returnBegin:!0,contains:[{className:"symbol",begin:/\[/,end:/\]/,excludeBegin:!0,excludeEnd:!0},{className:"link",begin:/:\s*/,end:/$/,excludeBegin:!0}]},l=/[A-Za-z][A-Za-z0-9+.-]*/,c={variants:[{begin:/\[.+?\]\[.*?\]/,relevance:0},{begin:/\[.+?\]\(((data|javascript|mailto):|(?:http|ftp)s?:\/\/).*?\)/,relevance:2},{begin:n.concat(/\[.+?\]\(/,l,/:\/\/.*?\)/),relevance:2},{begin:/\[.+?\]\([./?&#].*?\)/,relevance:1},{begin:/\[.*?\]\(.*?\)/,relevance:0}],returnBegin:!0,contains:[{match:/\[(?=\])/},{className:"string",relevance:0,begin:"\\[",end:"\\]",excludeBegin:!0,returnEnd:!0},{className:"link",relevance:0,begin:"\\]\\(",end:"\\)",excludeBegin:!0,excludeEnd:!0},{className:"symbol",relevance:0,begin:"\\]\\[",end:"\\]",excludeBegin:!0,excludeEnd:!0}]},u={className:"strong",contains:[],variants:[{begin:/_{2}(?!\s)/,end:/_{2}/},{begin:/\*{2}(?!\s)/,end:/\*{2}/}]},h={className:"emphasis",contains:[],variants:[{begin:/\*(?![*\s])/,end:/\*/},{begin:/_(?![_\s])/,end:/_/,relevance:0}]},f=e.inherit(u,{contains:[]}),g=e.inherit(h,{contains:[]});u.contains.push(g),h.contains.push(f);let m=[s,c];return[u,h,f,g].forEach(_=>{_.contains=_.contains.concat(m)}),m=m.concat(u,h),{name:"Markdown",aliases:["md","mkdown","mkd"],contains:[{className:"section",variants:[{begin:"^#{1,6}",end:"$",contains:m},{begin:"(?=^.+?\\n[=-]{2,}$)",contains:[{begin:"^[=-]*$"},{begin:"^",end:"\\n",contains:m}]}]},s,i,u,h,{className:"quote",begin:"^>\\s+",contains:m,end:"$"},r,o,c,a]}}return la=t,la}var ca,Qu;function zSe(){if(Qu)return ca;Qu=1;function t(e){const n=e.regex;return{name:"Diff",aliases:["patch"],contains:[{className:"meta",relevance:10,match:n.either(/^@@ +-\d+,\d+ +\+\d+,\d+ +@@/,/^\*\*\* +\d+,\d+ +\*\*\*\*$/,/^--- +\d+,\d+ +----$/)},{className:"comment",variants:[{begin:n.either(/Index: /,/^index/,/={3,}/,/^-{3}/,/^\*{3} /,/^\+{3}/,/^diff --git/),end:/$/},{match:/^\*{15}$/}]},{className:"addition",begin:/^\+/,end:/$/},{className:"deletion",begin:/^-/,end:/$/},{className:"addition",begin:/^!/,end:/$/}]}}return ca=t,ca}var da,Xu;function USe(){if(Xu)return da;Xu=1;function t(e){const n=e.regex,s="([a-zA-Z_]\\w*[!?=]?|[-+~]@|<<|>>|=~|===?|<=>|[<>]=?|\\*\\*|[-/+%^&*~`|]|\\[\\]=?)",o=n.either(/\b([A-Z]+[a-z0-9]+)+/,/\b([A-Z]+[a-z0-9]+)+[A-Z]+/),r=n.concat(o,/(::\w+)*/),a={"variable.constant":["__FILE__","__LINE__","__ENCODING__"],"variable.language":["self","super"],keyword:["alias","and","begin","BEGIN","break","case","class","defined","do","else","elsif","end","END","ensure","for","if","in","module","next","not","or","redo","require","rescue","retry","return","then","undef","unless","until","when","while","yield",...["include","extend","prepend","public","private","protected","raise","throw"]],built_in:["proc","lambda","attr_accessor","attr_reader","attr_writer","define_method","private_constant","module_function"],literal:["true","false","nil"]},l={className:"doctag",begin:"@[A-Za-z]+"},c={begin:"#<",end:">"},u=[e.COMMENT("#","$",{contains:[l]}),e.COMMENT("^=begin","^=end",{contains:[l],relevance:10}),e.COMMENT("^__END__",e.MATCH_NOTHING_RE)],h={className:"subst",begin:/#\{/,end:/\}/,keywords:a},f={className:"string",contains:[e.BACKSLASH_ESCAPE,h],variants:[{begin:/'/,end:/'/},{begin:/"/,end:/"/},{begin:/`/,end:/`/},{begin:/%[qQwWx]?\(/,end:/\)/},{begin:/%[qQwWx]?\[/,end:/\]/},{begin:/%[qQwWx]?\{/,end:/\}/},{begin:/%[qQwWx]?/},{begin:/%[qQwWx]?\//,end:/\//},{begin:/%[qQwWx]?%/,end:/%/},{begin:/%[qQwWx]?-/,end:/-/},{begin:/%[qQwWx]?\|/,end:/\|/},{begin:/\B\?(\\\d{1,3})/},{begin:/\B\?(\\x[A-Fa-f0-9]{1,2})/},{begin:/\B\?(\\u\{?[A-Fa-f0-9]{1,6}\}?)/},{begin:/\B\?(\\M-\\C-|\\M-\\c|\\c\\M-|\\M-|\\C-\\M-)[\x20-\x7e]/},{begin:/\B\?\\(c|C-)[\x20-\x7e]/},{begin:/\B\?\\?\S/},{begin:n.concat(/<<[-~]?'?/,n.lookahead(/(\w+)(?=\W)[^\n]*\n(?:[^\n]*\n)*?\s*\1\b/)),contains:[e.END_SAME_AS_BEGIN({begin:/(\w+)/,end:/(\w+)/,contains:[e.BACKSLASH_ESCAPE,h]})]}]},g="[1-9](_?[0-9])*|0",m="[0-9](_?[0-9])*",p={className:"number",relevance:0,variants:[{begin:`\\b(${g})(\\.(${m}))?([eE][+-]?(${m})|r)?i?\\b`},{begin:"\\b0[dD][0-9](_?[0-9])*r?i?\\b"},{begin:"\\b0[bB][0-1](_?[0-1])*r?i?\\b"},{begin:"\\b0[oO][0-7](_?[0-7])*r?i?\\b"},{begin:"\\b0[xX][0-9a-fA-F](_?[0-9a-fA-F])*r?i?\\b"},{begin:"\\b0(_?[0-7])+r?i?\\b"}]},b={variants:[{match:/\(\)/},{className:"params",begin:/\(/,end:/(?=\))/,excludeBegin:!0,endsParent:!0,keywords:a}]},D=[f,{variants:[{match:[/class\s+/,r,/\s+<\s+/,r]},{match:[/\b(class|module)\s+/,r]}],scope:{2:"title.class",4:"title.class.inherited"},keywords:a},{match:[/(include|extend)\s+/,r],scope:{2:"title.class"},keywords:a},{relevance:0,match:[r,/\.new[. (]/],scope:{1:"title.class"}},{relevance:0,match:/\b[A-Z][A-Z_0-9]+\b/,className:"variable.constant"},{relevance:0,match:o,scope:"title.class"},{match:[/def/,/\s+/,s],scope:{1:"keyword",3:"title.function"},contains:[b]},{begin:e.IDENT_RE+"::"},{className:"symbol",begin:e.UNDERSCORE_IDENT_RE+"(!|\\?)?:",relevance:0},{className:"symbol",begin:":(?!\\s)",contains:[f,{begin:s}],relevance:0},p,{className:"variable",begin:"(\\$\\W)|((\\$|@@?)(\\w+))(?=[^@$?])(?![A-Za-z])(?![@$?'])"},{className:"params",begin:/\|/,end:/\|/,excludeBegin:!0,excludeEnd:!0,relevance:0,keywords:a},{begin:"("+e.RE_STARTERS_RE+"|unless)\\s*",keywords:"unless",contains:[{className:"regexp",contains:[e.BACKSLASH_ESCAPE,h],illegal:/\n/,variants:[{begin:"/",end:"/[a-z]*"},{begin:/%r\{/,end:/\}[a-z]*/},{begin:"%r\\(",end:"\\)[a-z]*"},{begin:"%r!",end:"![a-z]*"},{begin:"%r\\[",end:"\\][a-z]*"}]}].concat(c,u),relevance:0}].concat(c,u);h.contains=D,b.contains=D;const v="[>?]>",E="[\\w#]+\\(\\w+\\):\\d+:\\d+[>*]",M="(\\w+-)?\\d+\\.\\d+\\.\\d+(p\\d+)?[^\\d][^>]+>",L=[{begin:/^\s*=>/,starts:{end:"$",contains:D}},{className:"meta.prompt",begin:"^("+v+"|"+E+"|"+M+")(?=[ ])",starts:{end:"$",keywords:a,contains:D}}];return u.unshift(c),{name:"Ruby",aliases:["rb","gemspec","podspec","thor","irb"],keywords:a,illegal:/\/\*/,contains:[e.SHEBANG({binary:"ruby"})].concat(L).concat(u).concat(D)}}return da=t,da}var ua,eh;function qSe(){if(eh)return ua;eh=1;function t(e){const i={keyword:["break","case","chan","const","continue","default","defer","else","fallthrough","for","func","go","goto","if","import","interface","map","package","range","return","select","struct","switch","type","var"],type:["bool","byte","complex64","complex128","error","float32","float64","int8","int16","int32","int64","string","uint8","uint16","uint32","uint64","int","uint","uintptr","rune"],literal:["true","false","iota","nil"],built_in:["append","cap","close","complex","copy","imag","len","make","new","panic","print","println","real","recover","delete"]};return{name:"Go",aliases:["golang"],keywords:i,illegal:"o(i,a,l-1))}function r(i){const a=i.regex,l="[À-ʸa-zA-Z_$][À-ʸa-zA-Z_$0-9]*",c=l+o("(?:<"+l+"~~~(?:\\s*,\\s*"+l+"~~~)*>)?",/~~~/g,2),m={keyword:["synchronized","abstract","private","var","static","if","const ","for","while","strictfp","finally","protected","import","native","final","void","enum","else","break","transient","catch","instanceof","volatile","case","assert","package","default","public","try","switch","continue","throws","protected","public","private","module","requires","exports","do","sealed","yield","permits"],literal:["false","true","null"],type:["char","boolean","long","float","int","byte","short","double"],built_in:["super","this"]},p={className:"meta",begin:"@"+l,contains:[{begin:/\(/,end:/\)/,contains:["self"]}]},b={className:"params",begin:/\(/,end:/\)/,keywords:m,relevance:0,contains:[i.C_BLOCK_COMMENT_MODE],endsParent:!0};return{name:"Java",aliases:["jsp"],keywords:m,illegal:/<\/|#/,contains:[i.COMMENT("/\\*\\*","\\*/",{relevance:0,contains:[{begin:/\w+@/,relevance:0},{className:"doctag",begin:"@[A-Za-z]+"}]}),{begin:/import java\.[a-z]+\./,keywords:"import",relevance:2},i.C_LINE_COMMENT_MODE,i.C_BLOCK_COMMENT_MODE,{begin:/"""/,end:/"""/,className:"string",contains:[i.BACKSLASH_ESCAPE]},i.APOS_STRING_MODE,i.QUOTE_STRING_MODE,{match:[/\b(?:class|interface|enum|extends|implements|new)/,/\s+/,l],className:{1:"keyword",3:"title.class"}},{match:/non-sealed/,scope:"keyword"},{begin:[a.concat(/(?!else)/,l),/\s+/,l,/\s+/,/=(?!=)/],className:{1:"type",3:"variable",5:"operator"}},{begin:[/record/,/\s+/,l],className:{1:"keyword",3:"title.class"},contains:[b,i.C_LINE_COMMENT_MODE,i.C_BLOCK_COMMENT_MODE]},{beginKeywords:"new throw return else",relevance:0},{begin:["(?:"+c+"\\s+)",i.UNDERSCORE_IDENT_RE,/\s*(?=\()/],className:{2:"title.function"},keywords:m,contains:[{className:"params",begin:/\(/,end:/\)/,keywords:m,relevance:0,contains:[p,i.APOS_STRING_MODE,i.QUOTE_STRING_MODE,s,i.C_BLOCK_COMMENT_MODE]},i.C_LINE_COMMENT_MODE,i.C_BLOCK_COMMENT_MODE]},s,p]}}return pa=r,pa}var ga,oh;function KSe(){if(oh)return ga;oh=1;const t="[A-Za-z$_][0-9A-Za-z$_]*",e=["as","in","of","if","for","while","finally","var","new","function","do","return","void","else","break","catch","instanceof","with","throw","case","default","try","switch","continue","typeof","delete","let","yield","const","class","debugger","async","await","static","import","from","export","extends"],n=["true","false","null","undefined","NaN","Infinity"],s=["Object","Function","Boolean","Symbol","Math","Date","Number","BigInt","String","RegExp","Array","Float32Array","Float64Array","Int8Array","Uint8Array","Uint8ClampedArray","Int16Array","Int32Array","Uint16Array","Uint32Array","BigInt64Array","BigUint64Array","Set","Map","WeakSet","WeakMap","ArrayBuffer","SharedArrayBuffer","Atomics","DataView","JSON","Promise","Generator","GeneratorFunction","AsyncFunction","Reflect","Proxy","Intl","WebAssembly"],o=["Error","EvalError","InternalError","RangeError","ReferenceError","SyntaxError","TypeError","URIError"],r=["setInterval","setTimeout","clearInterval","clearTimeout","require","exports","eval","isFinite","isNaN","parseFloat","parseInt","decodeURI","decodeURIComponent","encodeURI","encodeURIComponent","escape","unescape"],i=["arguments","this","super","console","window","document","localStorage","sessionStorage","module","global"],a=[].concat(r,s,o);function l(c){const u=c.regex,h=(V,{after:te})=>{const X="",end:""},m=/<[A-Za-z0-9\\._:-]+\s*\/>/,p={begin:/<[A-Za-z0-9\\._:-]+/,end:/\/[A-Za-z0-9\\._:-]+>|\/>/,isTrulyOpeningTag:(V,te)=>{const X=V[0].length+V.index,ge=V.input[X];if(ge==="<"||ge===","){te.ignoreMatch();return}ge===">"&&(h(V,{after:X})||te.ignoreMatch());let de;const w=V.input.substring(X);if(de=w.match(/^\s*=/)){te.ignoreMatch();return}if((de=w.match(/^\s+extends\s+/))&&de.index===0){te.ignoreMatch();return}}},b={$pattern:t,keyword:e,literal:n,built_in:a,"variable.language":i},_="[0-9](_?[0-9])*",y=`\\.(${_})`,x="0|[1-9](_?[0-9])*|0[0-7]*[89][0-9]*",S={className:"number",variants:[{begin:`(\\b(${x})((${y})|\\.)?|(${y}))[eE][+-]?(${_})\\b`},{begin:`\\b(${x})\\b((${y})\\b|\\.)?|(${y})\\b`},{begin:"\\b(0|[1-9](_?[0-9])*)n\\b"},{begin:"\\b0[xX][0-9a-fA-F](_?[0-9a-fA-F])*n?\\b"},{begin:"\\b0[bB][0-1](_?[0-1])*n?\\b"},{begin:"\\b0[oO][0-7](_?[0-7])*n?\\b"},{begin:"\\b0[0-7]+n?\\b"}],relevance:0},R={className:"subst",begin:"\\$\\{",end:"\\}",keywords:b,contains:[]},O={begin:"html`",end:"",starts:{end:"`",returnEnd:!1,contains:[c.BACKSLASH_ESCAPE,R],subLanguage:"xml"}},D={begin:"css`",end:"",starts:{end:"`",returnEnd:!1,contains:[c.BACKSLASH_ESCAPE,R],subLanguage:"css"}},v={begin:"gql`",end:"",starts:{end:"`",returnEnd:!1,contains:[c.BACKSLASH_ESCAPE,R],subLanguage:"graphql"}},E={className:"string",begin:"`",end:"`",contains:[c.BACKSLASH_ESCAPE,R]},L={className:"comment",variants:[c.COMMENT(/\/\*\*(?!\/)/,"\\*/",{relevance:0,contains:[{begin:"(?=@[A-Za-z]+)",relevance:0,contains:[{className:"doctag",begin:"@[A-Za-z]+"},{className:"type",begin:"\\{",end:"\\}",excludeEnd:!0,excludeBegin:!0,relevance:0},{className:"variable",begin:f+"(?=\\s*(-)|$)",endsParent:!0,relevance:0},{begin:/(?=[^\n])\s/,relevance:0}]}]}),c.C_BLOCK_COMMENT_MODE,c.C_LINE_COMMENT_MODE]},B=[c.APOS_STRING_MODE,c.QUOTE_STRING_MODE,O,D,v,E,{match:/\$\d+/},S];R.contains=B.concat({begin:/\{/,end:/\}/,keywords:b,contains:["self"].concat(B)});const J=[].concat(L,R.contains),I=J.concat([{begin:/\(/,end:/\)/,keywords:b,contains:["self"].concat(J)}]),ae={className:"params",begin:/\(/,end:/\)/,excludeBegin:!0,excludeEnd:!0,keywords:b,contains:I},Z={variants:[{match:[/class/,/\s+/,f,/\s+/,/extends/,/\s+/,u.concat(f,"(",u.concat(/\./,f),")*")],scope:{1:"keyword",3:"title.class",5:"keyword",7:"title.class.inherited"}},{match:[/class/,/\s+/,f],scope:{1:"keyword",3:"title.class"}}]},T={relevance:0,match:u.either(/\bJSON/,/\b[A-Z][a-z]+([A-Z][a-z]*|\d)*/,/\b[A-Z]{2,}([A-Z][a-z]+|\d)+([A-Z][a-z]*)*/,/\b[A-Z]{2,}[a-z]+([A-Z][a-z]+|\d)*([A-Z][a-z]*)*/),className:"title.class",keywords:{_:[...s,...o]}},q={label:"use_strict",className:"meta",relevance:10,begin:/^\s*['"]use (strict|asm)['"]/},G={variants:[{match:[/function/,/\s+/,f,/(?=\s*\()/]},{match:[/function/,/\s*(?=\()/]}],className:{1:"keyword",3:"title.function"},label:"func.def",contains:[ae],illegal:/%/},we={relevance:0,match:/\b[A-Z][A-Z_0-9]+\b/,className:"variable.constant"};function _e(V){return u.concat("(?!",V.join("|"),")")}const ee={match:u.concat(/\b/,_e([...r,"super","import"]),f,u.lookahead(/\(/)),className:"title.function",relevance:0},ke={begin:u.concat(/\./,u.lookahead(u.concat(f,/(?![0-9A-Za-z$_(])/))),end:f,excludeBegin:!0,keywords:"prototype",className:"property",relevance:0},Se={match:[/get|set/,/\s+/,f,/(?=\()/],className:{1:"keyword",3:"title.function"},contains:[{begin:/\(\)/},ae]},N="(\\([^()]*(\\([^()]*(\\([^()]*\\)[^()]*)*\\)[^()]*)*\\)|"+c.UNDERSCORE_IDENT_RE+")\\s*=>",Q={match:[/const|var|let/,/\s+/,f,/\s*/,/=\s*/,/(async\s*)?/,u.lookahead(N)],keywords:"async",className:{1:"keyword",3:"title.function"},contains:[ae]};return{name:"JavaScript",aliases:["js","jsx","mjs","cjs"],keywords:b,exports:{PARAMS_CONTAINS:I,CLASS_REFERENCE:T},illegal:/#(?![$_A-z])/,contains:[c.SHEBANG({label:"shebang",binary:"node",relevance:5}),q,c.APOS_STRING_MODE,c.QUOTE_STRING_MODE,O,D,v,E,L,{match:/\$\d+/},S,T,{className:"attr",begin:f+u.lookahead(":"),relevance:0},Q,{begin:"("+c.RE_STARTERS_RE+"|\\b(case|return|throw)\\b)\\s*",keywords:"return throw case",relevance:0,contains:[L,c.REGEXP_MODE,{className:"function",begin:N,returnBegin:!0,end:"\\s*=>",contains:[{className:"params",variants:[{begin:c.UNDERSCORE_IDENT_RE,relevance:0},{className:null,begin:/\(\s*\)/,skip:!0},{begin:/\(/,end:/\)/,excludeBegin:!0,excludeEnd:!0,keywords:b,contains:I}]}]},{begin:/,/,relevance:0},{match:/\s+/,relevance:0},{variants:[{begin:g.begin,end:g.end},{match:m},{begin:p.begin,"on:begin":p.isTrulyOpeningTag,end:p.end}],subLanguage:"xml",contains:[{begin:p.begin,end:p.end,skip:!0,contains:["self"]}]}]},G,{beginKeywords:"while if switch catch for"},{begin:"\\b(?!function)"+c.UNDERSCORE_IDENT_RE+"\\([^()]*(\\([^()]*(\\([^()]*\\)[^()]*)*\\)[^()]*)*\\)\\s*\\{",returnBegin:!0,label:"func.def",contains:[ae,c.inherit(c.TITLE_MODE,{begin:f,className:"title.function"})]},{match:/\.\.\./,relevance:0},ke,{match:"\\$"+f,relevance:0},{match:[/\bconstructor(?=\s*\()/],className:{1:"title.function"},contains:[ae]},ee,we,Z,Se,{match:/\$[(.]/}]}}return ga=l,ga}var ma,rh;function WSe(){if(rh)return ma;rh=1;function t(e){const n={className:"attr",begin:/"(\\.|[^\\"\r\n])*"(?=\s*:)/,relevance:1.01},s={match:/[{}[\],:]/,className:"punctuation",relevance:0},o=["true","false","null"],r={scope:"literal",beginKeywords:o.join(" ")};return{name:"JSON",keywords:{literal:o},contains:[n,s,e.QUOTE_STRING_MODE,r,e.C_NUMBER_MODE,e.C_LINE_COMMENT_MODE,e.C_BLOCK_COMMENT_MODE],illegal:"\\S"}}return ma=t,ma}var _a,ih;function ZSe(){if(ih)return _a;ih=1;var t="[0-9](_*[0-9])*",e=`\\.(${t})`,n="[0-9a-fA-F](_*[0-9a-fA-F])*",s={className:"number",variants:[{begin:`(\\b(${t})((${e})|\\.)?|(${e}))[eE][+-]?(${t})[fFdD]?\\b`},{begin:`\\b(${t})((${e})[fFdD]?\\b|\\.([fFdD]\\b)?)`},{begin:`(${e})[fFdD]?\\b`},{begin:`\\b(${t})[fFdD]\\b`},{begin:`\\b0[xX]((${n})\\.?|(${n})?\\.(${n}))[pP][+-]?(${t})[fFdD]?\\b`},{begin:"\\b(0|[1-9](_*[0-9])*)[lL]?\\b"},{begin:`\\b0[xX](${n})[lL]?\\b`},{begin:"\\b0(_*[0-7])*[lL]?\\b"},{begin:"\\b0[bB][01](_*[01])*[lL]?\\b"}],relevance:0};function o(r){const i={keyword:"abstract as val var vararg get set class object open private protected public noinline crossinline dynamic final enum if else do while for when throw try catch finally import package is in fun override companion reified inline lateinit init interface annotation data sealed internal infix operator out by constructor super tailrec where const inner suspend typealias external expect actual",built_in:"Byte Short Char Int Long Boolean Float Double Void Unit Nothing",literal:"true false null"},a={className:"keyword",begin:/\b(break|continue|return|this)\b/,starts:{contains:[{className:"symbol",begin:/@\w+/}]}},l={className:"symbol",begin:r.UNDERSCORE_IDENT_RE+"@"},c={className:"subst",begin:/\$\{/,end:/\}/,contains:[r.C_NUMBER_MODE]},u={className:"variable",begin:"\\$"+r.UNDERSCORE_IDENT_RE},h={className:"string",variants:[{begin:'"""',end:'"""(?=[^"])',contains:[u,c]},{begin:"'",end:"'",illegal:/\n/,contains:[r.BACKSLASH_ESCAPE]},{begin:'"',end:'"',illegal:/\n/,contains:[r.BACKSLASH_ESCAPE,u,c]}]};c.contains.push(h);const f={className:"meta",begin:"@(?:file|property|field|get|set|receiver|param|setparam|delegate)\\s*:(?:\\s*"+r.UNDERSCORE_IDENT_RE+")?"},g={className:"meta",begin:"@"+r.UNDERSCORE_IDENT_RE,contains:[{begin:/\(/,end:/\)/,contains:[r.inherit(h,{className:"string"}),"self"]}]},m=s,p=r.COMMENT("/\\*","\\*/",{contains:[r.C_BLOCK_COMMENT_MODE]}),b={variants:[{className:"type",begin:r.UNDERSCORE_IDENT_RE},{begin:/\(/,end:/\)/,contains:[]}]},_=b;return _.variants[1].contains=[b],b.variants[1].contains=[_],{name:"Kotlin",aliases:["kt","kts"],keywords:i,contains:[r.COMMENT("/\\*\\*","\\*/",{relevance:0,contains:[{className:"doctag",begin:"@[A-Za-z]+"}]}),r.C_LINE_COMMENT_MODE,p,a,l,f,g,{className:"function",beginKeywords:"fun",end:"[(]|$",returnBegin:!0,excludeEnd:!0,keywords:i,relevance:5,contains:[{begin:r.UNDERSCORE_IDENT_RE+"\\s*\\(",returnBegin:!0,relevance:0,contains:[r.UNDERSCORE_TITLE_MODE]},{className:"type",begin://,keywords:"reified",relevance:0},{className:"params",begin:/\(/,end:/\)/,endsParent:!0,keywords:i,relevance:0,contains:[{begin:/:/,end:/[=,\/]/,endsWithParent:!0,contains:[b,r.C_LINE_COMMENT_MODE,p],relevance:0},r.C_LINE_COMMENT_MODE,p,f,g,h,r.C_NUMBER_MODE]},p]},{begin:[/class|interface|trait/,/\s+/,r.UNDERSCORE_IDENT_RE],beginScope:{3:"title.class"},keywords:"class interface trait",end:/[:\{(]|$/,excludeEnd:!0,illegal:"extends implements",contains:[{beginKeywords:"public protected internal private constructor"},r.UNDERSCORE_TITLE_MODE,{className:"type",begin://,excludeBegin:!0,excludeEnd:!0,relevance:0},{className:"type",begin:/[,:]\s*/,end:/[<\(,){\s]|$/,excludeBegin:!0,returnEnd:!0},f,g]},h,{className:"meta",begin:"^#!/usr/bin/env",end:"$",illegal:` +`},m]}}return _a=o,_a}var ba,ah;function YSe(){if(ah)return ba;ah=1;const t=l=>({IMPORTANT:{scope:"meta",begin:"!important"},BLOCK_COMMENT:l.C_BLOCK_COMMENT_MODE,HEXCOLOR:{scope:"number",begin:/#(([0-9a-fA-F]{3,4})|(([0-9a-fA-F]{2}){3,4}))\b/},FUNCTION_DISPATCH:{className:"built_in",begin:/[\w-]+(?=\()/},ATTRIBUTE_SELECTOR_MODE:{scope:"selector-attr",begin:/\[/,end:/\]/,illegal:"$",contains:[l.APOS_STRING_MODE,l.QUOTE_STRING_MODE]},CSS_NUMBER_MODE:{scope:"number",begin:l.NUMBER_RE+"(%|em|ex|ch|rem|vw|vh|vmin|vmax|cm|mm|in|pt|pc|px|deg|grad|rad|turn|s|ms|Hz|kHz|dpi|dpcm|dppx)?",relevance:0},CSS_VARIABLE:{className:"attr",begin:/--[A-Za-z][A-Za-z0-9_-]*/}}),e=["a","abbr","address","article","aside","audio","b","blockquote","body","button","canvas","caption","cite","code","dd","del","details","dfn","div","dl","dt","em","fieldset","figcaption","figure","footer","form","h1","h2","h3","h4","h5","h6","header","hgroup","html","i","iframe","img","input","ins","kbd","label","legend","li","main","mark","menu","nav","object","ol","p","q","quote","samp","section","span","strong","summary","sup","table","tbody","td","textarea","tfoot","th","thead","time","tr","ul","var","video"],n=["any-hover","any-pointer","aspect-ratio","color","color-gamut","color-index","device-aspect-ratio","device-height","device-width","display-mode","forced-colors","grid","height","hover","inverted-colors","monochrome","orientation","overflow-block","overflow-inline","pointer","prefers-color-scheme","prefers-contrast","prefers-reduced-motion","prefers-reduced-transparency","resolution","scan","scripting","update","width","min-width","max-width","min-height","max-height"],s=["active","any-link","blank","checked","current","default","defined","dir","disabled","drop","empty","enabled","first","first-child","first-of-type","fullscreen","future","focus","focus-visible","focus-within","has","host","host-context","hover","indeterminate","in-range","invalid","is","lang","last-child","last-of-type","left","link","local-link","not","nth-child","nth-col","nth-last-child","nth-last-col","nth-last-of-type","nth-of-type","only-child","only-of-type","optional","out-of-range","past","placeholder-shown","read-only","read-write","required","right","root","scope","target","target-within","user-invalid","valid","visited","where"],o=["after","backdrop","before","cue","cue-region","first-letter","first-line","grammar-error","marker","part","placeholder","selection","slotted","spelling-error"],r=["align-content","align-items","align-self","all","animation","animation-delay","animation-direction","animation-duration","animation-fill-mode","animation-iteration-count","animation-name","animation-play-state","animation-timing-function","backface-visibility","background","background-attachment","background-blend-mode","background-clip","background-color","background-image","background-origin","background-position","background-repeat","background-size","block-size","border","border-block","border-block-color","border-block-end","border-block-end-color","border-block-end-style","border-block-end-width","border-block-start","border-block-start-color","border-block-start-style","border-block-start-width","border-block-style","border-block-width","border-bottom","border-bottom-color","border-bottom-left-radius","border-bottom-right-radius","border-bottom-style","border-bottom-width","border-collapse","border-color","border-image","border-image-outset","border-image-repeat","border-image-slice","border-image-source","border-image-width","border-inline","border-inline-color","border-inline-end","border-inline-end-color","border-inline-end-style","border-inline-end-width","border-inline-start","border-inline-start-color","border-inline-start-style","border-inline-start-width","border-inline-style","border-inline-width","border-left","border-left-color","border-left-style","border-left-width","border-radius","border-right","border-right-color","border-right-style","border-right-width","border-spacing","border-style","border-top","border-top-color","border-top-left-radius","border-top-right-radius","border-top-style","border-top-width","border-width","bottom","box-decoration-break","box-shadow","box-sizing","break-after","break-before","break-inside","caption-side","caret-color","clear","clip","clip-path","clip-rule","color","column-count","column-fill","column-gap","column-rule","column-rule-color","column-rule-style","column-rule-width","column-span","column-width","columns","contain","content","content-visibility","counter-increment","counter-reset","cue","cue-after","cue-before","cursor","direction","display","empty-cells","filter","flex","flex-basis","flex-direction","flex-flow","flex-grow","flex-shrink","flex-wrap","float","flow","font","font-display","font-family","font-feature-settings","font-kerning","font-language-override","font-size","font-size-adjust","font-smoothing","font-stretch","font-style","font-synthesis","font-variant","font-variant-caps","font-variant-east-asian","font-variant-ligatures","font-variant-numeric","font-variant-position","font-variation-settings","font-weight","gap","glyph-orientation-vertical","grid","grid-area","grid-auto-columns","grid-auto-flow","grid-auto-rows","grid-column","grid-column-end","grid-column-start","grid-gap","grid-row","grid-row-end","grid-row-start","grid-template","grid-template-areas","grid-template-columns","grid-template-rows","hanging-punctuation","height","hyphens","icon","image-orientation","image-rendering","image-resolution","ime-mode","inline-size","isolation","justify-content","left","letter-spacing","line-break","line-height","list-style","list-style-image","list-style-position","list-style-type","margin","margin-block","margin-block-end","margin-block-start","margin-bottom","margin-inline","margin-inline-end","margin-inline-start","margin-left","margin-right","margin-top","marks","mask","mask-border","mask-border-mode","mask-border-outset","mask-border-repeat","mask-border-slice","mask-border-source","mask-border-width","mask-clip","mask-composite","mask-image","mask-mode","mask-origin","mask-position","mask-repeat","mask-size","mask-type","max-block-size","max-height","max-inline-size","max-width","min-block-size","min-height","min-inline-size","min-width","mix-blend-mode","nav-down","nav-index","nav-left","nav-right","nav-up","none","normal","object-fit","object-position","opacity","order","orphans","outline","outline-color","outline-offset","outline-style","outline-width","overflow","overflow-wrap","overflow-x","overflow-y","padding","padding-block","padding-block-end","padding-block-start","padding-bottom","padding-inline","padding-inline-end","padding-inline-start","padding-left","padding-right","padding-top","page-break-after","page-break-before","page-break-inside","pause","pause-after","pause-before","perspective","perspective-origin","pointer-events","position","quotes","resize","rest","rest-after","rest-before","right","row-gap","scroll-margin","scroll-margin-block","scroll-margin-block-end","scroll-margin-block-start","scroll-margin-bottom","scroll-margin-inline","scroll-margin-inline-end","scroll-margin-inline-start","scroll-margin-left","scroll-margin-right","scroll-margin-top","scroll-padding","scroll-padding-block","scroll-padding-block-end","scroll-padding-block-start","scroll-padding-bottom","scroll-padding-inline","scroll-padding-inline-end","scroll-padding-inline-start","scroll-padding-left","scroll-padding-right","scroll-padding-top","scroll-snap-align","scroll-snap-stop","scroll-snap-type","scrollbar-color","scrollbar-gutter","scrollbar-width","shape-image-threshold","shape-margin","shape-outside","speak","speak-as","src","tab-size","table-layout","text-align","text-align-all","text-align-last","text-combine-upright","text-decoration","text-decoration-color","text-decoration-line","text-decoration-style","text-emphasis","text-emphasis-color","text-emphasis-position","text-emphasis-style","text-indent","text-justify","text-orientation","text-overflow","text-rendering","text-shadow","text-transform","text-underline-position","top","transform","transform-box","transform-origin","transform-style","transition","transition-delay","transition-duration","transition-property","transition-timing-function","unicode-bidi","vertical-align","visibility","voice-balance","voice-duration","voice-family","voice-pitch","voice-range","voice-rate","voice-stress","voice-volume","white-space","widows","width","will-change","word-break","word-spacing","word-wrap","writing-mode","z-index"].reverse(),i=s.concat(o);function a(l){const c=t(l),u=i,h="and or not only",f="[\\w-]+",g="("+f+"|@\\{"+f+"\\})",m=[],p=[],b=function(L){return{className:"string",begin:"~?"+L+".*?"+L}},_=function(L,B,J){return{className:L,begin:B,relevance:J}},y={$pattern:/[a-z-]+/,keyword:h,attribute:n.join(" ")},x={begin:"\\(",end:"\\)",contains:p,keywords:y,relevance:0};p.push(l.C_LINE_COMMENT_MODE,l.C_BLOCK_COMMENT_MODE,b("'"),b('"'),c.CSS_NUMBER_MODE,{begin:"(url|data-uri)\\(",starts:{className:"string",end:"[\\)\\n]",excludeEnd:!0}},c.HEXCOLOR,x,_("variable","@@?"+f,10),_("variable","@\\{"+f+"\\}"),_("built_in","~?`[^`]*?`"),{className:"attribute",begin:f+"\\s*:",end:":",returnBegin:!0,excludeEnd:!0},c.IMPORTANT,{beginKeywords:"and not"},c.FUNCTION_DISPATCH);const S=p.concat({begin:/\{/,end:/\}/,contains:m}),R={beginKeywords:"when",endsWithParent:!0,contains:[{beginKeywords:"and not"}].concat(p)},O={begin:g+"\\s*:",returnBegin:!0,end:/[;}]/,relevance:0,contains:[{begin:/-(webkit|moz|ms|o)-/},c.CSS_VARIABLE,{className:"attribute",begin:"\\b("+r.join("|")+")\\b",end:/(?=:)/,starts:{endsWithParent:!0,illegal:"[<=$]",relevance:0,contains:p}}]},D={className:"keyword",begin:"@(import|media|charset|font-face|(-[a-z]+-)?keyframes|supports|document|namespace|page|viewport|host)\\b",starts:{end:"[;{}]",keywords:y,returnEnd:!0,contains:p,relevance:0}},v={className:"variable",variants:[{begin:"@"+f+"\\s*:",relevance:15},{begin:"@"+f}],starts:{end:"[;}]",returnEnd:!0,contains:S}},E={variants:[{begin:"[\\.#:&\\[>]",end:"[;{}]"},{begin:g,end:/\{/}],returnBegin:!0,returnEnd:!0,illegal:`[<='$"]`,relevance:0,contains:[l.C_LINE_COMMENT_MODE,l.C_BLOCK_COMMENT_MODE,R,_("keyword","all\\b"),_("variable","@\\{"+f+"\\}"),{begin:"\\b("+e.join("|")+")\\b",className:"selector-tag"},c.CSS_NUMBER_MODE,_("selector-tag",g,0),_("selector-id","#"+g),_("selector-class","\\."+g,0),_("selector-tag","&",0),c.ATTRIBUTE_SELECTOR_MODE,{className:"selector-pseudo",begin:":("+s.join("|")+")"},{className:"selector-pseudo",begin:":(:)?("+o.join("|")+")"},{begin:/\(/,end:/\)/,relevance:0,contains:S},{begin:"!important"},c.FUNCTION_DISPATCH]},M={begin:f+`:(:)?(${u.join("|")})`,returnBegin:!0,contains:[E]};return m.push(l.C_LINE_COMMENT_MODE,l.C_BLOCK_COMMENT_MODE,D,v,M,O,E,R,c.FUNCTION_DISPATCH),{name:"Less",case_insensitive:!0,illegal:`[=>'/<($"]`,contains:m}}return ba=a,ba}var ya,lh;function JSe(){if(lh)return ya;lh=1;function t(e){const n="\\[=*\\[",s="\\]=*\\]",o={begin:n,end:s,contains:["self"]},r=[e.COMMENT("--(?!"+n+")","$"),e.COMMENT("--"+n,s,{contains:[o],relevance:10})];return{name:"Lua",keywords:{$pattern:e.UNDERSCORE_IDENT_RE,literal:"true false nil",keyword:"and break do else elseif end for goto if in local not or repeat return then until while",built_in:"_G _ENV _VERSION __index __newindex __mode __call __metatable __tostring __len __gc __add __sub __mul __div __mod __pow __concat __unm __eq __lt __le assert collectgarbage dofile error getfenv getmetatable ipairs load loadfile loadstring module next pairs pcall print rawequal rawget rawset require select setfenv setmetatable tonumber tostring type unpack xpcall arg self coroutine resume yield status wrap create running debug getupvalue debug sethook getmetatable gethook setmetatable setlocal traceback setfenv getinfo setupvalue getlocal getregistry getfenv io lines write close flush open output type read stderr stdin input stdout popen tmpfile math log max acos huge ldexp pi cos tanh pow deg tan cosh sinh random randomseed frexp ceil floor rad abs sqrt modf asin min mod fmod log10 atan2 exp sin atan os exit setlocale date getenv difftime remove time clock tmpname rename execute package preload loadlib loaded loaders cpath config path seeall string sub upper len gfind rep find match char dump gmatch reverse byte format gsub lower table setn insert getn foreachi maxn foreach concat sort remove"},contains:r.concat([{className:"function",beginKeywords:"function",end:"\\)",contains:[e.inherit(e.TITLE_MODE,{begin:"([_a-zA-Z]\\w*\\.)*([_a-zA-Z]\\w*:)?[_a-zA-Z]\\w*"}),{className:"params",begin:"\\(",endsWithParent:!0,contains:r}].concat(r)},e.C_NUMBER_MODE,e.APOS_STRING_MODE,e.QUOTE_STRING_MODE,{className:"string",begin:n,end:s,contains:[o],relevance:5}])}}return ya=t,ya}var va,ch;function QSe(){if(ch)return va;ch=1;function t(e){const n={className:"variable",variants:[{begin:"\\$\\("+e.UNDERSCORE_IDENT_RE+"\\)",contains:[e.BACKSLASH_ESCAPE]},{begin:/\$[@%\{/,end:/\}/},l={variants:[{begin:/\$\d/},{begin:n.concat(/[$%@](\^\w\b|#\w+(::\w+)*|\{\w+\}|\w+(::\w*)*)/,"(?![A-Za-z])(?![@$%])")},{begin:/[$%@][^\s\w{]/,relevance:0}]},c=[e.BACKSLASH_ESCAPE,i,l],u=[/!/,/\//,/\|/,/\?/,/'/,/"/,/#/],h=(m,p,b="\\1")=>{const _=b==="\\1"?b:n.concat(b,p);return n.concat(n.concat("(?:",m,")"),p,/(?:\\.|[^\\\/])*?/,_,/(?:\\.|[^\\\/])*?/,b,o)},f=(m,p,b)=>n.concat(n.concat("(?:",m,")"),p,/(?:\\.|[^\\\/])*?/,b,o),g=[l,e.HASH_COMMENT_MODE,e.COMMENT(/^=\w/,/=cut/,{endsWithParent:!0}),a,{className:"string",contains:c,variants:[{begin:"q[qwxr]?\\s*\\(",end:"\\)",relevance:5},{begin:"q[qwxr]?\\s*\\[",end:"\\]",relevance:5},{begin:"q[qwxr]?\\s*\\{",end:"\\}",relevance:5},{begin:"q[qwxr]?\\s*\\|",end:"\\|",relevance:5},{begin:"q[qwxr]?\\s*<",end:">",relevance:5},{begin:"qw\\s+q",end:"q",relevance:5},{begin:"'",end:"'",contains:[e.BACKSLASH_ESCAPE]},{begin:'"',end:'"'},{begin:"`",end:"`",contains:[e.BACKSLASH_ESCAPE]},{begin:/\{\w+\}/,relevance:0},{begin:"-?\\w+\\s*=>",relevance:0}]},{className:"number",begin:"(\\b0[0-7_]+)|(\\b0x[0-9a-fA-F_]+)|(\\b[1-9][0-9_]*(\\.[0-9_]+)?)|[0_]\\b",relevance:0},{begin:"(\\/\\/|"+e.RE_STARTERS_RE+"|\\b(split|return|print|reverse|grep)\\b)\\s*",keywords:"split return print reverse grep",relevance:0,contains:[e.HASH_COMMENT_MODE,{className:"regexp",variants:[{begin:h("s|tr|y",n.either(...u,{capture:!0}))},{begin:h("s|tr|y","\\(","\\)")},{begin:h("s|tr|y","\\[","\\]")},{begin:h("s|tr|y","\\{","\\}")}],relevance:2},{className:"regexp",variants:[{begin:/(m|qr)\/\//,relevance:0},{begin:f("(?:m|qr)?",/\//,/\//)},{begin:f("m|qr",n.either(...u,{capture:!0}),/\1/)},{begin:f("m|qr",/\(/,/\)/)},{begin:f("m|qr",/\[/,/\]/)},{begin:f("m|qr",/\{/,/\}/)}]}]},{className:"function",beginKeywords:"sub",end:"(\\s*\\(.*?\\))?[;{]",excludeEnd:!0,relevance:5,contains:[e.TITLE_MODE]},{begin:"-\\w\\b",relevance:0},{begin:"^__DATA__$",end:"^__END__$",subLanguage:"mojolicious",contains:[{begin:"^@@.*",end:"$",className:"comment"}]}];return i.contains=g,a.contains=g,{name:"Perl",aliases:["pl","pm"],keywords:r,contains:g}}return wa=t,wa}var xa,uh;function eTe(){if(uh)return xa;uh=1;function t(e){const n={className:"built_in",begin:"\\b(AV|CA|CF|CG|CI|CL|CM|CN|CT|MK|MP|MTK|MTL|NS|SCN|SK|UI|WK|XC)\\w+"},s=/[a-zA-Z@][a-zA-Z0-9_]*/,l={"variable.language":["this","super"],$pattern:s,keyword:["while","export","sizeof","typedef","const","struct","for","union","volatile","static","mutable","if","do","return","goto","enum","else","break","extern","asm","case","default","register","explicit","typename","switch","continue","inline","readonly","assign","readwrite","self","@synchronized","id","typeof","nonatomic","IBOutlet","IBAction","strong","weak","copy","in","out","inout","bycopy","byref","oneway","__strong","__weak","__block","__autoreleasing","@private","@protected","@public","@try","@property","@end","@throw","@catch","@finally","@autoreleasepool","@synthesize","@dynamic","@selector","@optional","@required","@encode","@package","@import","@defs","@compatibility_alias","__bridge","__bridge_transfer","__bridge_retained","__bridge_retain","__covariant","__contravariant","__kindof","_Nonnull","_Nullable","_Null_unspecified","__FUNCTION__","__PRETTY_FUNCTION__","__attribute__","getter","setter","retain","unsafe_unretained","nonnull","nullable","null_unspecified","null_resettable","class","instancetype","NS_DESIGNATED_INITIALIZER","NS_UNAVAILABLE","NS_REQUIRES_SUPER","NS_RETURNS_INNER_POINTER","NS_INLINE","NS_AVAILABLE","NS_DEPRECATED","NS_ENUM","NS_OPTIONS","NS_SWIFT_UNAVAILABLE","NS_ASSUME_NONNULL_BEGIN","NS_ASSUME_NONNULL_END","NS_REFINED_FOR_SWIFT","NS_SWIFT_NAME","NS_SWIFT_NOTHROW","NS_DURING","NS_HANDLER","NS_ENDHANDLER","NS_VALUERETURN","NS_VOIDRETURN"],literal:["false","true","FALSE","TRUE","nil","YES","NO","NULL"],built_in:["dispatch_once_t","dispatch_queue_t","dispatch_sync","dispatch_async","dispatch_once"],type:["int","float","char","unsigned","signed","short","long","double","wchar_t","unichar","void","bool","BOOL","id|0","_Bool"]},c={$pattern:s,keyword:["@interface","@class","@protocol","@implementation"]};return{name:"Objective-C",aliases:["mm","objc","obj-c","obj-c++","objective-c++"],keywords:l,illegal:"/,end:/$/,illegal:"\\n"},e.C_LINE_COMMENT_MODE,e.C_BLOCK_COMMENT_MODE]},{className:"class",begin:"("+c.keyword.join("|")+")\\b",end:/(\{|$)/,excludeEnd:!0,keywords:c,contains:[e.UNDERSCORE_TITLE_MODE]},{begin:"\\."+e.UNDERSCORE_IDENT_RE,relevance:0}]}}return xa=t,xa}var ka,hh;function tTe(){if(hh)return ka;hh=1;function t(e){const n=e.regex,s=/(?![A-Za-z0-9])(?![$])/,o=n.concat(/[a-zA-Z_\x7f-\xff][a-zA-Z0-9_\x7f-\xff]*/,s),r=n.concat(/(\\?[A-Z][a-z0-9_\x7f-\xff]+|\\?[A-Z]+(?=[A-Z][a-z0-9_\x7f-\xff])){1,}/,s),i={scope:"variable",match:"\\$+"+o},a={scope:"meta",variants:[{begin:/<\?php/,relevance:10},{begin:/<\?=/},{begin:/<\?/,relevance:.1},{begin:/\?>/}]},l={scope:"subst",variants:[{begin:/\$\w+/},{begin:/\{\$/,end:/\}/}]},c=e.inherit(e.APOS_STRING_MODE,{illegal:null}),u=e.inherit(e.QUOTE_STRING_MODE,{illegal:null,contains:e.QUOTE_STRING_MODE.contains.concat(l)}),h={begin:/<<<[ \t]*(?:(\w+)|"(\w+)")\n/,end:/[ \t]*(\w+)\b/,contains:e.QUOTE_STRING_MODE.contains.concat(l),"on:begin":(I,ae)=>{ae.data._beginMatch=I[1]||I[2]},"on:end":(I,ae)=>{ae.data._beginMatch!==I[1]&&ae.ignoreMatch()}},f=e.END_SAME_AS_BEGIN({begin:/<<<[ \t]*'(\w+)'\n/,end:/[ \t]*(\w+)\b/}),g=`[ +]`,m={scope:"string",variants:[u,c,h,f]},p={scope:"number",variants:[{begin:"\\b0[bB][01]+(?:_[01]+)*\\b"},{begin:"\\b0[oO][0-7]+(?:_[0-7]+)*\\b"},{begin:"\\b0[xX][\\da-fA-F]+(?:_[\\da-fA-F]+)*\\b"},{begin:"(?:\\b\\d+(?:_\\d+)*(\\.(?:\\d+(?:_\\d+)*))?|\\B\\.\\d+)(?:[eE][+-]?\\d+)?"}],relevance:0},b=["false","null","true"],_=["__CLASS__","__DIR__","__FILE__","__FUNCTION__","__COMPILER_HALT_OFFSET__","__LINE__","__METHOD__","__NAMESPACE__","__TRAIT__","die","echo","exit","include","include_once","print","require","require_once","array","abstract","and","as","binary","bool","boolean","break","callable","case","catch","class","clone","const","continue","declare","default","do","double","else","elseif","empty","enddeclare","endfor","endforeach","endif","endswitch","endwhile","enum","eval","extends","final","finally","float","for","foreach","from","global","goto","if","implements","instanceof","insteadof","int","integer","interface","isset","iterable","list","match|0","mixed","new","never","object","or","private","protected","public","readonly","real","return","string","switch","throw","trait","try","unset","use","var","void","while","xor","yield"],y=["Error|0","AppendIterator","ArgumentCountError","ArithmeticError","ArrayIterator","ArrayObject","AssertionError","BadFunctionCallException","BadMethodCallException","CachingIterator","CallbackFilterIterator","CompileError","Countable","DirectoryIterator","DivisionByZeroError","DomainException","EmptyIterator","ErrorException","Exception","FilesystemIterator","FilterIterator","GlobIterator","InfiniteIterator","InvalidArgumentException","IteratorIterator","LengthException","LimitIterator","LogicException","MultipleIterator","NoRewindIterator","OutOfBoundsException","OutOfRangeException","OuterIterator","OverflowException","ParentIterator","ParseError","RangeException","RecursiveArrayIterator","RecursiveCachingIterator","RecursiveCallbackFilterIterator","RecursiveDirectoryIterator","RecursiveFilterIterator","RecursiveIterator","RecursiveIteratorIterator","RecursiveRegexIterator","RecursiveTreeIterator","RegexIterator","RuntimeException","SeekableIterator","SplDoublyLinkedList","SplFileInfo","SplFileObject","SplFixedArray","SplHeap","SplMaxHeap","SplMinHeap","SplObjectStorage","SplObserver","SplPriorityQueue","SplQueue","SplStack","SplSubject","SplTempFileObject","TypeError","UnderflowException","UnexpectedValueException","UnhandledMatchError","ArrayAccess","BackedEnum","Closure","Fiber","Generator","Iterator","IteratorAggregate","Serializable","Stringable","Throwable","Traversable","UnitEnum","WeakReference","WeakMap","Directory","__PHP_Incomplete_Class","parent","php_user_filter","self","static","stdClass"],S={keyword:_,literal:(I=>{const ae=[];return I.forEach(Z=>{ae.push(Z),Z.toLowerCase()===Z?ae.push(Z.toUpperCase()):ae.push(Z.toLowerCase())}),ae})(b),built_in:y},R=I=>I.map(ae=>ae.replace(/\|\d+$/,"")),O={variants:[{match:[/new/,n.concat(g,"+"),n.concat("(?!",R(y).join("\\b|"),"\\b)"),r],scope:{1:"keyword",4:"title.class"}}]},D=n.concat(o,"\\b(?!\\()"),v={variants:[{match:[n.concat(/::/,n.lookahead(/(?!class\b)/)),D],scope:{2:"variable.constant"}},{match:[/::/,/class/],scope:{2:"variable.language"}},{match:[r,n.concat(/::/,n.lookahead(/(?!class\b)/)),D],scope:{1:"title.class",3:"variable.constant"}},{match:[r,n.concat("::",n.lookahead(/(?!class\b)/))],scope:{1:"title.class"}},{match:[r,/::/,/class/],scope:{1:"title.class",3:"variable.language"}}]},E={scope:"attr",match:n.concat(o,n.lookahead(":"),n.lookahead(/(?!::)/))},M={relevance:0,begin:/\(/,end:/\)/,keywords:S,contains:[E,i,v,e.C_BLOCK_COMMENT_MODE,m,p,O]},L={relevance:0,match:[/\b/,n.concat("(?!fn\\b|function\\b|",R(_).join("\\b|"),"|",R(y).join("\\b|"),"\\b)"),o,n.concat(g,"*"),n.lookahead(/(?=\()/)],scope:{3:"title.function.invoke"},contains:[M]};M.contains.push(L);const B=[E,v,e.C_BLOCK_COMMENT_MODE,m,p,O],J={begin:n.concat(/#\[\s*/,r),beginScope:"meta",end:/]/,endScope:"meta",keywords:{literal:b,keyword:["new","array"]},contains:[{begin:/\[/,end:/]/,keywords:{literal:b,keyword:["new","array"]},contains:["self",...B]},...B,{scope:"meta",match:r}]};return{case_insensitive:!1,keywords:S,contains:[J,e.HASH_COMMENT_MODE,e.COMMENT("//","$"),e.COMMENT("/\\*","\\*/",{contains:[{scope:"doctag",match:"@[A-Za-z]+"}]}),{match:/__halt_compiler\(\);/,keywords:"__halt_compiler",starts:{scope:"comment",end:e.MATCH_NOTHING_RE,contains:[{match:/\?>/,scope:"meta",endsParent:!0}]}},a,{scope:"variable.language",match:/\$this\b/},i,L,v,{match:[/const/,/\s/,o],scope:{1:"keyword",3:"variable.constant"}},O,{scope:"function",relevance:0,beginKeywords:"fn function",end:/[;{]/,excludeEnd:!0,illegal:"[$%\\[]",contains:[{beginKeywords:"use"},e.UNDERSCORE_TITLE_MODE,{begin:"=>",endsParent:!0},{scope:"params",begin:"\\(",end:"\\)",excludeBegin:!0,excludeEnd:!0,keywords:S,contains:["self",i,v,e.C_BLOCK_COMMENT_MODE,m,p]}]},{scope:"class",variants:[{beginKeywords:"enum",illegal:/[($"]/},{beginKeywords:"class interface trait",illegal:/[:($"]/}],relevance:0,end:/\{/,excludeEnd:!0,contains:[{beginKeywords:"extends implements"},e.UNDERSCORE_TITLE_MODE]},{beginKeywords:"namespace",relevance:0,end:";",illegal:/[.']/,contains:[e.inherit(e.UNDERSCORE_TITLE_MODE,{scope:"title.class"})]},{beginKeywords:"use",relevance:0,end:";",contains:[{match:/\b(as|const|function)\b/,scope:"keyword"},e.UNDERSCORE_TITLE_MODE]},m,p]}}return ka=t,ka}var Ea,fh;function nTe(){if(fh)return Ea;fh=1;function t(e){return{name:"PHP template",subLanguage:"xml",contains:[{begin:/<\?(php|=)?/,end:/\?>/,subLanguage:"php",contains:[{begin:"/\\*",end:"\\*/",skip:!0},{begin:'b"',end:'"',skip:!0},{begin:"b'",end:"'",skip:!0},e.inherit(e.APOS_STRING_MODE,{illegal:null,className:null,contains:null,skip:!0}),e.inherit(e.QUOTE_STRING_MODE,{illegal:null,className:null,contains:null,skip:!0})]}]}}return Ea=t,Ea}var Ca,ph;function sTe(){if(ph)return Ca;ph=1;function t(e){return{name:"Plain text",aliases:["text","txt"],disableAutodetect:!0}}return Ca=t,Ca}var Aa,gh;function oTe(){if(gh)return Aa;gh=1;function t(e){const n=e.regex,s=/[\p{XID_Start}_]\p{XID_Continue}*/u,o=["and","as","assert","async","await","break","case","class","continue","def","del","elif","else","except","finally","for","from","global","if","import","in","is","lambda","match","nonlocal|10","not","or","pass","raise","return","try","while","with","yield"],l={$pattern:/[A-Za-z]\w+|__\w+__/,keyword:o,built_in:["__import__","abs","all","any","ascii","bin","bool","breakpoint","bytearray","bytes","callable","chr","classmethod","compile","complex","delattr","dict","dir","divmod","enumerate","eval","exec","filter","float","format","frozenset","getattr","globals","hasattr","hash","help","hex","id","input","int","isinstance","issubclass","iter","len","list","locals","map","max","memoryview","min","next","object","oct","open","ord","pow","print","property","range","repr","reversed","round","set","setattr","slice","sorted","staticmethod","str","sum","super","tuple","type","vars","zip"],literal:["__debug__","Ellipsis","False","None","NotImplemented","True"],type:["Any","Callable","Coroutine","Dict","List","Literal","Generic","Optional","Sequence","Set","Tuple","Type","Union"]},c={className:"meta",begin:/^(>>>|\.\.\.) /},u={className:"subst",begin:/\{/,end:/\}/,keywords:l,illegal:/#/},h={begin:/\{\{/,relevance:0},f={className:"string",contains:[e.BACKSLASH_ESCAPE],variants:[{begin:/([uU]|[bB]|[rR]|[bB][rR]|[rR][bB])?'''/,end:/'''/,contains:[e.BACKSLASH_ESCAPE,c],relevance:10},{begin:/([uU]|[bB]|[rR]|[bB][rR]|[rR][bB])?"""/,end:/"""/,contains:[e.BACKSLASH_ESCAPE,c],relevance:10},{begin:/([fF][rR]|[rR][fF]|[fF])'''/,end:/'''/,contains:[e.BACKSLASH_ESCAPE,c,h,u]},{begin:/([fF][rR]|[rR][fF]|[fF])"""/,end:/"""/,contains:[e.BACKSLASH_ESCAPE,c,h,u]},{begin:/([uU]|[rR])'/,end:/'/,relevance:10},{begin:/([uU]|[rR])"/,end:/"/,relevance:10},{begin:/([bB]|[bB][rR]|[rR][bB])'/,end:/'/},{begin:/([bB]|[bB][rR]|[rR][bB])"/,end:/"/},{begin:/([fF][rR]|[rR][fF]|[fF])'/,end:/'/,contains:[e.BACKSLASH_ESCAPE,h,u]},{begin:/([fF][rR]|[rR][fF]|[fF])"/,end:/"/,contains:[e.BACKSLASH_ESCAPE,h,u]},e.APOS_STRING_MODE,e.QUOTE_STRING_MODE]},g="[0-9](_?[0-9])*",m=`(\\b(${g}))?\\.(${g})|\\b(${g})\\.`,p=`\\b|${o.join("|")}`,b={className:"number",relevance:0,variants:[{begin:`(\\b(${g})|(${m}))[eE][+-]?(${g})[jJ]?(?=${p})`},{begin:`(${m})[jJ]?`},{begin:`\\b([1-9](_?[0-9])*|0+(_?0)*)[lLjJ]?(?=${p})`},{begin:`\\b0[bB](_?[01])+[lL]?(?=${p})`},{begin:`\\b0[oO](_?[0-7])+[lL]?(?=${p})`},{begin:`\\b0[xX](_?[0-9a-fA-F])+[lL]?(?=${p})`},{begin:`\\b(${g})[jJ](?=${p})`}]},_={className:"comment",begin:n.lookahead(/# type:/),end:/$/,keywords:l,contains:[{begin:/# type:/},{begin:/#/,end:/\b\B/,endsWithParent:!0}]},y={className:"params",variants:[{className:"",begin:/\(\s*\)/,skip:!0},{begin:/\(/,end:/\)/,excludeBegin:!0,excludeEnd:!0,keywords:l,contains:["self",c,b,f,e.HASH_COMMENT_MODE]}]};return u.contains=[f,b,c],{name:"Python",aliases:["py","gyp","ipython"],unicodeRegex:!0,keywords:l,illegal:/(<\/|\?)|=>/,contains:[c,b,{begin:/\bself\b/},{beginKeywords:"if",relevance:0},f,_,e.HASH_COMMENT_MODE,{match:[/\bdef/,/\s+/,s],scope:{1:"keyword",3:"title.function"},contains:[y]},{variants:[{match:[/\bclass/,/\s+/,s,/\s*/,/\(\s*/,s,/\s*\)/]},{match:[/\bclass/,/\s+/,s]}],scope:{1:"keyword",3:"title.class",6:"title.class.inherited"}},{className:"meta",begin:/^[\t ]*@/,end:/(?=#)|$/,contains:[b,y,f]}]}}return Aa=t,Aa}var Sa,mh;function rTe(){if(mh)return Sa;mh=1;function t(e){return{aliases:["pycon"],contains:[{className:"meta.prompt",starts:{end:/ |$/,starts:{end:"$",subLanguage:"python"}},variants:[{begin:/^>>>(?=[ ]|$)/},{begin:/^\.\.\.(?=[ ]|$)/}]}]}}return Sa=t,Sa}var Ta,_h;function iTe(){if(_h)return Ta;_h=1;function t(e){const n=e.regex,s=/(?:(?:[a-zA-Z]|\.[._a-zA-Z])[._a-zA-Z0-9]*)|\.(?!\d)/,o=n.either(/0[xX][0-9a-fA-F]+\.[0-9a-fA-F]*[pP][+-]?\d+i?/,/0[xX][0-9a-fA-F]+(?:[pP][+-]?\d+)?[Li]?/,/(?:\d+(?:\.\d*)?|\.\d+)(?:[eE][+-]?\d+)?[Li]?/),r=/[=!<>:]=|\|\||&&|:::?|<-|<<-|->>|->|\|>|[-+*\/?!$&|:<=>@^~]|\*\*/,i=n.either(/[()]/,/[{}]/,/\[\[/,/[[\]]/,/\\/,/,/);return{name:"R",keywords:{$pattern:s,keyword:"function if in break next repeat else for while",literal:"NULL NA TRUE FALSE Inf NaN NA_integer_|10 NA_real_|10 NA_character_|10 NA_complex_|10",built_in:"LETTERS letters month.abb month.name pi T F abs acos acosh all any anyNA Arg as.call as.character as.complex as.double as.environment as.integer as.logical as.null.default as.numeric as.raw asin asinh atan atanh attr attributes baseenv browser c call ceiling class Conj cos cosh cospi cummax cummin cumprod cumsum digamma dim dimnames emptyenv exp expression floor forceAndCall gamma gc.time globalenv Im interactive invisible is.array is.atomic is.call is.character is.complex is.double is.environment is.expression is.finite is.function is.infinite is.integer is.language is.list is.logical is.matrix is.na is.name is.nan is.null is.numeric is.object is.pairlist is.raw is.recursive is.single is.symbol lazyLoadDBfetch length lgamma list log max min missing Mod names nargs nzchar oldClass on.exit pos.to.env proc.time prod quote range Re rep retracemem return round seq_along seq_len seq.int sign signif sin sinh sinpi sqrt standardGeneric substitute sum switch tan tanh tanpi tracemem trigamma trunc unclass untracemem UseMethod xtfrm"},contains:[e.COMMENT(/#'/,/$/,{contains:[{scope:"doctag",match:/@examples/,starts:{end:n.lookahead(n.either(/\n^#'\s*(?=@[a-zA-Z]+)/,/\n^(?!#')/)),endsParent:!0}},{scope:"doctag",begin:"@param",end:/$/,contains:[{scope:"variable",variants:[{match:s},{match:/`(?:\\.|[^`\\])+`/}],endsParent:!0}]},{scope:"doctag",match:/@[a-zA-Z]+/},{scope:"keyword",match:/\\[a-zA-Z]+/}]}),e.HASH_COMMENT_MODE,{scope:"string",contains:[e.BACKSLASH_ESCAPE],variants:[e.END_SAME_AS_BEGIN({begin:/[rR]"(-*)\(/,end:/\)(-*)"/}),e.END_SAME_AS_BEGIN({begin:/[rR]"(-*)\{/,end:/\}(-*)"/}),e.END_SAME_AS_BEGIN({begin:/[rR]"(-*)\[/,end:/\](-*)"/}),e.END_SAME_AS_BEGIN({begin:/[rR]'(-*)\(/,end:/\)(-*)'/}),e.END_SAME_AS_BEGIN({begin:/[rR]'(-*)\{/,end:/\}(-*)'/}),e.END_SAME_AS_BEGIN({begin:/[rR]'(-*)\[/,end:/\](-*)'/}),{begin:'"',end:'"',relevance:0},{begin:"'",end:"'",relevance:0}]},{relevance:0,variants:[{scope:{1:"operator",2:"number"},match:[r,o]},{scope:{1:"operator",2:"number"},match:[/%[^%]*%/,o]},{scope:{1:"punctuation",2:"number"},match:[i,o]},{scope:{2:"number"},match:[/[^a-zA-Z0-9._]|^/,o]}]},{scope:{3:"operator"},match:[s,/\s+/,/<-/,/\s+/]},{scope:"operator",relevance:0,variants:[{match:r},{match:/%[^%]*%/}]},{scope:"punctuation",relevance:0,match:i},{begin:"`",end:"`",contains:[{begin:/\\./}]}]}}return Ta=t,Ta}var Ma,bh;function aTe(){if(bh)return Ma;bh=1;function t(e){const n=e.regex,s={className:"title.function.invoke",relevance:0,begin:n.concat(/\b/,/(?!let\b)/,e.IDENT_RE,n.lookahead(/\s*\(/))},o="([ui](8|16|32|64|128|size)|f(32|64))?",r=["abstract","as","async","await","become","box","break","const","continue","crate","do","dyn","else","enum","extern","false","final","fn","for","if","impl","in","let","loop","macro","match","mod","move","mut","override","priv","pub","ref","return","self","Self","static","struct","super","trait","true","try","type","typeof","unsafe","unsized","use","virtual","where","while","yield"],i=["true","false","Some","None","Ok","Err"],a=["drop ","Copy","Send","Sized","Sync","Drop","Fn","FnMut","FnOnce","ToOwned","Clone","Debug","PartialEq","PartialOrd","Eq","Ord","AsRef","AsMut","Into","From","Default","Iterator","Extend","IntoIterator","DoubleEndedIterator","ExactSizeIterator","SliceConcatExt","ToString","assert!","assert_eq!","bitflags!","bytes!","cfg!","col!","concat!","concat_idents!","debug_assert!","debug_assert_eq!","env!","panic!","file!","format!","format_args!","include_bytes!","include_str!","line!","local_data_key!","module_path!","option_env!","print!","println!","select!","stringify!","try!","unimplemented!","unreachable!","vec!","write!","writeln!","macro_rules!","assert_ne!","debug_assert_ne!"],l=["i8","i16","i32","i64","i128","isize","u8","u16","u32","u64","u128","usize","f32","f64","str","char","bool","Box","Option","Result","String","Vec"];return{name:"Rust",aliases:["rs"],keywords:{$pattern:e.IDENT_RE+"!?",type:l,keyword:r,literal:i,built_in:a},illegal:""},s]}}return Ma=t,Ma}var Oa,yh;function lTe(){if(yh)return Oa;yh=1;const t=a=>({IMPORTANT:{scope:"meta",begin:"!important"},BLOCK_COMMENT:a.C_BLOCK_COMMENT_MODE,HEXCOLOR:{scope:"number",begin:/#(([0-9a-fA-F]{3,4})|(([0-9a-fA-F]{2}){3,4}))\b/},FUNCTION_DISPATCH:{className:"built_in",begin:/[\w-]+(?=\()/},ATTRIBUTE_SELECTOR_MODE:{scope:"selector-attr",begin:/\[/,end:/\]/,illegal:"$",contains:[a.APOS_STRING_MODE,a.QUOTE_STRING_MODE]},CSS_NUMBER_MODE:{scope:"number",begin:a.NUMBER_RE+"(%|em|ex|ch|rem|vw|vh|vmin|vmax|cm|mm|in|pt|pc|px|deg|grad|rad|turn|s|ms|Hz|kHz|dpi|dpcm|dppx)?",relevance:0},CSS_VARIABLE:{className:"attr",begin:/--[A-Za-z][A-Za-z0-9_-]*/}}),e=["a","abbr","address","article","aside","audio","b","blockquote","body","button","canvas","caption","cite","code","dd","del","details","dfn","div","dl","dt","em","fieldset","figcaption","figure","footer","form","h1","h2","h3","h4","h5","h6","header","hgroup","html","i","iframe","img","input","ins","kbd","label","legend","li","main","mark","menu","nav","object","ol","p","q","quote","samp","section","span","strong","summary","sup","table","tbody","td","textarea","tfoot","th","thead","time","tr","ul","var","video"],n=["any-hover","any-pointer","aspect-ratio","color","color-gamut","color-index","device-aspect-ratio","device-height","device-width","display-mode","forced-colors","grid","height","hover","inverted-colors","monochrome","orientation","overflow-block","overflow-inline","pointer","prefers-color-scheme","prefers-contrast","prefers-reduced-motion","prefers-reduced-transparency","resolution","scan","scripting","update","width","min-width","max-width","min-height","max-height"],s=["active","any-link","blank","checked","current","default","defined","dir","disabled","drop","empty","enabled","first","first-child","first-of-type","fullscreen","future","focus","focus-visible","focus-within","has","host","host-context","hover","indeterminate","in-range","invalid","is","lang","last-child","last-of-type","left","link","local-link","not","nth-child","nth-col","nth-last-child","nth-last-col","nth-last-of-type","nth-of-type","only-child","only-of-type","optional","out-of-range","past","placeholder-shown","read-only","read-write","required","right","root","scope","target","target-within","user-invalid","valid","visited","where"],o=["after","backdrop","before","cue","cue-region","first-letter","first-line","grammar-error","marker","part","placeholder","selection","slotted","spelling-error"],r=["align-content","align-items","align-self","all","animation","animation-delay","animation-direction","animation-duration","animation-fill-mode","animation-iteration-count","animation-name","animation-play-state","animation-timing-function","backface-visibility","background","background-attachment","background-blend-mode","background-clip","background-color","background-image","background-origin","background-position","background-repeat","background-size","block-size","border","border-block","border-block-color","border-block-end","border-block-end-color","border-block-end-style","border-block-end-width","border-block-start","border-block-start-color","border-block-start-style","border-block-start-width","border-block-style","border-block-width","border-bottom","border-bottom-color","border-bottom-left-radius","border-bottom-right-radius","border-bottom-style","border-bottom-width","border-collapse","border-color","border-image","border-image-outset","border-image-repeat","border-image-slice","border-image-source","border-image-width","border-inline","border-inline-color","border-inline-end","border-inline-end-color","border-inline-end-style","border-inline-end-width","border-inline-start","border-inline-start-color","border-inline-start-style","border-inline-start-width","border-inline-style","border-inline-width","border-left","border-left-color","border-left-style","border-left-width","border-radius","border-right","border-right-color","border-right-style","border-right-width","border-spacing","border-style","border-top","border-top-color","border-top-left-radius","border-top-right-radius","border-top-style","border-top-width","border-width","bottom","box-decoration-break","box-shadow","box-sizing","break-after","break-before","break-inside","caption-side","caret-color","clear","clip","clip-path","clip-rule","color","column-count","column-fill","column-gap","column-rule","column-rule-color","column-rule-style","column-rule-width","column-span","column-width","columns","contain","content","content-visibility","counter-increment","counter-reset","cue","cue-after","cue-before","cursor","direction","display","empty-cells","filter","flex","flex-basis","flex-direction","flex-flow","flex-grow","flex-shrink","flex-wrap","float","flow","font","font-display","font-family","font-feature-settings","font-kerning","font-language-override","font-size","font-size-adjust","font-smoothing","font-stretch","font-style","font-synthesis","font-variant","font-variant-caps","font-variant-east-asian","font-variant-ligatures","font-variant-numeric","font-variant-position","font-variation-settings","font-weight","gap","glyph-orientation-vertical","grid","grid-area","grid-auto-columns","grid-auto-flow","grid-auto-rows","grid-column","grid-column-end","grid-column-start","grid-gap","grid-row","grid-row-end","grid-row-start","grid-template","grid-template-areas","grid-template-columns","grid-template-rows","hanging-punctuation","height","hyphens","icon","image-orientation","image-rendering","image-resolution","ime-mode","inline-size","isolation","justify-content","left","letter-spacing","line-break","line-height","list-style","list-style-image","list-style-position","list-style-type","margin","margin-block","margin-block-end","margin-block-start","margin-bottom","margin-inline","margin-inline-end","margin-inline-start","margin-left","margin-right","margin-top","marks","mask","mask-border","mask-border-mode","mask-border-outset","mask-border-repeat","mask-border-slice","mask-border-source","mask-border-width","mask-clip","mask-composite","mask-image","mask-mode","mask-origin","mask-position","mask-repeat","mask-size","mask-type","max-block-size","max-height","max-inline-size","max-width","min-block-size","min-height","min-inline-size","min-width","mix-blend-mode","nav-down","nav-index","nav-left","nav-right","nav-up","none","normal","object-fit","object-position","opacity","order","orphans","outline","outline-color","outline-offset","outline-style","outline-width","overflow","overflow-wrap","overflow-x","overflow-y","padding","padding-block","padding-block-end","padding-block-start","padding-bottom","padding-inline","padding-inline-end","padding-inline-start","padding-left","padding-right","padding-top","page-break-after","page-break-before","page-break-inside","pause","pause-after","pause-before","perspective","perspective-origin","pointer-events","position","quotes","resize","rest","rest-after","rest-before","right","row-gap","scroll-margin","scroll-margin-block","scroll-margin-block-end","scroll-margin-block-start","scroll-margin-bottom","scroll-margin-inline","scroll-margin-inline-end","scroll-margin-inline-start","scroll-margin-left","scroll-margin-right","scroll-margin-top","scroll-padding","scroll-padding-block","scroll-padding-block-end","scroll-padding-block-start","scroll-padding-bottom","scroll-padding-inline","scroll-padding-inline-end","scroll-padding-inline-start","scroll-padding-left","scroll-padding-right","scroll-padding-top","scroll-snap-align","scroll-snap-stop","scroll-snap-type","scrollbar-color","scrollbar-gutter","scrollbar-width","shape-image-threshold","shape-margin","shape-outside","speak","speak-as","src","tab-size","table-layout","text-align","text-align-all","text-align-last","text-combine-upright","text-decoration","text-decoration-color","text-decoration-line","text-decoration-style","text-emphasis","text-emphasis-color","text-emphasis-position","text-emphasis-style","text-indent","text-justify","text-orientation","text-overflow","text-rendering","text-shadow","text-transform","text-underline-position","top","transform","transform-box","transform-origin","transform-style","transition","transition-delay","transition-duration","transition-property","transition-timing-function","unicode-bidi","vertical-align","visibility","voice-balance","voice-duration","voice-family","voice-pitch","voice-range","voice-rate","voice-stress","voice-volume","white-space","widows","width","will-change","word-break","word-spacing","word-wrap","writing-mode","z-index"].reverse();function i(a){const l=t(a),c=o,u=s,h="@[a-z-]+",f="and or not only",m={className:"variable",begin:"(\\$"+"[a-zA-Z-][a-zA-Z0-9_-]*"+")\\b",relevance:0};return{name:"SCSS",case_insensitive:!0,illegal:"[=/|']",contains:[a.C_LINE_COMMENT_MODE,a.C_BLOCK_COMMENT_MODE,l.CSS_NUMBER_MODE,{className:"selector-id",begin:"#[A-Za-z0-9_-]+",relevance:0},{className:"selector-class",begin:"\\.[A-Za-z0-9_-]+",relevance:0},l.ATTRIBUTE_SELECTOR_MODE,{className:"selector-tag",begin:"\\b("+e.join("|")+")\\b",relevance:0},{className:"selector-pseudo",begin:":("+u.join("|")+")"},{className:"selector-pseudo",begin:":(:)?("+c.join("|")+")"},m,{begin:/\(/,end:/\)/,contains:[l.CSS_NUMBER_MODE]},l.CSS_VARIABLE,{className:"attribute",begin:"\\b("+r.join("|")+")\\b"},{begin:"\\b(whitespace|wait|w-resize|visible|vertical-text|vertical-ideographic|uppercase|upper-roman|upper-alpha|underline|transparent|top|thin|thick|text|text-top|text-bottom|tb-rl|table-header-group|table-footer-group|sw-resize|super|strict|static|square|solid|small-caps|separate|se-resize|scroll|s-resize|rtl|row-resize|ridge|right|repeat|repeat-y|repeat-x|relative|progress|pointer|overline|outside|outset|oblique|nowrap|not-allowed|normal|none|nw-resize|no-repeat|no-drop|newspaper|ne-resize|n-resize|move|middle|medium|ltr|lr-tb|lowercase|lower-roman|lower-alpha|loose|list-item|line|line-through|line-edge|lighter|left|keep-all|justify|italic|inter-word|inter-ideograph|inside|inset|inline|inline-block|inherit|inactive|ideograph-space|ideograph-parenthesis|ideograph-numeric|ideograph-alpha|horizontal|hidden|help|hand|groove|fixed|ellipsis|e-resize|double|dotted|distribute|distribute-space|distribute-letter|distribute-all-lines|disc|disabled|default|decimal|dashed|crosshair|collapse|col-resize|circle|char|center|capitalize|break-word|break-all|bottom|both|bolder|bold|block|bidi-override|below|baseline|auto|always|all-scroll|absolute|table|table-cell)\\b"},{begin:/:/,end:/[;}{]/,relevance:0,contains:[l.BLOCK_COMMENT,m,l.HEXCOLOR,l.CSS_NUMBER_MODE,a.QUOTE_STRING_MODE,a.APOS_STRING_MODE,l.IMPORTANT,l.FUNCTION_DISPATCH]},{begin:"@(page|font-face)",keywords:{$pattern:h,keyword:"@page @font-face"}},{begin:"@",end:"[{;]",returnBegin:!0,keywords:{$pattern:/[a-z-]+/,keyword:f,attribute:n.join(" ")},contains:[{begin:h,className:"keyword"},{begin:/[a-z-]+(?=:)/,className:"attribute"},m,a.QUOTE_STRING_MODE,a.APOS_STRING_MODE,l.HEXCOLOR,l.CSS_NUMBER_MODE]},l.FUNCTION_DISPATCH]}}return Oa=i,Oa}var Ra,vh;function cTe(){if(vh)return Ra;vh=1;function t(e){return{name:"Shell Session",aliases:["console","shellsession"],contains:[{className:"meta.prompt",begin:/^\s{0,3}[/~\w\d[\]()@-]*[>%$#][ ]?/,starts:{end:/[^\\](?=\s*$)/,subLanguage:"bash"}}]}}return Ra=t,Ra}var Na,wh;function dTe(){if(wh)return Na;wh=1;function t(e){const n=e.regex,s=e.COMMENT("--","$"),o={className:"string",variants:[{begin:/'/,end:/'/,contains:[{begin:/''/}]}]},r={begin:/"/,end:/"/,contains:[{begin:/""/}]},i=["true","false","unknown"],a=["double precision","large object","with timezone","without timezone"],l=["bigint","binary","blob","boolean","char","character","clob","date","dec","decfloat","decimal","float","int","integer","interval","nchar","nclob","national","numeric","real","row","smallint","time","timestamp","varchar","varying","varbinary"],c=["add","asc","collation","desc","final","first","last","view"],u=["abs","acos","all","allocate","alter","and","any","are","array","array_agg","array_max_cardinality","as","asensitive","asin","asymmetric","at","atan","atomic","authorization","avg","begin","begin_frame","begin_partition","between","bigint","binary","blob","boolean","both","by","call","called","cardinality","cascaded","case","cast","ceil","ceiling","char","char_length","character","character_length","check","classifier","clob","close","coalesce","collate","collect","column","commit","condition","connect","constraint","contains","convert","copy","corr","corresponding","cos","cosh","count","covar_pop","covar_samp","create","cross","cube","cume_dist","current","current_catalog","current_date","current_default_transform_group","current_path","current_role","current_row","current_schema","current_time","current_timestamp","current_path","current_role","current_transform_group_for_type","current_user","cursor","cycle","date","day","deallocate","dec","decimal","decfloat","declare","default","define","delete","dense_rank","deref","describe","deterministic","disconnect","distinct","double","drop","dynamic","each","element","else","empty","end","end_frame","end_partition","end-exec","equals","escape","every","except","exec","execute","exists","exp","external","extract","false","fetch","filter","first_value","float","floor","for","foreign","frame_row","free","from","full","function","fusion","get","global","grant","group","grouping","groups","having","hold","hour","identity","in","indicator","initial","inner","inout","insensitive","insert","int","integer","intersect","intersection","interval","into","is","join","json_array","json_arrayagg","json_exists","json_object","json_objectagg","json_query","json_table","json_table_primitive","json_value","lag","language","large","last_value","lateral","lead","leading","left","like","like_regex","listagg","ln","local","localtime","localtimestamp","log","log10","lower","match","match_number","match_recognize","matches","max","member","merge","method","min","minute","mod","modifies","module","month","multiset","national","natural","nchar","nclob","new","no","none","normalize","not","nth_value","ntile","null","nullif","numeric","octet_length","occurrences_regex","of","offset","old","omit","on","one","only","open","or","order","out","outer","over","overlaps","overlay","parameter","partition","pattern","per","percent","percent_rank","percentile_cont","percentile_disc","period","portion","position","position_regex","power","precedes","precision","prepare","primary","procedure","ptf","range","rank","reads","real","recursive","ref","references","referencing","regr_avgx","regr_avgy","regr_count","regr_intercept","regr_r2","regr_slope","regr_sxx","regr_sxy","regr_syy","release","result","return","returns","revoke","right","rollback","rollup","row","row_number","rows","running","savepoint","scope","scroll","search","second","seek","select","sensitive","session_user","set","show","similar","sin","sinh","skip","smallint","some","specific","specifictype","sql","sqlexception","sqlstate","sqlwarning","sqrt","start","static","stddev_pop","stddev_samp","submultiset","subset","substring","substring_regex","succeeds","sum","symmetric","system","system_time","system_user","table","tablesample","tan","tanh","then","time","timestamp","timezone_hour","timezone_minute","to","trailing","translate","translate_regex","translation","treat","trigger","trim","trim_array","true","truncate","uescape","union","unique","unknown","unnest","update","upper","user","using","value","values","value_of","var_pop","var_samp","varbinary","varchar","varying","versioning","when","whenever","where","width_bucket","window","with","within","without","year"],h=["abs","acos","array_agg","asin","atan","avg","cast","ceil","ceiling","coalesce","corr","cos","cosh","count","covar_pop","covar_samp","cume_dist","dense_rank","deref","element","exp","extract","first_value","floor","json_array","json_arrayagg","json_exists","json_object","json_objectagg","json_query","json_table","json_table_primitive","json_value","lag","last_value","lead","listagg","ln","log","log10","lower","max","min","mod","nth_value","ntile","nullif","percent_rank","percentile_cont","percentile_disc","position","position_regex","power","rank","regr_avgx","regr_avgy","regr_count","regr_intercept","regr_r2","regr_slope","regr_sxx","regr_sxy","regr_syy","row_number","sin","sinh","sqrt","stddev_pop","stddev_samp","substring","substring_regex","sum","tan","tanh","translate","translate_regex","treat","trim","trim_array","unnest","upper","value_of","var_pop","var_samp","width_bucket"],f=["current_catalog","current_date","current_default_transform_group","current_path","current_role","current_schema","current_transform_group_for_type","current_user","session_user","system_time","system_user","current_time","localtime","current_timestamp","localtimestamp"],g=["create table","insert into","primary key","foreign key","not null","alter table","add constraint","grouping sets","on overflow","character set","respect nulls","ignore nulls","nulls first","nulls last","depth first","breadth first"],m=h,p=[...u,...c].filter(S=>!h.includes(S)),b={className:"variable",begin:/@[a-z0-9][a-z0-9_]*/},_={className:"operator",begin:/[-+*/=%^~]|&&?|\|\|?|!=?|<(?:=>?|<|>)?|>[>=]?/,relevance:0},y={begin:n.concat(/\b/,n.either(...m),/\s*\(/),relevance:0,keywords:{built_in:m}};function x(S,{exceptions:R,when:O}={}){const D=O;return R=R||[],S.map(v=>v.match(/\|\d+$/)||R.includes(v)?v:D(v)?`${v}|0`:v)}return{name:"SQL",case_insensitive:!0,illegal:/[{}]|<\//,keywords:{$pattern:/\b[\w\.]+/,keyword:x(p,{when:S=>S.length<3}),literal:i,type:l,built_in:f},contains:[{begin:n.either(...g),relevance:0,keywords:{$pattern:/[\w\.]+/,keyword:p.concat(g),literal:i,type:l}},{className:"type",begin:n.either(...a)},y,b,o,r,e.C_NUMBER_MODE,e.C_BLOCK_COMMENT_MODE,s,_]}}return Na=t,Na}var Da,xh;function uTe(){if(xh)return Da;xh=1;function t(v){return v?typeof v=="string"?v:v.source:null}function e(v){return n("(?=",v,")")}function n(...v){return v.map(M=>t(M)).join("")}function s(v){const E=v[v.length-1];return typeof E=="object"&&E.constructor===Object?(v.splice(v.length-1,1),E):{}}function o(...v){return"("+(s(v).capture?"":"?:")+v.map(L=>t(L)).join("|")+")"}const r=v=>n(/\b/,v,/\w$/.test(v)?/\b/:/\B/),i=["Protocol","Type"].map(r),a=["init","self"].map(r),l=["Any","Self"],c=["actor","any","associatedtype","async","await",/as\?/,/as!/,"as","break","case","catch","class","continue","convenience","default","defer","deinit","didSet","distributed","do","dynamic","else","enum","extension","fallthrough",/fileprivate\(set\)/,"fileprivate","final","for","func","get","guard","if","import","indirect","infix",/init\?/,/init!/,"inout",/internal\(set\)/,"internal","in","is","isolated","nonisolated","lazy","let","mutating","nonmutating",/open\(set\)/,"open","operator","optional","override","postfix","precedencegroup","prefix",/private\(set\)/,"private","protocol",/public\(set\)/,"public","repeat","required","rethrows","return","set","some","static","struct","subscript","super","switch","throws","throw",/try\?/,/try!/,"try","typealias",/unowned\(safe\)/,/unowned\(unsafe\)/,"unowned","var","weak","where","while","willSet"],u=["false","nil","true"],h=["assignment","associativity","higherThan","left","lowerThan","none","right"],f=["#colorLiteral","#column","#dsohandle","#else","#elseif","#endif","#error","#file","#fileID","#fileLiteral","#filePath","#function","#if","#imageLiteral","#keyPath","#line","#selector","#sourceLocation","#warn_unqualified_access","#warning"],g=["abs","all","any","assert","assertionFailure","debugPrint","dump","fatalError","getVaList","isKnownUniquelyReferenced","max","min","numericCast","pointwiseMax","pointwiseMin","precondition","preconditionFailure","print","readLine","repeatElement","sequence","stride","swap","swift_unboxFromSwiftValueWithType","transcode","type","unsafeBitCast","unsafeDowncast","withExtendedLifetime","withUnsafeMutablePointer","withUnsafePointer","withVaList","withoutActuallyEscaping","zip"],m=o(/[/=\-+!*%<>&|^~?]/,/[\u00A1-\u00A7]/,/[\u00A9\u00AB]/,/[\u00AC\u00AE]/,/[\u00B0\u00B1]/,/[\u00B6\u00BB\u00BF\u00D7\u00F7]/,/[\u2016-\u2017]/,/[\u2020-\u2027]/,/[\u2030-\u203E]/,/[\u2041-\u2053]/,/[\u2055-\u205E]/,/[\u2190-\u23FF]/,/[\u2500-\u2775]/,/[\u2794-\u2BFF]/,/[\u2E00-\u2E7F]/,/[\u3001-\u3003]/,/[\u3008-\u3020]/,/[\u3030]/),p=o(m,/[\u0300-\u036F]/,/[\u1DC0-\u1DFF]/,/[\u20D0-\u20FF]/,/[\uFE00-\uFE0F]/,/[\uFE20-\uFE2F]/),b=n(m,p,"*"),_=o(/[a-zA-Z_]/,/[\u00A8\u00AA\u00AD\u00AF\u00B2-\u00B5\u00B7-\u00BA]/,/[\u00BC-\u00BE\u00C0-\u00D6\u00D8-\u00F6\u00F8-\u00FF]/,/[\u0100-\u02FF\u0370-\u167F\u1681-\u180D\u180F-\u1DBF]/,/[\u1E00-\u1FFF]/,/[\u200B-\u200D\u202A-\u202E\u203F-\u2040\u2054\u2060-\u206F]/,/[\u2070-\u20CF\u2100-\u218F\u2460-\u24FF\u2776-\u2793]/,/[\u2C00-\u2DFF\u2E80-\u2FFF]/,/[\u3004-\u3007\u3021-\u302F\u3031-\u303F\u3040-\uD7FF]/,/[\uF900-\uFD3D\uFD40-\uFDCF\uFDF0-\uFE1F\uFE30-\uFE44]/,/[\uFE47-\uFEFE\uFF00-\uFFFD]/),y=o(_,/\d/,/[\u0300-\u036F\u1DC0-\u1DFF\u20D0-\u20FF\uFE20-\uFE2F]/),x=n(_,y,"*"),S=n(/[A-Z]/,y,"*"),R=["autoclosure",n(/convention\(/,o("swift","block","c"),/\)/),"discardableResult","dynamicCallable","dynamicMemberLookup","escaping","frozen","GKInspectable","IBAction","IBDesignable","IBInspectable","IBOutlet","IBSegueAction","inlinable","main","nonobjc","NSApplicationMain","NSCopying","NSManaged",n(/objc\(/,x,/\)/),"objc","objcMembers","propertyWrapper","requires_stored_property_inits","resultBuilder","testable","UIApplicationMain","unknown","usableFromInline"],O=["iOS","iOSApplicationExtension","macOS","macOSApplicationExtension","macCatalyst","macCatalystApplicationExtension","watchOS","watchOSApplicationExtension","tvOS","tvOSApplicationExtension","swift"];function D(v){const E={match:/\s+/,relevance:0},M=v.COMMENT("/\\*","\\*/",{contains:["self"]}),L=[v.C_LINE_COMMENT_MODE,M],B={match:[/\./,o(...i,...a)],className:{2:"keyword"}},J={match:n(/\./,o(...c)),relevance:0},I=c.filter(Pe=>typeof Pe=="string").concat(["_|0"]),ae=c.filter(Pe=>typeof Pe!="string").concat(l).map(r),Z={variants:[{className:"keyword",match:o(...ae,...a)}]},T={$pattern:o(/\b\w+/,/#\w+/),keyword:I.concat(f),literal:u},q=[B,J,Z],G={match:n(/\./,o(...g)),relevance:0},we={className:"built_in",match:n(/\b/,o(...g),/(?=\()/)},_e=[G,we],ee={match:/->/,relevance:0},ke={className:"operator",relevance:0,variants:[{match:b},{match:`\\.(\\.|${p})+`}]},Se=[ee,ke],N="([0-9]_*)+",Q="([0-9a-fA-F]_*)+",V={className:"number",relevance:0,variants:[{match:`\\b(${N})(\\.(${N}))?([eE][+-]?(${N}))?\\b`},{match:`\\b0x(${Q})(\\.(${Q}))?([pP][+-]?(${N}))?\\b`},{match:/\b0o([0-7]_*)+\b/},{match:/\b0b([01]_*)+\b/}]},te=(Pe="")=>({className:"subst",variants:[{match:n(/\\/,Pe,/[0\\tnr"']/)},{match:n(/\\/,Pe,/u\{[0-9a-fA-F]{1,8}\}/)}]}),X=(Pe="")=>({className:"subst",match:n(/\\/,Pe,/[\t ]*(?:[\r\n]|\r\n)/)}),ge=(Pe="")=>({className:"subst",label:"interpol",begin:n(/\\/,Pe,/\(/),end:/\)/}),de=(Pe="")=>({begin:n(Pe,/"""/),end:n(/"""/,Pe),contains:[te(Pe),X(Pe),ge(Pe)]}),w=(Pe="")=>({begin:n(Pe,/"/),end:n(/"/,Pe),contains:[te(Pe),ge(Pe)]}),A={className:"string",variants:[de(),de("#"),de("##"),de("###"),w(),w("#"),w("##"),w("###")]},P={match:n(/`/,x,/`/)},$={className:"variable",match:/\$\d+/},j={className:"variable",match:`\\$${y}+`},ne=[P,$,j],re={match:/(@|#(un)?)available/,className:"keyword",starts:{contains:[{begin:/\(/,end:/\)/,keywords:O,contains:[...Se,V,A]}]}},z={className:"keyword",match:n(/@/,o(...R))},se={className:"meta",match:n(/@/,x)},U=[re,z,se],Y={match:e(/\b[A-Z]/),relevance:0,contains:[{className:"type",match:n(/(AV|CA|CF|CG|CI|CL|CM|CN|CT|MK|MP|MTK|MTL|NS|SCN|SK|UI|WK|XC)/,y,"+")},{className:"type",match:S,relevance:0},{match:/[?!]+/,relevance:0},{match:/\.\.\./,relevance:0},{match:n(/\s+&\s+/,e(S)),relevance:0}]},ie={begin://,keywords:T,contains:[...L,...q,...U,ee,Y]};Y.contains.push(ie);const pe={match:n(x,/\s*:/),keywords:"_|0",relevance:0},ue={begin:/\(/,end:/\)/,relevance:0,keywords:T,contains:["self",pe,...L,...q,..._e,...Se,V,A,...ne,...U,Y]},Ce={begin://,contains:[...L,Y]},W={begin:o(e(n(x,/\s*:/)),e(n(x,/\s+/,x,/\s*:/))),end:/:/,relevance:0,contains:[{className:"keyword",match:/\b_\b/},{className:"params",match:x}]},oe={begin:/\(/,end:/\)/,keywords:T,contains:[W,...L,...q,...Se,V,A,...U,Y,ue],endsParent:!0,illegal:/["']/},me={match:[/func/,/\s+/,o(P.match,x,b)],className:{1:"keyword",3:"title.function"},contains:[Ce,oe,E],illegal:[/\[/,/%/]},Te={match:[/\b(?:subscript|init[?!]?)/,/\s*(?=[<(])/],className:{1:"keyword"},contains:[Ce,oe,E],illegal:/\[|%/},Be={match:[/operator/,/\s+/,b],className:{1:"keyword",3:"title"}},We={begin:[/precedencegroup/,/\s+/,S],className:{1:"keyword",3:"title"},contains:[Y],keywords:[...h,...u],end:/}/};for(const Pe of A.variants){const et=Pe.contains.find(lt=>lt.label==="interpol");et.keywords=T;const nt=[...q,..._e,...Se,V,A,...ne];et.contains=[...nt,{begin:/\(/,end:/\)/,contains:["self",...nt]}]}return{name:"Swift",keywords:T,contains:[...L,me,Te,{beginKeywords:"struct protocol class extension enum actor",end:"\\{",excludeEnd:!0,keywords:T,contains:[v.inherit(v.TITLE_MODE,{className:"title.class",begin:/[A-Za-z$_][\u00C0-\u02B80-9A-Za-z$_]*/}),...q]},Be,We,{beginKeywords:"import",end:/$/,contains:[...L],relevance:0},...q,..._e,...Se,V,A,...ne,...U,Y,ue]}}return Da=D,Da}var La,kh;function hTe(){if(kh)return La;kh=1;function t(e){const n="true false yes no null",s="[\\w#;/?:@&=+$,.~*'()[\\]]+",o={className:"attr",variants:[{begin:"\\w[\\w :\\/.-]*:(?=[ ]|$)"},{begin:'"\\w[\\w :\\/.-]*":(?=[ ]|$)'},{begin:"'\\w[\\w :\\/.-]*':(?=[ ]|$)"}]},r={className:"template-variable",variants:[{begin:/\{\{/,end:/\}\}/},{begin:/%\{/,end:/\}/}]},i={className:"string",relevance:0,variants:[{begin:/'/,end:/'/},{begin:/"/,end:/"/},{begin:/\S+/}],contains:[e.BACKSLASH_ESCAPE,r]},a=e.inherit(i,{variants:[{begin:/'/,end:/'/},{begin:/"/,end:/"/},{begin:/[^\s,{}[\]]+/}]}),l="[0-9]{4}(-[0-9][0-9]){0,2}",c="([Tt \\t][0-9][0-9]?(:[0-9][0-9]){2})?",u="(\\.[0-9]*)?",h="([ \\t])*(Z|[-+][0-9][0-9]?(:[0-9][0-9])?)?",f={className:"number",begin:"\\b"+l+c+u+h+"\\b"},g={end:",",endsWithParent:!0,excludeEnd:!0,keywords:n,relevance:0},m={begin:/\{/,end:/\}/,contains:[g],illegal:"\\n",relevance:0},p={begin:"\\[",end:"\\]",contains:[g],illegal:"\\n",relevance:0},b=[o,{className:"meta",begin:"^---\\s*$",relevance:10},{className:"string",begin:"[\\|>]([1-9]?[+-])?[ ]*\\n( +)[^ ][^\\n]*\\n(\\2[^\\n]+\\n?)*"},{begin:"<%[%=-]?",end:"[%-]?%>",subLanguage:"ruby",excludeBegin:!0,excludeEnd:!0,relevance:0},{className:"type",begin:"!\\w+!"+s},{className:"type",begin:"!<"+s+">"},{className:"type",begin:"!"+s},{className:"type",begin:"!!"+s},{className:"meta",begin:"&"+e.UNDERSCORE_IDENT_RE+"$"},{className:"meta",begin:"\\*"+e.UNDERSCORE_IDENT_RE+"$"},{className:"bullet",begin:"-(?=[ ]|$)",relevance:0},e.HASH_COMMENT_MODE,{beginKeywords:n,keywords:{literal:n}},f,{className:"number",begin:e.C_NUMBER_RE+"\\b",relevance:0},m,p,i],_=[...b];return _.pop(),_.push(a),g.contains=_,{name:"YAML",case_insensitive:!0,aliases:["yml"],contains:b}}return La=t,La}var Ia,Eh;function fTe(){if(Eh)return Ia;Eh=1;const t="[A-Za-z$_][0-9A-Za-z$_]*",e=["as","in","of","if","for","while","finally","var","new","function","do","return","void","else","break","catch","instanceof","with","throw","case","default","try","switch","continue","typeof","delete","let","yield","const","class","debugger","async","await","static","import","from","export","extends"],n=["true","false","null","undefined","NaN","Infinity"],s=["Object","Function","Boolean","Symbol","Math","Date","Number","BigInt","String","RegExp","Array","Float32Array","Float64Array","Int8Array","Uint8Array","Uint8ClampedArray","Int16Array","Int32Array","Uint16Array","Uint32Array","BigInt64Array","BigUint64Array","Set","Map","WeakSet","WeakMap","ArrayBuffer","SharedArrayBuffer","Atomics","DataView","JSON","Promise","Generator","GeneratorFunction","AsyncFunction","Reflect","Proxy","Intl","WebAssembly"],o=["Error","EvalError","InternalError","RangeError","ReferenceError","SyntaxError","TypeError","URIError"],r=["setInterval","setTimeout","clearInterval","clearTimeout","require","exports","eval","isFinite","isNaN","parseFloat","parseInt","decodeURI","decodeURIComponent","encodeURI","encodeURIComponent","escape","unescape"],i=["arguments","this","super","console","window","document","localStorage","sessionStorage","module","global"],a=[].concat(r,s,o);function l(u){const h=u.regex,f=(te,{after:X})=>{const ge="",end:""},p=/<[A-Za-z0-9\\._:-]+\s*\/>/,b={begin:/<[A-Za-z0-9\\._:-]+/,end:/\/[A-Za-z0-9\\._:-]+>|\/>/,isTrulyOpeningTag:(te,X)=>{const ge=te[0].length+te.index,de=te.input[ge];if(de==="<"||de===","){X.ignoreMatch();return}de===">"&&(f(te,{after:ge})||X.ignoreMatch());let w;const A=te.input.substring(ge);if(w=A.match(/^\s*=/)){X.ignoreMatch();return}if((w=A.match(/^\s+extends\s+/))&&w.index===0){X.ignoreMatch();return}}},_={$pattern:t,keyword:e,literal:n,built_in:a,"variable.language":i},y="[0-9](_?[0-9])*",x=`\\.(${y})`,S="0|[1-9](_?[0-9])*|0[0-7]*[89][0-9]*",R={className:"number",variants:[{begin:`(\\b(${S})((${x})|\\.)?|(${x}))[eE][+-]?(${y})\\b`},{begin:`\\b(${S})\\b((${x})\\b|\\.)?|(${x})\\b`},{begin:"\\b(0|[1-9](_?[0-9])*)n\\b"},{begin:"\\b0[xX][0-9a-fA-F](_?[0-9a-fA-F])*n?\\b"},{begin:"\\b0[bB][0-1](_?[0-1])*n?\\b"},{begin:"\\b0[oO][0-7](_?[0-7])*n?\\b"},{begin:"\\b0[0-7]+n?\\b"}],relevance:0},O={className:"subst",begin:"\\$\\{",end:"\\}",keywords:_,contains:[]},D={begin:"html`",end:"",starts:{end:"`",returnEnd:!1,contains:[u.BACKSLASH_ESCAPE,O],subLanguage:"xml"}},v={begin:"css`",end:"",starts:{end:"`",returnEnd:!1,contains:[u.BACKSLASH_ESCAPE,O],subLanguage:"css"}},E={begin:"gql`",end:"",starts:{end:"`",returnEnd:!1,contains:[u.BACKSLASH_ESCAPE,O],subLanguage:"graphql"}},M={className:"string",begin:"`",end:"`",contains:[u.BACKSLASH_ESCAPE,O]},B={className:"comment",variants:[u.COMMENT(/\/\*\*(?!\/)/,"\\*/",{relevance:0,contains:[{begin:"(?=@[A-Za-z]+)",relevance:0,contains:[{className:"doctag",begin:"@[A-Za-z]+"},{className:"type",begin:"\\{",end:"\\}",excludeEnd:!0,excludeBegin:!0,relevance:0},{className:"variable",begin:g+"(?=\\s*(-)|$)",endsParent:!0,relevance:0},{begin:/(?=[^\n])\s/,relevance:0}]}]}),u.C_BLOCK_COMMENT_MODE,u.C_LINE_COMMENT_MODE]},J=[u.APOS_STRING_MODE,u.QUOTE_STRING_MODE,D,v,E,M,{match:/\$\d+/},R];O.contains=J.concat({begin:/\{/,end:/\}/,keywords:_,contains:["self"].concat(J)});const I=[].concat(B,O.contains),ae=I.concat([{begin:/\(/,end:/\)/,keywords:_,contains:["self"].concat(I)}]),Z={className:"params",begin:/\(/,end:/\)/,excludeBegin:!0,excludeEnd:!0,keywords:_,contains:ae},T={variants:[{match:[/class/,/\s+/,g,/\s+/,/extends/,/\s+/,h.concat(g,"(",h.concat(/\./,g),")*")],scope:{1:"keyword",3:"title.class",5:"keyword",7:"title.class.inherited"}},{match:[/class/,/\s+/,g],scope:{1:"keyword",3:"title.class"}}]},q={relevance:0,match:h.either(/\bJSON/,/\b[A-Z][a-z]+([A-Z][a-z]*|\d)*/,/\b[A-Z]{2,}([A-Z][a-z]+|\d)+([A-Z][a-z]*)*/,/\b[A-Z]{2,}[a-z]+([A-Z][a-z]+|\d)*([A-Z][a-z]*)*/),className:"title.class",keywords:{_:[...s,...o]}},G={label:"use_strict",className:"meta",relevance:10,begin:/^\s*['"]use (strict|asm)['"]/},we={variants:[{match:[/function/,/\s+/,g,/(?=\s*\()/]},{match:[/function/,/\s*(?=\()/]}],className:{1:"keyword",3:"title.function"},label:"func.def",contains:[Z],illegal:/%/},_e={relevance:0,match:/\b[A-Z][A-Z_0-9]+\b/,className:"variable.constant"};function ee(te){return h.concat("(?!",te.join("|"),")")}const ke={match:h.concat(/\b/,ee([...r,"super","import"]),g,h.lookahead(/\(/)),className:"title.function",relevance:0},Se={begin:h.concat(/\./,h.lookahead(h.concat(g,/(?![0-9A-Za-z$_(])/))),end:g,excludeBegin:!0,keywords:"prototype",className:"property",relevance:0},N={match:[/get|set/,/\s+/,g,/(?=\()/],className:{1:"keyword",3:"title.function"},contains:[{begin:/\(\)/},Z]},Q="(\\([^()]*(\\([^()]*(\\([^()]*\\)[^()]*)*\\)[^()]*)*\\)|"+u.UNDERSCORE_IDENT_RE+")\\s*=>",V={match:[/const|var|let/,/\s+/,g,/\s*/,/=\s*/,/(async\s*)?/,h.lookahead(Q)],keywords:"async",className:{1:"keyword",3:"title.function"},contains:[Z]};return{name:"JavaScript",aliases:["js","jsx","mjs","cjs"],keywords:_,exports:{PARAMS_CONTAINS:ae,CLASS_REFERENCE:q},illegal:/#(?![$_A-z])/,contains:[u.SHEBANG({label:"shebang",binary:"node",relevance:5}),G,u.APOS_STRING_MODE,u.QUOTE_STRING_MODE,D,v,E,M,B,{match:/\$\d+/},R,q,{className:"attr",begin:g+h.lookahead(":"),relevance:0},V,{begin:"("+u.RE_STARTERS_RE+"|\\b(case|return|throw)\\b)\\s*",keywords:"return throw case",relevance:0,contains:[B,u.REGEXP_MODE,{className:"function",begin:Q,returnBegin:!0,end:"\\s*=>",contains:[{className:"params",variants:[{begin:u.UNDERSCORE_IDENT_RE,relevance:0},{className:null,begin:/\(\s*\)/,skip:!0},{begin:/\(/,end:/\)/,excludeBegin:!0,excludeEnd:!0,keywords:_,contains:ae}]}]},{begin:/,/,relevance:0},{match:/\s+/,relevance:0},{variants:[{begin:m.begin,end:m.end},{match:p},{begin:b.begin,"on:begin":b.isTrulyOpeningTag,end:b.end}],subLanguage:"xml",contains:[{begin:b.begin,end:b.end,skip:!0,contains:["self"]}]}]},we,{beginKeywords:"while if switch catch for"},{begin:"\\b(?!function)"+u.UNDERSCORE_IDENT_RE+"\\([^()]*(\\([^()]*(\\([^()]*\\)[^()]*)*\\)[^()]*)*\\)\\s*\\{",returnBegin:!0,label:"func.def",contains:[Z,u.inherit(u.TITLE_MODE,{begin:g,className:"title.function"})]},{match:/\.\.\./,relevance:0},Se,{match:"\\$"+g,relevance:0},{match:[/\bconstructor(?=\s*\()/],className:{1:"title.function"},contains:[Z]},ke,_e,T,N,{match:/\$[(.]/}]}}function c(u){const h=l(u),f=t,g=["any","void","number","boolean","string","object","never","symbol","bigint","unknown"],m={beginKeywords:"namespace",end:/\{/,excludeEnd:!0,contains:[h.exports.CLASS_REFERENCE]},p={beginKeywords:"interface",end:/\{/,excludeEnd:!0,keywords:{keyword:"interface extends",built_in:g},contains:[h.exports.CLASS_REFERENCE]},b={className:"meta",relevance:10,begin:/^\s*['"]use strict['"]/},_=["type","namespace","interface","public","private","protected","implements","declare","abstract","readonly","enum","override"],y={$pattern:t,keyword:e.concat(_),literal:n,built_in:a.concat(g),"variable.language":i},x={className:"meta",begin:"@"+f},S=(O,D,v)=>{const E=O.contains.findIndex(M=>M.label===D);if(E===-1)throw new Error("can not find mode to replace");O.contains.splice(E,1,v)};Object.assign(h.keywords,y),h.exports.PARAMS_CONTAINS.push(x),h.contains=h.contains.concat([x,m,p]),S(h,"shebang",u.SHEBANG()),S(h,"use_strict",b);const R=h.contains.find(O=>O.label==="func.def");return R.relevance=0,Object.assign(h,{name:"TypeScript",aliases:["ts","tsx","mts","cts"]}),h}return Ia=c,Ia}var Pa,Ch;function pTe(){if(Ch)return Pa;Ch=1;function t(e){const n=e.regex,s={className:"string",begin:/"(""|[^/n])"C\b/},o={className:"string",begin:/"/,end:/"/,illegal:/\n/,contains:[{begin:/""/}]},r=/\d{1,2}\/\d{1,2}\/\d{4}/,i=/\d{4}-\d{1,2}-\d{1,2}/,a=/(\d|1[012])(:\d+){0,2} *(AM|PM)/,l=/\d{1,2}(:\d{1,2}){1,2}/,c={className:"literal",variants:[{begin:n.concat(/# */,n.either(i,r),/ *#/)},{begin:n.concat(/# */,l,/ *#/)},{begin:n.concat(/# */,a,/ *#/)},{begin:n.concat(/# */,n.either(i,r),/ +/,n.either(a,l),/ *#/)}]},u={className:"number",relevance:0,variants:[{begin:/\b\d[\d_]*((\.[\d_]+(E[+-]?[\d_]+)?)|(E[+-]?[\d_]+))[RFD@!#]?/},{begin:/\b\d[\d_]*((U?[SIL])|[%&])?/},{begin:/&H[\dA-F_]+((U?[SIL])|[%&])?/},{begin:/&O[0-7_]+((U?[SIL])|[%&])?/},{begin:/&B[01_]+((U?[SIL])|[%&])?/}]},h={className:"label",begin:/^\w+:/},f=e.COMMENT(/'''/,/$/,{contains:[{className:"doctag",begin:/<\/?/,end:/>/}]}),g=e.COMMENT(null,/$/,{variants:[{begin:/'/},{begin:/([\t ]|^)REM(?=\s)/}]});return{name:"Visual Basic .NET",aliases:["vb"],case_insensitive:!0,classNameAliases:{label:"symbol"},keywords:{keyword:"addhandler alias aggregate ansi as async assembly auto binary by byref byval call case catch class compare const continue custom declare default delegate dim distinct do each equals else elseif end enum erase error event exit explicit finally for friend from function get global goto group handles if implements imports in inherits interface into iterator join key let lib loop me mid module mustinherit mustoverride mybase myclass namespace narrowing new next notinheritable notoverridable of off on operator option optional order overloads overridable overrides paramarray partial preserve private property protected public raiseevent readonly redim removehandler resume return select set shadows shared skip static step stop structure strict sub synclock take text then throw to try unicode until using when where while widening with withevents writeonly yield",built_in:"addressof and andalso await directcast gettype getxmlnamespace is isfalse isnot istrue like mod nameof new not or orelse trycast typeof xor cbool cbyte cchar cdate cdbl cdec cint clng cobj csbyte cshort csng cstr cuint culng cushort",type:"boolean byte char date decimal double integer long object sbyte short single string uinteger ulong ushort",literal:"true false nothing"},illegal:"//|\\{|\\}|endif|gosub|variant|wend|^\\$ ",contains:[s,o,c,u,h,f,g,{className:"meta",begin:/[\t ]*#(const|disable|else|elseif|enable|end|externalsource|if|region)\b/,end:/$/,keywords:{keyword:"const disable else elseif enable end externalsource if region then"},contains:[g]}]}}return Pa=t,Pa}var Fa,Ah;function gTe(){if(Ah)return Fa;Ah=1;function t(e){e.regex;const n=e.COMMENT(/\(;/,/;\)/);n.contains.push("self");const s=e.COMMENT(/;;/,/$/),o=["anyfunc","block","br","br_if","br_table","call","call_indirect","data","drop","elem","else","end","export","func","global.get","global.set","local.get","local.set","local.tee","get_global","get_local","global","if","import","local","loop","memory","memory.grow","memory.size","module","mut","nop","offset","param","result","return","select","set_global","set_local","start","table","tee_local","then","type","unreachable"],r={begin:[/(?:func|call|call_indirect)/,/\s+/,/\$[^\s)]+/],className:{1:"keyword",3:"title.function"}},i={className:"variable",begin:/\$[\w_]+/},a={match:/(\((?!;)|\))+/,className:"punctuation",relevance:0},l={className:"number",relevance:0,match:/[+-]?\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/},c={match:/(i32|i64|f32|f64)(?!\.)/,className:"type"},u={className:"keyword",match:/\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|nearest|neg?|or|popcnt|promote\/f32|reinterpret\/[fi](?:32|64)|rem_[su]|rot[lr]|shl|shr_[su]|store(?:8|16|32)?|sqrt|sub|trunc(?:_[su]\/f(?:32|64))?|wrap\/i64|xor))\b/};return{name:"WebAssembly",keywords:{$pattern:/[\w.]+/,keyword:o},contains:[s,n,{match:[/(?:offset|align)/,/\s*/,/=/],className:{1:"keyword",3:"operator"}},i,a,r,e.QUOTE_STRING_MODE,c,u,l]}}return Fa=t,Fa}var Ne=DSe;Ne.registerLanguage("xml",LSe());Ne.registerLanguage("bash",ISe());Ne.registerLanguage("c",PSe());Ne.registerLanguage("cpp",FSe());Ne.registerLanguage("csharp",BSe());Ne.registerLanguage("css",$Se());Ne.registerLanguage("markdown",jSe());Ne.registerLanguage("diff",zSe());Ne.registerLanguage("ruby",USe());Ne.registerLanguage("go",qSe());Ne.registerLanguage("graphql",HSe());Ne.registerLanguage("ini",VSe());Ne.registerLanguage("java",GSe());Ne.registerLanguage("javascript",KSe());Ne.registerLanguage("json",WSe());Ne.registerLanguage("kotlin",ZSe());Ne.registerLanguage("less",YSe());Ne.registerLanguage("lua",JSe());Ne.registerLanguage("makefile",QSe());Ne.registerLanguage("perl",XSe());Ne.registerLanguage("objectivec",eTe());Ne.registerLanguage("php",tTe());Ne.registerLanguage("php-template",nTe());Ne.registerLanguage("plaintext",sTe());Ne.registerLanguage("python",oTe());Ne.registerLanguage("python-repl",rTe());Ne.registerLanguage("r",iTe());Ne.registerLanguage("rust",aTe());Ne.registerLanguage("scss",lTe());Ne.registerLanguage("shell",cTe());Ne.registerLanguage("sql",dTe());Ne.registerLanguage("swift",uTe());Ne.registerLanguage("yaml",hTe());Ne.registerLanguage("typescript",fTe());Ne.registerLanguage("vbnet",pTe());Ne.registerLanguage("wasm",gTe());Ne.HighlightJS=Ne;Ne.default=Ne;var mTe=Ne;const uo=is(mTe);var Nn={};Nn.getAttrs=function(t,e,n){const s=/[^\t\n\f />"'=]/,o=" ",r="=",i=".",a="#",l=[];let c="",u="",h=!0,f=!1;for(let g=e+n.leftDelimiter.length;g=s+1:u.length>=s}let r,i,a,l;const c=s-e.rightDelimiter.length;switch(t){case"start":a=n.slice(0,e.leftDelimiter.length),r=a===e.leftDelimiter?0:-1,i=r===-1?-1:n.indexOf(e.rightDelimiter,c),l=n.charAt(i+e.rightDelimiter.length),l&&e.rightDelimiter.indexOf(l)!==-1&&(i=-1);break;case"end":r=n.lastIndexOf(e.leftDelimiter),i=r===-1?-1:n.indexOf(e.rightDelimiter,r+c),i=i===n.length-e.rightDelimiter.length?i:-1;break;case"only":a=n.slice(0,e.leftDelimiter.length),r=a===e.leftDelimiter?0:-1,a=n.slice(n.length-e.rightDelimiter.length),i=a===e.rightDelimiter?n.length-e.rightDelimiter.length:-1;break;default:throw new Error(`Unexpected case ${t}, expected 'start', 'end' or 'only'`)}return r!==-1&&i!==-1&&o(n.substring(r,i+e.rightDelimiter.length))}};Nn.removeDelimiter=function(t,e){const n=pl(e.leftDelimiter),s=pl(e.rightDelimiter),o=new RegExp("[ \\n]?"+n+"[^"+n+s+"]+"+s+"$"),r=t.search(o);return r!==-1?t.slice(0,r):t};function pl(t){return t.replace(/[-/\\^$*+?.()|[\]{}]/g,"\\$&")}Nn.escapeRegExp=pl;Nn.getMatchingOpeningToken=function(t,e){if(t[e].type==="softbreak")return!1;if(t[e].nesting===0)return t[e];const n=t[e].level,s=t[e].type.replace("_close","_open");for(;e>=0;--e)if(t[e].type===s&&t[e].level===n)return t[e];return!1};const _Te=/[&<>"]/,bTe=/[&<>"]/g,yTe={"&":"&","<":"<",">":">",'"':"""};function vTe(t){return yTe[t]}Nn.escapeHtml=function(t){return _Te.test(t)?t.replace(bTe,vTe):t};const Le=Nn;var wTe=t=>{const e=new RegExp("^ {0,3}[-*_]{3,} ?"+Le.escapeRegExp(t.leftDelimiter)+"[^"+Le.escapeRegExp(t.rightDelimiter)+"]");return[{name:"fenced code blocks",tests:[{shift:0,block:!0,info:Le.hasDelimiters("end",t)}],transform:(n,s)=>{const o=n[s],r=o.info.lastIndexOf(t.leftDelimiter),i=Le.getAttrs(o.info,r,t);Le.addAttrs(i,o),o.info=Le.removeDelimiter(o.info,t)}},{name:"inline nesting 0",tests:[{shift:0,type:"inline",children:[{shift:-1,type:n=>n==="image"||n==="code_inline"},{shift:0,type:"text",content:Le.hasDelimiters("start",t)}]}],transform:(n,s,o)=>{const r=n[s].children[o],i=r.content.indexOf(t.rightDelimiter),a=n[s].children[o-1],l=Le.getAttrs(r.content,0,t);Le.addAttrs(l,a),r.content.length===i+t.rightDelimiter.length?n[s].children.splice(o,1):r.content=r.content.slice(i+t.rightDelimiter.length)}},{name:"tables",tests:[{shift:0,type:"table_close"},{shift:1,type:"paragraph_open"},{shift:2,type:"inline",content:Le.hasDelimiters("only",t)}],transform:(n,s)=>{const o=n[s+2],r=Le.getMatchingOpeningToken(n,s),i=Le.getAttrs(o.content,0,t);Le.addAttrs(i,r),n.splice(s+1,3)}},{name:"inline attributes",tests:[{shift:0,type:"inline",children:[{shift:-1,nesting:-1},{shift:0,type:"text",content:Le.hasDelimiters("start",t)}]}],transform:(n,s,o)=>{const r=n[s].children[o],i=r.content,a=Le.getAttrs(i,0,t),l=Le.getMatchingOpeningToken(n[s].children,o-1);Le.addAttrs(a,l),r.content=i.slice(i.indexOf(t.rightDelimiter)+t.rightDelimiter.length)}},{name:"list softbreak",tests:[{shift:-2,type:"list_item_open"},{shift:0,type:"inline",children:[{position:-2,type:"softbreak"},{position:-1,type:"text",content:Le.hasDelimiters("only",t)}]}],transform:(n,s,o)=>{const i=n[s].children[o].content,a=Le.getAttrs(i,0,t);let l=s-2;for(;n[l-1]&&n[l-1].type!=="ordered_list_open"&&n[l-1].type!=="bullet_list_open";)l--;Le.addAttrs(a,n[l-1]),n[s].children=n[s].children.slice(0,-2)}},{name:"list double softbreak",tests:[{shift:0,type:n=>n==="bullet_list_close"||n==="ordered_list_close"},{shift:1,type:"paragraph_open"},{shift:2,type:"inline",content:Le.hasDelimiters("only",t),children:n=>n.length===1},{shift:3,type:"paragraph_close"}],transform:(n,s)=>{const r=n[s+2].content,i=Le.getAttrs(r,0,t),a=Le.getMatchingOpeningToken(n,s);Le.addAttrs(i,a),n.splice(s+1,3)}},{name:"list item end",tests:[{shift:-2,type:"list_item_open"},{shift:0,type:"inline",children:[{position:-1,type:"text",content:Le.hasDelimiters("end",t)}]}],transform:(n,s,o)=>{const r=n[s].children[o],i=r.content,a=Le.getAttrs(i,i.lastIndexOf(t.leftDelimiter),t);Le.addAttrs(a,n[s-2]);const l=i.slice(0,i.lastIndexOf(t.leftDelimiter));r.content=Sh(l)!==" "?l:l.slice(0,-1)}},{name:` {.a} softbreak then curly in start`,tests:[{shift:0,type:"inline",children:[{position:-2,type:"softbreak"},{position:-1,type:"text",content:Le.hasDelimiters("only",t)}]}],transform:(n,s,o)=>{const r=n[s].children[o],i=Le.getAttrs(r.content,0,t);let a=s+1;for(;n[a+1]&&n[a+1].nesting===-1;)a++;const l=Le.getMatchingOpeningToken(n,a);Le.addAttrs(i,l),n[s].children=n[s].children.slice(0,-2)}},{name:"horizontal rule",tests:[{shift:0,type:"paragraph_open"},{shift:1,type:"inline",children:n=>n.length===1,content:n=>n.match(e)!==null},{shift:2,type:"paragraph_close"}],transform:(n,s)=>{const o=n[s];o.type="hr",o.tag="hr",o.nesting=0;const r=n[s+1].content,i=r.lastIndexOf(t.leftDelimiter),a=Le.getAttrs(r,i,t);Le.addAttrs(a,o),o.markup=r,n.splice(s+1,2)}},{name:"end of block",tests:[{shift:0,type:"inline",children:[{position:-1,content:Le.hasDelimiters("end",t),type:n=>n!=="code_inline"&&n!=="math_inline"}]}],transform:(n,s,o)=>{const r=n[s].children[o],i=r.content,a=Le.getAttrs(i,i.lastIndexOf(t.leftDelimiter),t);let l=s+1;for(;n[l+1]&&n[l+1].nesting===-1;)l++;const c=Le.getMatchingOpeningToken(n,l);Le.addAttrs(a,c);const u=i.slice(0,i.lastIndexOf(t.leftDelimiter));r.content=Sh(u)!==" "?u:u.slice(0,-1)}}]};function Sh(t){return t.slice(-1)[0]}const xTe=wTe,kTe={leftDelimiter:"{",rightDelimiter:"}",allowedAttributes:[]};var ETe=function(e,n){let s=Object.assign({},kTe);s=Object.assign(s,n);const o=xTe(s);function r(i){const a=i.tokens;for(let l=0;l{const m=gl(a,l,g);return m.j!==null&&(h=m.j),m.match})&&(u.transform(a,l,h),(u.name==="inline attributes"||u.name==="inline nesting 0")&&c--)}}e.core.ruler.before("linkify","curly_attributes",r)};function gl(t,e,n){const s={match:!1,j:null},o=n.shift!==void 0?e+n.shift:n.position;if(n.shift!==void 0&&o<0)return s;const r=STe(t,o);if(r===void 0)return s;for(const i of Object.keys(n))if(!(i==="shift"||i==="position")){if(r[i]===void 0)return s;if(i==="children"&&CTe(n.children)){if(r.children.length===0)return s;let a;const l=n.children,c=r.children;if(l.every(u=>u.position!==void 0)){if(a=l.every(u=>gl(c,u.position,u).match),a){const u=TTe(l).position;s.j=u>=0?u:c.length+u}}else for(let u=0;ugl(c,u,h).match),a){s.j=u;break}if(a===!1)return s;continue}switch(typeof n[i]){case"boolean":case"number":case"string":if(r[i]!==n[i])return s;break;case"function":if(!n[i](r[i]))return s;break;case"object":if(ATe(n[i])){if(n[i].every(l=>l(r[i]))===!1)return s;break}default:throw new Error(`Unknown type of pattern test (key: ${i}). Test should be of type boolean, number, string, function or array of functions.`)}}return s.match=!0,s}function CTe(t){return Array.isArray(t)&&t.length&&t.every(e=>typeof e=="object")}function ATe(t){return Array.isArray(t)&&t.length&&t.every(e=>typeof e=="function")}function STe(t,e){return e>=0?t[e]:t[t.length+e]}function TTe(t){return t.slice(-1)[0]||{}}const MTe=is(ETe);function OTe(){const t=Date.now().toString(),e=Math.floor(Math.random()*1e3).toString();return t+e}const ml=new Dte("commonmark",{html:!0,xhtmlOut:!0,breaks:!0,linkify:!0,typographer:!0,highlight:(t,e)=>{let n=OTe();if(e&&uo.getLanguage(e))try{const r=uo.highlight(e,t).value;return'
'+e+'
'+r+'
'}catch(r){console.error(`Syntax highlighting failed for language '${e}':`,r)}let s=e=="python"?'':"";return'
'+e+''+s+'
'+uo.highlightAuto(t).value+'
'},bulletListMarker:"-"}).use(MTe).use(gs).use(jAe).use(FAe);uo.configure({languages:[]});uo.configure({languages:["javascript"]});ml.renderer.rules.link_open=(t,e,n,s,o)=>{const r=t[e],i=r.attrIndex("href");if(i>=0){const a=r.attrs[i][1];r.attrs[i][1]=a,r.attrPush(["style","color: blue; font-weight: bold; text-decoration: underline;"])}return o.renderToken(t,e,n)};const RTe={name:"MarkdownRenderer",props:{markdownText:{type:String,required:!0}},data(){return{renderedMarkdown:"",isCopied:!1}},mounted(){const t=document.createElement("script");t.textContent=` // Your inline script code here @@ -80,7 +80,7 @@ https://github.com/highlightjs/highlight.js/issues/2277`),_e=T,we=q),G===void 0& }); } - `,t.async=!0,document.body.appendChild(t),this.renderedMarkdown=ml.render(this.markdownText),be(()=>{ve.replace()})},methods:{},watch:{markdownText(t){this.renderedMarkdown=ml.render(t),be(()=>{ve.replace()})}}},NTe={class:"break-all"},DTe=["innerHTML"];function LTe(t,e,n,s,o,r){return k(),C("div",NTe,[d("div",{innerHTML:o.renderedMarkdown,class:"markdown-content"},null,8,DTe)])}const Fg=Ue(RTe,[["render",LTe]]);const ITe={props:{value:String,inputType:{type:String,default:"text",validator:t=>["text","email","password","file","path","integer","float"].includes(t)},fileAccept:String},data(){return{inputValue:this.value,placeholderText:this.getPlaceholderText()}},watch:{value(t){console.log("Changing value to ",t),this.inputValue=t}},mounted(){be(()=>{ve.replace()}),console.log("Changing value to ",this.value),this.inputValue=this.value},methods:{handleSliderInput(t){this.inputValue=t.target.value,this.$emit("input",t.target.value)},getPlaceholderText(){switch(this.inputType){case"text":return"Enter text here";case"email":return"Enter your email";case"password":return"Enter your password";case"file":case"path":return"Choose a file";case"integer":return"Enter an integer";case"float":return"Enter a float";default:return"Enter value here"}},handleInput(t){if(this.inputType==="integer"){const e=t.target.value.replace(/[^0-9]/g,"");this.inputValue=e}console.log("handling input : ",t.target.value),this.$emit("input",t.target.value)},async pasteFromClipboard(){try{const t=await navigator.clipboard.readText();this.handleClipboardData(t)}catch(t){console.error("Failed to read from clipboard:",t)}},handlePaste(t){const e=t.clipboardData.getData("text");this.handleClipboardData(e)},handleClipboardData(t){switch(this.inputType){case"email":this.inputValue=this.isValidEmail(t)?t:"";break;case"password":this.inputValue=t;break;case"file":case"path":this.inputValue="";break;case"integer":this.inputValue=this.parseInteger(t);break;case"float":this.inputValue=this.parseFloat(t);break;default:this.inputValue=t;break}},isValidEmail(t){return/^[^\s@]+@[^\s@]+\.[^\s@]+$/.test(t)},parseInteger(t){const e=parseInt(t);return isNaN(e)?"":e},parseFloat(t){const e=parseFloat(t);return isNaN(e)?"":e},openFileInput(){this.$refs.fileInput.click()},handleFileInputChange(t){const e=t.target.files[0];e&&(this.inputValue=e.name)}}},PTe={class:"flex items-center space-x-2"},FTe=["value","type","placeholder"],BTe=["value","min","max"],$Te=d("i",{"data-feather":"clipboard"},null,-1),jTe=[$Te],zTe=d("i",{"data-feather":"upload"},null,-1),UTe=[zTe],qTe=["accept"];function HTe(t,e,n,s,o,r){return k(),C("div",PTe,[t.useSlider?(k(),C("input",{key:1,type:"range",value:parseInt(o.inputValue),min:t.minSliderValue,max:t.maxSliderValue,onInput:e[2]||(e[2]=(...i)=>r.handleSliderInput&&r.handleSliderInput(...i)),class:"flex-1 px-4 py-2 text-lg border dark:bg-gray-600 border-gray-300 rounded-md focus:outline-none focus:ring focus:border-blue-500"},null,40,BTe)):(k(),C("input",{key:0,value:o.inputValue,type:n.inputType,placeholder:o.placeholderText,onInput:e[0]||(e[0]=(...i)=>r.handleInput&&r.handleInput(...i)),onPaste:e[1]||(e[1]=(...i)=>r.handlePaste&&r.handlePaste(...i)),class:"flex-1 px-4 py-2 text-lg dark:bg-gray-600 border border-gray-300 rounded-md focus:outline-none focus:ring focus:border-blue-500"},null,40,FTe)),d("button",{onClick:e[3]||(e[3]=(...i)=>r.pasteFromClipboard&&r.pasteFromClipboard(...i)),class:"p-2 bg-blue-500 dark:bg-gray-600 text-white rounded-md hover:bg-blue-600 focus:outline-none focus:ring focus:border-blue-300"},jTe),n.inputType==="file"?(k(),C("button",{key:2,onClick:e[4]||(e[4]=(...i)=>r.openFileInput&&r.openFileInput(...i)),class:"p-2 bg-blue-500 text-white rounded-md hover:bg-blue-600 focus:outline-none focus:ring focus:border-blue-300"},UTe)):B("",!0),n.inputType==="file"?(k(),C("input",{key:3,ref:"fileInput",type:"file",style:{display:"none"},accept:n.fileAccept,onChange:e[5]||(e[5]=(...i)=>r.handleFileInputChange&&r.handleFileInputChange(...i))},null,40,qTe)):B("",!0)])}const yc=Ue(ITe,[["render",HTe]]);const VTe={props:{is_subcard:{type:Boolean,default:!1},is_shrunk:{type:Boolean,default:!1},title:{type:String,default:""},isHorizontal:{type:Boolean,default:!1},cardWidth:{type:String,default:"w-3/4"},disableHoverAnimation:{type:Boolean,default:!0},disableFocus:{type:Boolean,default:!1}},data(){return{shrink:this.is_shrunk,isHovered:!1,isActive:!1}},computed:{cardClass(){return["bg-gray-50","border","border-gray-300","text-gray-900","text-sm","rounded-lg","focus:ring-blue-500","focus:border-blue-500","w-full","p-2.5","dark:bg-gray-500","dark:border-gray-600","dark:placeholder-gray-400","dark:text-white","dark:focus:ring-blue-500","dark:focus:border-blue-500",{"cursor-pointer":!this.isActive&&!this.disableFocus,"w-auto":!this.isActive}]},cardWidthClass(){return this.isActive?this.cardWidth:""}},methods:{toggleCard(){this.disableFocus||(this.isActive=!this.isActive)}}},GTe={key:1,class:"flex flex-wrap"},KTe={key:2,class:"mb-2"};function WTe(t,e,n,s,o,r){return k(),C(Oe,null,[o.isActive?(k(),C("div",{key:0,class:"overlay",onClick:e[0]||(e[0]=(...i)=>r.toggleCard&&r.toggleCard(...i))})):B("",!0),fe(d("div",{class:Me(["border-blue-300 rounded-lg shadow-lg p-2",r.cardWidthClass,"m-2",{"bg-white dark:bg-gray-800":n.is_subcard},{"bg-white dark:bg-gray-900":!n.is_subcard},{hovered:!n.disableHoverAnimation&&o.isHovered,active:o.isActive}]),onMouseenter:e[2]||(e[2]=i=>o.isHovered=!0),onMouseleave:e[3]||(e[3]=i=>o.isHovered=!1),onClick:e[4]||(e[4]=le((...i)=>r.toggleCard&&r.toggleCard(...i),["self"])),style:bt({cursor:this.disableFocus?"":"pointer"})},[n.title?(k(),C("div",{key:0,onClick:e[1]||(e[1]=i=>o.shrink=!0),class:Me([{"text-center p-2 m-2 bg-gray-200":!n.is_subcard},"bg-gray-100 dark:bg-gray-500 rounded-lg pl-2 pr-2 mb-2 font-bold cursor-pointer"])},H(n.title),3)):B("",!0),n.isHorizontal?(k(),C("div",GTe,[xr(t.$slots,"default")])):(k(),C("div",KTe,[xr(t.$slots,"default")]))],38),[[Ye,o.shrink===!1]]),n.is_subcard?fe((k(),C("div",{key:1,onClick:e[5]||(e[5]=i=>o.shrink=!1),class:"bg-white text-center text-xl bold dark:bg-gray-500 border-blue-300 rounded-lg shadow-lg p-2 h-10 cursor-pointer m-2"},H(n.title),513)),[[Ye,o.shrink===!0]]):fe((k(),C("div",{key:2,onClick:e[6]||(e[6]=i=>o.shrink=!1),class:"bg-white text-center text-2xl dark:bg-gray-500 border-2 border-blue-300 rounded-lg shadow-lg p-0 h-7 cursor-pointer hover:h-8 hover:bg-blue-300"}," + ",512)),[[Ye,o.shrink===!0]])],64)}const vc=Ue(VTe,[["render",WTe]]);async function Th(t,e="",n=[]){return new Promise((s,o)=>{const r=document.createElement("div");r.className="fixed inset-0 flex items-center justify-center bg-black bg-opacity-50 z-50",n.length===0?r.innerHTML=` + `,t.async=!0,document.body.appendChild(t),this.renderedMarkdown=ml.render(this.markdownText),be(()=>{ve.replace()})},methods:{},watch:{markdownText(t){this.renderedMarkdown=ml.render(t),be(()=>{ve.replace()})}}},NTe={class:"break-all"},DTe=["innerHTML"];function LTe(t,e,n,s,o,r){return k(),C("div",NTe,[d("div",{innerHTML:o.renderedMarkdown,class:"markdown-content"},null,8,DTe)])}const Fg=Ue(RTe,[["render",LTe]]);const ITe={props:{value:String,inputType:{type:String,default:"text",validator:t=>["text","email","password","file","path","integer","float"].includes(t)},fileAccept:String},data(){return{inputValue:this.value,placeholderText:this.getPlaceholderText()}},watch:{value(t){console.log("Changing value to ",t),this.inputValue=t}},mounted(){be(()=>{ve.replace()}),console.log("Changing value to ",this.value),this.inputValue=this.value},methods:{handleSliderInput(t){this.inputValue=t.target.value,this.$emit("input",t.target.value)},getPlaceholderText(){switch(this.inputType){case"text":return"Enter text here";case"email":return"Enter your email";case"password":return"Enter your password";case"file":case"path":return"Choose a file";case"integer":return"Enter an integer";case"float":return"Enter a float";default:return"Enter value here"}},handleInput(t){if(this.inputType==="integer"){const e=t.target.value.replace(/[^0-9]/g,"");this.inputValue=e}console.log("handling input : ",t.target.value),this.$emit("input",t.target.value)},async pasteFromClipboard(){try{const t=await navigator.clipboard.readText();this.handleClipboardData(t)}catch(t){console.error("Failed to read from clipboard:",t)}},handlePaste(t){const e=t.clipboardData.getData("text");this.handleClipboardData(e)},handleClipboardData(t){switch(this.inputType){case"email":this.inputValue=this.isValidEmail(t)?t:"";break;case"password":this.inputValue=t;break;case"file":case"path":this.inputValue="";break;case"integer":this.inputValue=this.parseInteger(t);break;case"float":this.inputValue=this.parseFloat(t);break;default:this.inputValue=t;break}},isValidEmail(t){return/^[^\s@]+@[^\s@]+\.[^\s@]+$/.test(t)},parseInteger(t){const e=parseInt(t);return isNaN(e)?"":e},parseFloat(t){const e=parseFloat(t);return isNaN(e)?"":e},openFileInput(){this.$refs.fileInput.click()},handleFileInputChange(t){const e=t.target.files[0];e&&(this.inputValue=e.name)}}},PTe={class:"flex items-center space-x-2"},FTe=["value","type","placeholder"],BTe=["value","min","max"],$Te=d("i",{"data-feather":"clipboard"},null,-1),jTe=[$Te],zTe=d("i",{"data-feather":"upload"},null,-1),UTe=[zTe],qTe=["accept"];function HTe(t,e,n,s,o,r){return k(),C("div",PTe,[t.useSlider?(k(),C("input",{key:1,type:"range",value:parseInt(o.inputValue),min:t.minSliderValue,max:t.maxSliderValue,onInput:e[2]||(e[2]=(...i)=>r.handleSliderInput&&r.handleSliderInput(...i)),class:"flex-1 px-4 py-2 text-lg border dark:bg-gray-600 border-gray-300 rounded-md focus:outline-none focus:ring focus:border-blue-500"},null,40,BTe)):(k(),C("input",{key:0,value:o.inputValue,type:n.inputType,placeholder:o.placeholderText,onInput:e[0]||(e[0]=(...i)=>r.handleInput&&r.handleInput(...i)),onPaste:e[1]||(e[1]=(...i)=>r.handlePaste&&r.handlePaste(...i)),class:"flex-1 px-4 py-2 text-lg dark:bg-gray-600 border border-gray-300 rounded-md focus:outline-none focus:ring focus:border-blue-500"},null,40,FTe)),d("button",{onClick:e[3]||(e[3]=(...i)=>r.pasteFromClipboard&&r.pasteFromClipboard(...i)),class:"p-2 bg-blue-500 dark:bg-gray-600 text-white rounded-md hover:bg-blue-600 focus:outline-none focus:ring focus:border-blue-300"},jTe),n.inputType==="file"?(k(),C("button",{key:2,onClick:e[4]||(e[4]=(...i)=>r.openFileInput&&r.openFileInput(...i)),class:"p-2 bg-blue-500 text-white rounded-md hover:bg-blue-600 focus:outline-none focus:ring focus:border-blue-300"},UTe)):F("",!0),n.inputType==="file"?(k(),C("input",{key:3,ref:"fileInput",type:"file",style:{display:"none"},accept:n.fileAccept,onChange:e[5]||(e[5]=(...i)=>r.handleFileInputChange&&r.handleFileInputChange(...i))},null,40,qTe)):F("",!0)])}const yc=Ue(ITe,[["render",HTe]]);const VTe={props:{is_subcard:{type:Boolean,default:!1},is_shrunk:{type:Boolean,default:!1},title:{type:String,default:""},isHorizontal:{type:Boolean,default:!1},cardWidth:{type:String,default:"w-3/4"},disableHoverAnimation:{type:Boolean,default:!0},disableFocus:{type:Boolean,default:!1}},data(){return{shrink:this.is_shrunk,isHovered:!1,isActive:!1}},computed:{cardClass(){return["bg-gray-50","border","border-gray-300","text-gray-900","text-sm","rounded-lg","focus:ring-blue-500","focus:border-blue-500","w-full","p-2.5","dark:bg-gray-500","dark:border-gray-600","dark:placeholder-gray-400","dark:text-white","dark:focus:ring-blue-500","dark:focus:border-blue-500",{"cursor-pointer":!this.isActive&&!this.disableFocus,"w-auto":!this.isActive}]},cardWidthClass(){return this.isActive?this.cardWidth:""}},methods:{toggleCard(){this.disableFocus||(this.isActive=!this.isActive)}}},GTe={key:1,class:"flex flex-wrap"},KTe={key:2,class:"mb-2"};function WTe(t,e,n,s,o,r){return k(),C(Oe,null,[o.isActive?(k(),C("div",{key:0,class:"overlay",onClick:e[0]||(e[0]=(...i)=>r.toggleCard&&r.toggleCard(...i))})):F("",!0),fe(d("div",{class:Me(["border-blue-300 rounded-lg shadow-lg p-2",r.cardWidthClass,"m-2",{"bg-white dark:bg-gray-800":n.is_subcard},{"bg-white dark:bg-gray-900":!n.is_subcard},{hovered:!n.disableHoverAnimation&&o.isHovered,active:o.isActive}]),onMouseenter:e[2]||(e[2]=i=>o.isHovered=!0),onMouseleave:e[3]||(e[3]=i=>o.isHovered=!1),onClick:e[4]||(e[4]=le((...i)=>r.toggleCard&&r.toggleCard(...i),["self"])),style:bt({cursor:this.disableFocus?"":"pointer"})},[n.title?(k(),C("div",{key:0,onClick:e[1]||(e[1]=i=>o.shrink=!0),class:Me([{"text-center p-2 m-2 bg-gray-200":!n.is_subcard},"bg-gray-100 dark:bg-gray-500 rounded-lg pl-2 pr-2 mb-2 font-bold cursor-pointer"])},H(n.title),3)):F("",!0),n.isHorizontal?(k(),C("div",GTe,[xr(t.$slots,"default")])):(k(),C("div",KTe,[xr(t.$slots,"default")]))],38),[[Ye,o.shrink===!1]]),n.is_subcard?fe((k(),C("div",{key:1,onClick:e[5]||(e[5]=i=>o.shrink=!1),class:"bg-white text-center text-xl bold dark:bg-gray-500 border-blue-300 rounded-lg shadow-lg p-2 h-10 cursor-pointer m-2"},H(n.title),513)),[[Ye,o.shrink===!0]]):fe((k(),C("div",{key:2,onClick:e[6]||(e[6]=i=>o.shrink=!1),class:"bg-white text-center text-2xl dark:bg-gray-500 border-2 border-blue-300 rounded-lg shadow-lg p-0 h-7 cursor-pointer hover:h-8 hover:bg-blue-300"}," + ",512)),[[Ye,o.shrink===!0]])],64)}const vc=Ue(VTe,[["render",WTe]]);async function Th(t,e="",n=[]){return new Promise((s,o)=>{const r=document.createElement("div");r.className="fixed inset-0 flex items-center justify-center bg-black bg-opacity-50 z-50",n.length===0?r.innerHTML=`

${t}

@@ -101,21 +101,21 @@ https://github.com/highlightjs/highlight.js/issues/2277`),_e=T,we=q),G===void 0&
`,document.body.appendChild(r);const i=r.querySelector("#cancelButton"),a=r.querySelector("#okButton");i.addEventListener("click",()=>{document.body.removeChild(r),s(null)}),a.addEventListener("click",()=>{if(n.length===0){const c=r.querySelector("#replacementInput").value.trim();document.body.removeChild(r),s(c)}else{const c=r.querySelector("#options_selector").value.trim();document.body.removeChild(r),s(c)}})})}function ZTe(t,e){console.log(t);let n={},s=/@<([^>]+)>@/g,o=[],r;for(;(r=s.exec(t))!==null;)o.push("@<"+r[1]+">@");console.log("matches"),console.log(o),o=[...new Set(o)];async function i(l){console.log(l);let c=l.toLowerCase().substring(2,l.length-2);if(c!=="generation_placeholder")if(c.includes(":")){Object.entries({all_language_options:"english:french:german:chinese:japanese:spanish:italian:russian:portuguese:swedish:danish:dutch:norwegian:slovak:czech:hungarian:polish:ukrainian:bulgarian:latvian:lithuanian:estonian:maltese:irish:galician:basque:welsh:breton:georgian:turkmen:kazakh:uzbek:tajik:afghan:sri-lankan:filipino:vietnamese:lao:cambodian:thai:burmese:kenyan:botswanan:zimbabwean:malawian:mozambican:angolan:namibian:south-african:madagascan:seychellois:mauritian:haitian:peruvian:ecuadorian:bolivian:paraguayan:chilean:argentinean:uruguayan:brazilian:colombian:venezuelan:puerto-rican:cuban:dominican:honduran:nicaraguan:salvadorean:guatemalan:el-salvadoran:belizean:panamanian:costa-rican:antiguan:barbudan:dominica's:grenada's:st-lucia's:st-vincent's:gibraltarian:faroe-islander:greenlandic:icelandic:jamaican:trinidadian:tobagonian:barbadian:anguillan:british-virgin-islander:us-virgin-islander:turkish:israeli:palestinian:lebanese:egyptian:libyan:tunisian:algerian:moroccan:bahraini:kuwaiti:saudi-arabian:yemeni:omani:irani:iraqi:afghanistan's:pakistani:indian:nepalese:sri-lankan:maldivan:burmese:thai:lao:vietnamese:kampuchean:malaysian:bruneian:indonesian:australian:new-zealanders:fijians:tongans:samoans:vanuatuans:wallisians:kiribatians:tuvaluans:solomon-islanders:marshallese:micronesians:hawaiians",all_programming_language_options:"python:c:c++:java:javascript:php:ruby:go:swift:kotlin:rust:haskell:erlang:lisp:scheme:prolog:cobol:fortran:pascal:delphi:d:eiffel:h:basic:visual_basic:smalltalk:objective-c:html5:node.js:vue.js:svelte:react:angular:ember:clipper:stex:arduino:brainfuck:r:assembly:mason:lepton:seacat:bbc_microbit:raspberry_pi_gpio:raspberry_pi_spi:raspberry_pi_i2c:raspberry_pi_uart:raspberry_pi_adc:raspberry_pi_ddio"}).forEach(([b,_])=>{console.log(`Key: ${b}, Value: ${_}`);function y(R){return R.replace(/[.*+?^${}()|[\]\\]/g,"\\$&")}const x=y(b),S=new RegExp(x,"g");c=c.replace(S,_)});let h=c.split(":"),f=h[0],g=h[1]||"",m=[];h.length>2&&(m=h.slice(1));let p=await Th(f,g,m);p!==null&&(n[l]=p)}else{let u=await Th(c);u!==null&&(n[l]=u)}}let a=Promise.resolve();o.forEach(l=>{a=a.then(()=>i(l)).then(c=>{console.log(c)})}),a.then(()=>{Object.entries(n).forEach(([l,c])=>{console.log(`Key: ${l}, Value: ${c}`);function u(g){return g.replace(/[.*+?^${}()|[\]\\]/g,"\\$&")}const h=u(l),f=new RegExp(h,"g");t=t.replace(f,c)}),e(t)})}const YTe={name:"PlayGroundView",data(){return{selecting_model:!1,tab_id:"source",generating:!1,isSpeaking:!1,voices:[],isLesteningToVoice:!1,presets:[],selectedPreset:"",models:{},selectedModel:"",cursorPosition:0,text:"",pre_text:"",post_text:"",temperature:.1,top_k:50,top_p:.9,repeat_penalty:1.3,repeat_last_n:50,n_crop:-1,n_predicts:2e3,seed:-1}},components:{Toast:Io,MarkdownRenderer:Fg,ClipBoardTextInput:yc,Card:vc},mounted(){ye.get("list_models").then(t=>{console.log("List models "+t.data),this.models=t.data,ye.get("get_active_model").then(e=>{console.log("Active model "+JSON.stringify(e.data)),e.data!=null&&(this.selectedModel=e.data.model)}).catch(e=>{this.$refs.toast.showToast(`Error: ${e}`,4,!1)})}).catch(t=>{this.$refs.toast.showToast(`Error: ${t}`,4,!1)}),ye.get("./get_presets").then(t=>{console.log(t.data),this.presets=t.data,this.selectedPreset=this.presets[0]}).catch(t=>{this.$refs.toast.showToast(`Error: ${t}`,4,!1)}),Ee.on("text_chunk",t=>{this.appendToOutput(t.chunk)}),Ee.on("text_generated",t=>{this.generating=!1}),Ee.on("generation_error",t=>{console.log("generation_error:",t),this.$refs.toast.showToast(`Error: ${t}`,4,!1),this.generating=!1}),Ee.on("connect",()=>{console.log("Connected to LoLLMs server"),this.$store.state.isConnected=!0,this.generating=!1}),Ee.on("buzzy",t=>{console.error("Server is busy. Wait for your turn",t),this.$refs.toast.showToast(`Error: ${t.message}`,4,!1),this.generating=!1}),Ee.on("generation_canceled",t=>{this.generating=!1,console.log("Generation canceled OK")}),this.$nextTick(()=>{ve.replace()}),"speechSynthesis"in window?(this.speechSynthesis=window.speechSynthesis,this.voices=this.speechSynthesis.getVoices(),this.voices.length===0&&this.speechSynthesis.addEventListener("voiceschanged",this.onVoicesChanged)):console.error("Speech synthesis is not supported in this browser.")},created(){},computed:{isTalking:{get(){return this.isSpeaking}}},methods:{text_element_changed(){console.log("text_element_changed"),this.cursorPosition=this.$refs.text_element.selectionStart},text_element_clicked(){console.log("text_element_clicked"),this.cursorPosition=this.$refs.text_element.selectionStart},setModel(){this.selecting_model=!0,ye.post("/update_setting",{setting_name:"model_name",setting_value:this.selectedModel}).then(t=>{console.log(t),this.$refs.toast.showToast("Model changed to this.selectedModel",4,!0),this.selecting_model=!1}).catch(t=>{this.$refs.toast.showToast(`Error ${t}`,4,!0),this.selecting_model=!1})},onVoicesChanged(){this.voices=this.speechSynthesis.getVoices()},speak(){if(this.msg){this.speechSynthesis.cancel(),this.msg=null,this.isSpeaking=!1;return}let t=0;console.log("voice on"),this.isSpeaking=!0;const e=200;this.msg=new SpeechSynthesisUtterance,this.msg.pitch=this.$store.state.config.audio_pitch,this.voices.length>0&&(this.msg.voice=this.voices.filter(o=>o.name===this.$store.state.config.audio_out_voice)[0]);const n=o=>{let r=this.text.substring(o,o+e);const i=[".","!","?",` -`];let a=-1;return i.forEach(l=>{const c=r.lastIndexOf(l);c>a&&(a=c)}),a==-1&&(a=r.length),console.log(a),a+o+1},s=()=>{const o=n(t),r=this.text.substring(t,o);this.msg.text=r,t=o+1,this.msg.onend=i=>{t{s()},1):(this.isSpeaking=!1,console.log("voice off :",this.text.length," ",o))},this.speechSynthesis.speak(this.msg)};s()},getCursorPosition(){return this.cursorPosition},appendToOutput(t){this.pre_text+=t,this.text=this.pre_text+this.post_text},generate_in_placeholder(){console.log("Finding cursor position");let t=this.text.indexOf("@@");if(t<0){this.$refs.toast.showToast("No generation placeholder found",4,!1);return}this.text=this.text.substring(0,t)+this.text.substring(t+26,this.text.length),this.pre_text=this.text.substring(0,t),this.post_text=this.text.substring(t,this.text.length);var e=this.text.substring(0,t);console.log(e),Ee.emit("generate_text",{prompt:e,personality:-1,n_predicts:this.n_predicts,n_crop:this.n_crop,parameters:{temperature:this.temperature,top_k:this.top_k,top_p:this.top_p,repeat_penalty:this.repeat_penalty,repeat_last_n:this.repeat_last_n,seed:parseInt(this.seed)}}),this.generating=!0},generate(){console.log("Finding cursor position"),this.pre_text=this.text.substring(0,this.getCursorPosition()),this.post_text=this.text.substring(this.getCursorPosition(),this.text.length);var t=this.text.substring(0,this.getCursorPosition());console.log(t),Ee.emit("generate_text",{prompt:t,personality:-1,n_predicts:this.n_predicts,n_crop:this.n_crop,parameters:{temperature:this.temperature,top_k:this.top_k,top_p:this.top_p,repeat_penalty:this.repeat_penalty,repeat_last_n:this.repeat_last_n,seed:parseInt(this.seed)}}),this.generating=!0},stopGeneration(){Ee.emit("cancel_text_generation",{})},exportText(){const t=this.text,e=document.createElement("a"),n=new Blob([t],{type:"text/plain"});e.href=URL.createObjectURL(n),e.download="exported_text.txt",document.body.appendChild(e),e.click(),document.body.removeChild(e)},importText(){const t=document.getElementById("import-input");t&&(t.addEventListener("change",e=>{if(e.target.files&&e.target.files[0]){const n=new FileReader;n.onload=()=>{this.text=n.result},n.readAsText(e.target.files[0])}else alert("Please select a file.")}),t.click())},setPreset(){console.log("Setting preset"),console.log(this.selectedPreset),this.text=ZTe(this.selectedPreset.content,t=>{console.log("Done"),console.log(t),this.text=t})},addPreset(){let t=prompt("Enter the title of the preset:");this.presets[t]={name:t,content:this.text},ye.post("./add_preset",this.presets[t]).then(e=>{console.log(e.data)}).catch(e=>{this.$refs.toast.showToast(`Error: ${e}`,4,!1)})},removePreset(){this.selectedPreset&&delete this.presets[this.selectedPreset.name]},reloadPresets(){ye.get("./get_presets").then(t=>{console.log(t.data),this.presets=t.data,this.selectedPreset=this.presets[0]}).catch(t=>{this.$refs.toast.showToast(`Error: ${t}`,4,!1)})},startSpeechRecognition(){"SpeechRecognition"in window||"webkitSpeechRecognition"in window?(this.recognition=new(window.SpeechRecognition||window.webkitSpeechRecognition),this.recognition.lang=this.$store.state.config.audio_in_language,this.recognition.interimResults=!0,this.recognition.onstart=()=>{this.isLesteningToVoice=!0,this.silenceTimer=setTimeout(()=>{this.recognition.stop()},this.silenceTimeout)},this.pre_text=this.text.substring(0,this.getCursorPosition()),this.post_text=this.text.substring(this.getCursorPosition(),this.text.length),this.recognition.onresult=t=>{this.generated="";for(let e=t.resultIndex;e{this.recognition.stop()},this.silenceTimeout)},this.recognition.onerror=t=>{console.error("Speech recognition error:",t.error),this.isLesteningToVoice=!1,clearTimeout(this.silenceTimer)},this.recognition.onend=()=>{console.log("Speech recognition ended."),this.isLesteningToVoice=!1,this.pre_text=this.pre_text+this.generated,this.cursorPosition=this.pre_text.length,clearTimeout(this.silenceTimer)},this.recognition.start()):console.error("Speech recognition is not supported in this browser.")}}},JTe={class:"container bg-bg-light dark:bg-bg-dark shadow-lg overflow-y-auto scrollbar-thin scrollbar-track-bg-light-tone scrollbar-thumb-bg-light-tone-panel hover:scrollbar-thumb-primary dark:scrollbar-track-bg-dark-tone dark:scrollbar-thumb-bg-dark-tone-panel dark:hover:scrollbar-thumb-primary active:scrollbar-thumb-secondary"},QTe={class:"container flex flex-row m-2"},XTe={class:"flex-grow m-2"},e7e={class:"flex-grow m-2 p-2 border border-blue-300 rounded-md border-2 border-blue-300 m-2 p-4"},t7e=d("i",{"data-feather":"pen-tool"},null,-1),n7e=[t7e],s7e=d("i",{"data-feather":"archive"},null,-1),o7e=[s7e],r7e=d("span",{class:"w-80"},null,-1),i7e=d("i",{"data-feather":"x"},null,-1),a7e=[i7e],l7e=d("i",{"data-feather":"mic"},null,-1),c7e=[l7e],d7e=d("i",{"data-feather":"volume-2"},null,-1),u7e=[d7e],h7e=d("i",{"data-feather":"upload"},null,-1),f7e=[h7e],p7e=d("i",{"data-feather":"download"},null,-1),g7e=[p7e],m7e=d("input",{type:"file",id:"import-input",class:"hidden"},null,-1),_7e={class:"flex-grow m-2 p-2 border border-blue-300 rounded-md border-2 border-blue-300 m-2 p-4"},b7e={class:"flex flex-row m-2 p-0"},y7e={key:0},v7e={key:1},w7e=["value"],x7e={key:0,title:"Selecting model",class:"flex flex-row flex-grow justify-end"},k7e=d("div",{role:"status"},[d("svg",{"aria-hidden":"true",class:"w-6 h-6 animate-spin fill-secondary",viewBox:"0 0 100 101",fill:"none",xmlns:"http://www.w3.org/2000/svg"},[d("path",{d:"M100 50.5908C100 78.2051 77.6142 100.591 50 100.591C22.3858 100.591 0 78.2051 0 50.5908C0 22.9766 22.3858 0.59082 50 0.59082C77.6142 0.59082 100 22.9766 100 50.5908ZM9.08144 50.5908C9.08144 73.1895 27.4013 91.5094 50 91.5094C72.5987 91.5094 90.9186 73.1895 90.9186 50.5908C90.9186 27.9921 72.5987 9.67226 50 9.67226C27.4013 9.67226 9.08144 27.9921 9.08144 50.5908Z",fill:"currentColor"}),d("path",{d:"M93.9676 39.0409C96.393 38.4038 97.8624 35.9116 97.0079 33.5539C95.2932 28.8227 92.871 24.3692 89.8167 20.348C85.8452 15.1192 80.8826 10.7238 75.2124 7.41289C69.5422 4.10194 63.2754 1.94025 56.7698 1.05124C51.7666 0.367541 46.6976 0.446843 41.7345 1.27873C39.2613 1.69328 37.813 4.19778 38.4501 6.62326C39.0873 9.04874 41.5694 10.4717 44.0505 10.1071C47.8511 9.54855 51.7191 9.52689 55.5402 10.0491C60.8642 10.7766 65.9928 12.5457 70.6331 15.2552C75.2735 17.9648 79.3347 21.5619 82.5849 25.841C84.9175 28.9121 86.7997 32.2913 88.1811 35.8758C89.083 38.2158 91.5421 39.6781 93.9676 39.0409Z",fill:"currentFill"})]),d("span",{class:"sr-only"},"Selecting model...")],-1),E7e=[k7e],C7e=["value"],A7e=d("br",null,null,-1),S7e=d("i",{"data-feather":"check"},null,-1),T7e=[S7e],M7e=d("i",{"data-feather":"plus"},null,-1),O7e=[M7e],R7e=d("i",{"data-feather":"x"},null,-1),N7e=[R7e],D7e=d("i",{"data-feather":"refresh-ccw"},null,-1),L7e=[D7e],I7e={class:"slider-container ml-2 mr-2"},P7e=d("h3",{class:"text-gray-600"},"Temperature",-1),F7e={class:"slider-value text-gray-500"},B7e={class:"slider-container ml-2 mr-2"},$7e=d("h3",{class:"text-gray-600"},"Top K",-1),j7e={class:"slider-value text-gray-500"},z7e={class:"slider-container ml-2 mr-2"},U7e=d("h3",{class:"text-gray-600"},"Top P",-1),q7e={class:"slider-value text-gray-500"},H7e={class:"slider-container ml-2 mr-2"},V7e=d("h3",{class:"text-gray-600"},"Repeat Penalty",-1),G7e={class:"slider-value text-gray-500"},K7e={class:"slider-container ml-2 mr-2"},W7e=d("h3",{class:"text-gray-600"},"Repeat Last N",-1),Z7e={class:"slider-value text-gray-500"},Y7e={class:"slider-container ml-2 mr-2"},J7e=d("h3",{class:"text-gray-600"},"Number of tokens to crop the text to",-1),Q7e={class:"slider-value text-gray-500"},X7e={class:"slider-container ml-2 mr-2"},eMe=d("h3",{class:"text-gray-600"},"Number of tokens to generate",-1),tMe={class:"slider-value text-gray-500"},nMe={class:"slider-container ml-2 mr-2"},sMe=d("h3",{class:"text-gray-600"},"Seed",-1),oMe={class:"slider-value text-gray-500"};function rMe(t,e,n,s,o,r){const i=Ve("MarkdownRenderer"),a=Ve("Card"),l=Ve("Toast");return k(),C(Oe,null,[d("div",JTe,[d("div",QTe,[d("div",XTe,[d("div",e7e,[fe(d("button",{id:"generate-button",onClick:e[0]||(e[0]=(...c)=>r.generate&&r.generate(...c)),class:"w-6 ml-2 hover:text-secondary duration-75 active:scale-90 cursor-pointer"},n7e,512),[[Ye,!o.generating]]),fe(d("button",{id:"generate-next-button",onClick:e[1]||(e[1]=(...c)=>r.generate_in_placeholder&&r.generate_in_placeholder(...c)),class:"w-6 ml-2 hover:text-secondary duration-75 active:scale-90 cursor-pointer"},o7e,512),[[Ye,!o.generating]]),r7e,fe(d("button",{id:"stop-button",onClick:e[2]||(e[2]=(...c)=>r.stopGeneration&&r.stopGeneration(...c)),class:"w-6 ml-2 hover:text-secondary duration-75 active:scale-90 cursor-pointer"},a7e,512),[[Ye,o.generating]]),d("button",{type:"button",onClick:e[3]||(e[3]=(...c)=>r.startSpeechRecognition&&r.startSpeechRecognition(...c)),class:Me([{"text-red-500":o.isLesteningToVoice},"w-6 hover:text-secondary duration-75 active:scale-90 cursor-pointer"])},c7e,2),d("button",{title:"speak",onClick:e[4]||(e[4]=le(c=>r.speak(),["stop"])),class:Me([{"text-red-500":r.isTalking},"w-6 hover:text-secondary duration-75 active:scale-90 cursor-pointer"])},u7e,2),fe(d("button",{id:"export-button",onClick:e[5]||(e[5]=(...c)=>r.exportText&&r.exportText(...c)),class:"w-6 ml-2 hover:text-secondary duration-75 active:scale-90 cursor-pointer"},f7e,512),[[Ye,!o.generating]]),fe(d("button",{id:"import-button",onClick:e[6]||(e[6]=(...c)=>r.importText&&r.importText(...c)),class:"w-6 ml-2 hover:text-secondary duration-75 active:scale-90 cursor-pointer"},g7e,512),[[Ye,!o.generating]]),m7e]),d("div",_7e,[d("div",b7e,[d("div",{class:Me(["border-2 dark:bg-blue-700 text-blue-600 dark:text-white border-blue-300 p-2 rounded shadow-lg hover:border-gray-600 dark:link-item-dark cursor-pointer",{"bg-blue-200 dark:bg-blue-500":o.tab_id=="source"}]),onClick:e[7]||(e[7]=c=>o.tab_id="source")}," Source ",2),d("div",{class:Me(["border-2 dark:bg-blue-700 text-blue-600 dark:text-white border-blue-300 p-2 rounded shadow-lg hover:border-gray-600 dark:link-item-dark cursor-pointer",{"bg-blue-200 dark:bg-blue-500":o.tab_id=="render"}]),onClick:e[8]||(e[8]=c=>o.tab_id="render")}," Render ",2)]),o.tab_id==="source"?(k(),C("div",y7e,[fe(d("textarea",{onClick:e[9]||(e[9]=(...c)=>r.text_element_clicked&&r.text_element_clicked(...c)),onKeyup:e[10]||(e[10]=(...c)=>r.text_element_changed&&r.text_element_changed(...c)),"onUpdate:modelValue":e[11]||(e[11]=c=>o.text=c),ref:"text_element",class:"bg-white dark:bg-black m-0 border-2 rounded-md shadow-sm w-full mt-4 h-64 p-2 rounded shadow-lg overflow-y-scroll w-full dark:bg-bg-dark scrollbar-thin scrollbar-track-bg-light-tone scrollbar-thumb-bg-light-tone-panel hover:scrollbar-thumb-primary dark:scrollbar-track-bg-dark-tone dark:scrollbar-thumb-bg-dark-tone-panel dark:hover:scrollbar-thumb-primary active:scrollbar-thumb-secondary",type:"text"},null,544),[[Ie,o.text]]),d("span",null,"Cursor position "+H(o.cursorPosition),1)])):B("",!0),o.tab_id==="render"?(k(),C("div",v7e,[he(i,{ref:"mdRender","markdown-text":o.text,class:"mt-4 p-2 rounded shadow-lg dark:bg-bg-dark"},null,8,["markdown-text"])])):B("",!0)])]),he(a,{title:"settings",class:"slider-container ml-0 mr-0 max-width",isHorizontal:!1,disableHoverAnimation:!0,disableFocus:!0},{default:De(()=>[he(a,{title:"Model",class:"slider-container ml-0 mr-0",is_subcard:!0,isHorizontal:!1,disableHoverAnimation:!0,disableFocus:!0},{default:De(()=>[fe(d("select",{"onUpdate:modelValue":e[12]||(e[12]=c=>o.selectedModel=c),onChange:e[13]||(e[13]=(...c)=>r.setModel&&r.setModel(...c)),class:"bg-white dark:bg-black m-0 border-2 rounded-md shadow-sm w-full"},[(k(!0),C(Oe,null,Ge(o.models,c=>(k(),C("option",{key:c,value:c},H(c),9,w7e))),128))],544),[[Ms,o.selectedModel]]),o.selecting_model?(k(),C("div",x7e,E7e)):B("",!0)]),_:1}),he(a,{title:"Presets",class:"slider-container ml-0 mr-0",is_subcard:!0,isHorizontal:!1,disableHoverAnimation:!0,disableFocus:!0},{default:De(()=>[fe(d("select",{"onUpdate:modelValue":e[14]||(e[14]=c=>o.selectedPreset=c),class:"bg-white dark:bg-black mb-2 border-2 rounded-md shadow-sm w-full"},[(k(!0),C(Oe,null,Ge(o.presets,c=>(k(),C("option",{key:c,value:c},H(c.name),9,C7e))),128))],512),[[Ms,o.selectedPreset]]),A7e,d("button",{class:"w-6 ml-2 hover:text-secondary duration-75 active:scale-90 cursor-pointer",onClick:e[15]||(e[15]=(...c)=>r.setPreset&&r.setPreset(...c)),title:"Use preset"},T7e),d("button",{class:"w-6 ml-2 hover:text-secondary duration-75 active:scale-90 cursor-pointer",onClick:e[16]||(e[16]=(...c)=>r.addPreset&&r.addPreset(...c)),title:"Add this text as a preset"},O7e),d("button",{class:"w-6 ml-2 hover:text-secondary duration-75 active:scale-90 cursor-pointer",onClick:e[17]||(e[17]=(...c)=>r.removePreset&&r.removePreset(...c)),title:"Remove preset"},N7e),d("button",{class:"w-6 ml-2 hover:text-secondary duration-75 active:scale-90 cursor-pointer",onClick:e[18]||(e[18]=(...c)=>r.reloadPresets&&r.reloadPresets(...c)),title:"Reload presets list"},L7e)]),_:1}),he(a,{title:"Generation params",class:"slider-container ml-0 mr-0",is_subcard:!0,isHorizontal:!1,disableHoverAnimation:!0,disableFocus:!0},{default:De(()=>[d("div",I7e,[P7e,fe(d("input",{type:"range","onUpdate:modelValue":e[19]||(e[19]=c=>o.temperature=c),min:"0",max:"5",step:"0.1",class:"w-full"},null,512),[[Ie,o.temperature]]),d("span",F7e,"Current value: "+H(o.temperature),1)]),d("div",B7e,[$7e,fe(d("input",{type:"range","onUpdate:modelValue":e[20]||(e[20]=c=>o.top_k=c),min:"1",max:"100",step:"1",class:"w-full"},null,512),[[Ie,o.top_k]]),d("span",j7e,"Current value: "+H(o.top_k),1)]),d("div",z7e,[U7e,fe(d("input",{type:"range","onUpdate:modelValue":e[21]||(e[21]=c=>o.top_p=c),min:"0",max:"1",step:"0.1",class:"w-full"},null,512),[[Ie,o.top_p]]),d("span",q7e,"Current value: "+H(o.top_p),1)]),d("div",H7e,[V7e,fe(d("input",{type:"range","onUpdate:modelValue":e[22]||(e[22]=c=>o.repeat_penalty=c),min:"0",max:"5",step:"0.1",class:"bg-white dark:bg-black m-0 border-2 rounded-md shadow-sm w-full"},null,512),[[Ie,o.repeat_penalty]]),d("span",G7e,"Current value: "+H(o.repeat_penalty),1)]),d("div",K7e,[W7e,fe(d("input",{type:"range","onUpdate:modelValue":e[23]||(e[23]=c=>o.repeat_last_n=c),min:"0",max:"100",step:"1",class:"bg-white dark:bg-black m-0 border-2 rounded-md shadow-sm w-full"},null,512),[[Ie,o.repeat_last_n]]),d("span",Z7e,"Current value: "+H(o.repeat_last_n),1)]),d("div",Y7e,[J7e,fe(d("input",{type:"number","onUpdate:modelValue":e[24]||(e[24]=c=>o.n_crop=c),class:"bg-white dark:bg-black m-0 border-2 rounded-md shadow-sm w-full"},null,512),[[Ie,o.n_crop]]),d("span",Q7e,"Current value: "+H(o.n_crop),1)]),d("div",X7e,[eMe,fe(d("input",{type:"number","onUpdate:modelValue":e[25]||(e[25]=c=>o.n_predicts=c),class:"bg-white dark:bg-black m-0 border-2 rounded-md shadow-sm w-full"},null,512),[[Ie,o.n_predicts]]),d("span",tMe,"Current value: "+H(o.n_predicts),1)]),d("div",nMe,[sMe,fe(d("input",{type:"number","onUpdate:modelValue":e[26]||(e[26]=c=>o.seed=c),class:"bg-white dark:bg-black m-0 border-2 rounded-md shadow-sm w-full"},null,512),[[Ie,o.seed]]),d("span",oMe,"Current value: "+H(o.seed),1)])]),_:1})]),_:1})])]),he(l,{ref:"toast"},null,512)],64)}const iMe=Ue(YTe,[["render",rMe]]);const aMe={data(){return{activeExtension:null}},computed:{activeExtensions(){return this.$store.state.extensionsZoo.filter(t=>t.is_active)}},methods:{showExtensionPage(t){this.activeExtension=t}}},lMe={key:0},cMe=["onClick"],dMe={key:0},uMe=["src"],hMe={key:1},fMe=d("p",null,"No extension is active. Please install and activate an extension.",-1),pMe=[fMe];function gMe(t,e,n,s,o,r){return k(),C("div",null,[r.activeExtensions.length>0?(k(),C("div",lMe,[(k(!0),C(Oe,null,Ge(r.activeExtensions,i=>(k(),C("div",{key:i.name,onClick:a=>r.showExtensionPage(i)},[d("div",{class:Me({"active-tab":i===o.activeExtension})},H(i.name),3)],8,cMe))),128)),o.activeExtension?(k(),C("div",dMe,[d("iframe",{src:o.activeExtension.page,width:"100%",height:"500px",frameborder:"0"},null,8,uMe)])):B("",!0)])):(k(),C("div",hMe,pMe))])}const mMe=Ue(aMe,[["render",gMe]]);var Bg={exports:{}};/* @license +`];let a=-1;return i.forEach(l=>{const c=r.lastIndexOf(l);c>a&&(a=c)}),a==-1&&(a=r.length),console.log(a),a+o+1},s=()=>{const o=n(t),r=this.text.substring(t,o);this.msg.text=r,t=o+1,this.msg.onend=i=>{t{s()},1):(this.isSpeaking=!1,console.log("voice off :",this.text.length," ",o))},this.speechSynthesis.speak(this.msg)};s()},getCursorPosition(){return this.cursorPosition},appendToOutput(t){this.pre_text+=t,this.text=this.pre_text+this.post_text},generate_in_placeholder(){console.log("Finding cursor position");let t=this.text.indexOf("@@");if(t<0){this.$refs.toast.showToast("No generation placeholder found",4,!1);return}this.text=this.text.substring(0,t)+this.text.substring(t+26,this.text.length),this.pre_text=this.text.substring(0,t),this.post_text=this.text.substring(t,this.text.length);var e=this.text.substring(0,t);console.log(e),Ee.emit("generate_text",{prompt:e,personality:-1,n_predicts:this.n_predicts,n_crop:this.n_crop,parameters:{temperature:this.temperature,top_k:this.top_k,top_p:this.top_p,repeat_penalty:this.repeat_penalty,repeat_last_n:this.repeat_last_n,seed:parseInt(this.seed)}}),this.generating=!0},generate(){console.log("Finding cursor position"),this.pre_text=this.text.substring(0,this.getCursorPosition()),this.post_text=this.text.substring(this.getCursorPosition(),this.text.length);var t=this.text.substring(0,this.getCursorPosition());console.log(t),Ee.emit("generate_text",{prompt:t,personality:-1,n_predicts:this.n_predicts,n_crop:this.n_crop,parameters:{temperature:this.temperature,top_k:this.top_k,top_p:this.top_p,repeat_penalty:this.repeat_penalty,repeat_last_n:this.repeat_last_n,seed:parseInt(this.seed)}}),this.generating=!0},stopGeneration(){Ee.emit("cancel_text_generation",{})},exportText(){const t=this.text,e=document.createElement("a"),n=new Blob([t],{type:"text/plain"});e.href=URL.createObjectURL(n),e.download="exported_text.txt",document.body.appendChild(e),e.click(),document.body.removeChild(e)},importText(){const t=document.getElementById("import-input");t&&(t.addEventListener("change",e=>{if(e.target.files&&e.target.files[0]){const n=new FileReader;n.onload=()=>{this.text=n.result},n.readAsText(e.target.files[0])}else alert("Please select a file.")}),t.click())},setPreset(){console.log("Setting preset"),console.log(this.selectedPreset),this.text=ZTe(this.selectedPreset.content,t=>{console.log("Done"),console.log(t),this.text=t})},addPreset(){let t=prompt("Enter the title of the preset:");this.presets[t]={name:t,content:this.text},ye.post("./add_preset",this.presets[t]).then(e=>{console.log(e.data)}).catch(e=>{this.$refs.toast.showToast(`Error: ${e}`,4,!1)})},removePreset(){this.selectedPreset&&delete this.presets[this.selectedPreset.name]},reloadPresets(){ye.get("./get_presets").then(t=>{console.log(t.data),this.presets=t.data,this.selectedPreset=this.presets[0]}).catch(t=>{this.$refs.toast.showToast(`Error: ${t}`,4,!1)})},startSpeechRecognition(){"SpeechRecognition"in window||"webkitSpeechRecognition"in window?(this.recognition=new(window.SpeechRecognition||window.webkitSpeechRecognition),this.recognition.lang=this.$store.state.config.audio_in_language,this.recognition.interimResults=!0,this.recognition.onstart=()=>{this.isLesteningToVoice=!0,this.silenceTimer=setTimeout(()=>{this.recognition.stop()},this.silenceTimeout)},this.pre_text=this.text.substring(0,this.getCursorPosition()),this.post_text=this.text.substring(this.getCursorPosition(),this.text.length),this.recognition.onresult=t=>{this.generated="";for(let e=t.resultIndex;e{this.recognition.stop()},this.silenceTimeout)},this.recognition.onerror=t=>{console.error("Speech recognition error:",t.error),this.isLesteningToVoice=!1,clearTimeout(this.silenceTimer)},this.recognition.onend=()=>{console.log("Speech recognition ended."),this.isLesteningToVoice=!1,this.pre_text=this.pre_text+this.generated,this.cursorPosition=this.pre_text.length,clearTimeout(this.silenceTimer)},this.recognition.start()):console.error("Speech recognition is not supported in this browser.")}}},JTe={class:"container bg-bg-light dark:bg-bg-dark shadow-lg overflow-y-auto scrollbar-thin scrollbar-track-bg-light-tone scrollbar-thumb-bg-light-tone-panel hover:scrollbar-thumb-primary dark:scrollbar-track-bg-dark-tone dark:scrollbar-thumb-bg-dark-tone-panel dark:hover:scrollbar-thumb-primary active:scrollbar-thumb-secondary"},QTe={class:"container flex flex-row m-2"},XTe={class:"flex-grow m-2"},e7e={class:"flex-grow m-2 p-2 border border-blue-300 rounded-md border-2 border-blue-300 m-2 p-4"},t7e=d("i",{"data-feather":"pen-tool"},null,-1),n7e=[t7e],s7e=d("i",{"data-feather":"archive"},null,-1),o7e=[s7e],r7e=d("span",{class:"w-80"},null,-1),i7e=d("i",{"data-feather":"x"},null,-1),a7e=[i7e],l7e=d("i",{"data-feather":"mic"},null,-1),c7e=[l7e],d7e=d("i",{"data-feather":"volume-2"},null,-1),u7e=[d7e],h7e=d("i",{"data-feather":"upload"},null,-1),f7e=[h7e],p7e=d("i",{"data-feather":"download"},null,-1),g7e=[p7e],m7e=d("input",{type:"file",id:"import-input",class:"hidden"},null,-1),_7e={class:"flex-grow m-2 p-2 border border-blue-300 rounded-md border-2 border-blue-300 m-2 p-4"},b7e={class:"flex flex-row m-2 p-0"},y7e={key:0},v7e={key:1},w7e=["value"],x7e={key:0,title:"Selecting model",class:"flex flex-row flex-grow justify-end"},k7e=d("div",{role:"status"},[d("svg",{"aria-hidden":"true",class:"w-6 h-6 animate-spin fill-secondary",viewBox:"0 0 100 101",fill:"none",xmlns:"http://www.w3.org/2000/svg"},[d("path",{d:"M100 50.5908C100 78.2051 77.6142 100.591 50 100.591C22.3858 100.591 0 78.2051 0 50.5908C0 22.9766 22.3858 0.59082 50 0.59082C77.6142 0.59082 100 22.9766 100 50.5908ZM9.08144 50.5908C9.08144 73.1895 27.4013 91.5094 50 91.5094C72.5987 91.5094 90.9186 73.1895 90.9186 50.5908C90.9186 27.9921 72.5987 9.67226 50 9.67226C27.4013 9.67226 9.08144 27.9921 9.08144 50.5908Z",fill:"currentColor"}),d("path",{d:"M93.9676 39.0409C96.393 38.4038 97.8624 35.9116 97.0079 33.5539C95.2932 28.8227 92.871 24.3692 89.8167 20.348C85.8452 15.1192 80.8826 10.7238 75.2124 7.41289C69.5422 4.10194 63.2754 1.94025 56.7698 1.05124C51.7666 0.367541 46.6976 0.446843 41.7345 1.27873C39.2613 1.69328 37.813 4.19778 38.4501 6.62326C39.0873 9.04874 41.5694 10.4717 44.0505 10.1071C47.8511 9.54855 51.7191 9.52689 55.5402 10.0491C60.8642 10.7766 65.9928 12.5457 70.6331 15.2552C75.2735 17.9648 79.3347 21.5619 82.5849 25.841C84.9175 28.9121 86.7997 32.2913 88.1811 35.8758C89.083 38.2158 91.5421 39.6781 93.9676 39.0409Z",fill:"currentFill"})]),d("span",{class:"sr-only"},"Selecting model...")],-1),E7e=[k7e],C7e=["value"],A7e=d("br",null,null,-1),S7e=d("i",{"data-feather":"check"},null,-1),T7e=[S7e],M7e=d("i",{"data-feather":"plus"},null,-1),O7e=[M7e],R7e=d("i",{"data-feather":"x"},null,-1),N7e=[R7e],D7e=d("i",{"data-feather":"refresh-ccw"},null,-1),L7e=[D7e],I7e={class:"slider-container ml-2 mr-2"},P7e=d("h3",{class:"text-gray-600"},"Temperature",-1),F7e={class:"slider-value text-gray-500"},B7e={class:"slider-container ml-2 mr-2"},$7e=d("h3",{class:"text-gray-600"},"Top K",-1),j7e={class:"slider-value text-gray-500"},z7e={class:"slider-container ml-2 mr-2"},U7e=d("h3",{class:"text-gray-600"},"Top P",-1),q7e={class:"slider-value text-gray-500"},H7e={class:"slider-container ml-2 mr-2"},V7e=d("h3",{class:"text-gray-600"},"Repeat Penalty",-1),G7e={class:"slider-value text-gray-500"},K7e={class:"slider-container ml-2 mr-2"},W7e=d("h3",{class:"text-gray-600"},"Repeat Last N",-1),Z7e={class:"slider-value text-gray-500"},Y7e={class:"slider-container ml-2 mr-2"},J7e=d("h3",{class:"text-gray-600"},"Number of tokens to crop the text to",-1),Q7e={class:"slider-value text-gray-500"},X7e={class:"slider-container ml-2 mr-2"},eMe=d("h3",{class:"text-gray-600"},"Number of tokens to generate",-1),tMe={class:"slider-value text-gray-500"},nMe={class:"slider-container ml-2 mr-2"},sMe=d("h3",{class:"text-gray-600"},"Seed",-1),oMe={class:"slider-value text-gray-500"};function rMe(t,e,n,s,o,r){const i=Ve("MarkdownRenderer"),a=Ve("Card"),l=Ve("Toast");return k(),C(Oe,null,[d("div",JTe,[d("div",QTe,[d("div",XTe,[d("div",e7e,[fe(d("button",{id:"generate-button",onClick:e[0]||(e[0]=(...c)=>r.generate&&r.generate(...c)),class:"w-6 ml-2 hover:text-secondary duration-75 active:scale-90 cursor-pointer"},n7e,512),[[Ye,!o.generating]]),fe(d("button",{id:"generate-next-button",onClick:e[1]||(e[1]=(...c)=>r.generate_in_placeholder&&r.generate_in_placeholder(...c)),class:"w-6 ml-2 hover:text-secondary duration-75 active:scale-90 cursor-pointer"},o7e,512),[[Ye,!o.generating]]),r7e,fe(d("button",{id:"stop-button",onClick:e[2]||(e[2]=(...c)=>r.stopGeneration&&r.stopGeneration(...c)),class:"w-6 ml-2 hover:text-secondary duration-75 active:scale-90 cursor-pointer"},a7e,512),[[Ye,o.generating]]),d("button",{type:"button",onClick:e[3]||(e[3]=(...c)=>r.startSpeechRecognition&&r.startSpeechRecognition(...c)),class:Me([{"text-red-500":o.isLesteningToVoice},"w-6 hover:text-secondary duration-75 active:scale-90 cursor-pointer"])},c7e,2),d("button",{title:"speak",onClick:e[4]||(e[4]=le(c=>r.speak(),["stop"])),class:Me([{"text-red-500":r.isTalking},"w-6 hover:text-secondary duration-75 active:scale-90 cursor-pointer"])},u7e,2),fe(d("button",{id:"export-button",onClick:e[5]||(e[5]=(...c)=>r.exportText&&r.exportText(...c)),class:"w-6 ml-2 hover:text-secondary duration-75 active:scale-90 cursor-pointer"},f7e,512),[[Ye,!o.generating]]),fe(d("button",{id:"import-button",onClick:e[6]||(e[6]=(...c)=>r.importText&&r.importText(...c)),class:"w-6 ml-2 hover:text-secondary duration-75 active:scale-90 cursor-pointer"},g7e,512),[[Ye,!o.generating]]),m7e]),d("div",_7e,[d("div",b7e,[d("div",{class:Me(["border-2 dark:bg-blue-700 text-blue-600 dark:text-white border-blue-300 p-2 rounded shadow-lg hover:border-gray-600 dark:link-item-dark cursor-pointer",{"bg-blue-200 dark:bg-blue-500":o.tab_id=="source"}]),onClick:e[7]||(e[7]=c=>o.tab_id="source")}," Source ",2),d("div",{class:Me(["border-2 dark:bg-blue-700 text-blue-600 dark:text-white border-blue-300 p-2 rounded shadow-lg hover:border-gray-600 dark:link-item-dark cursor-pointer",{"bg-blue-200 dark:bg-blue-500":o.tab_id=="render"}]),onClick:e[8]||(e[8]=c=>o.tab_id="render")}," Render ",2)]),o.tab_id==="source"?(k(),C("div",y7e,[fe(d("textarea",{onClick:e[9]||(e[9]=(...c)=>r.text_element_clicked&&r.text_element_clicked(...c)),onKeyup:e[10]||(e[10]=(...c)=>r.text_element_changed&&r.text_element_changed(...c)),"onUpdate:modelValue":e[11]||(e[11]=c=>o.text=c),ref:"text_element",class:"bg-white dark:bg-black m-0 border-2 rounded-md shadow-sm w-full mt-4 h-64 p-2 rounded shadow-lg overflow-y-scroll w-full dark:bg-bg-dark scrollbar-thin scrollbar-track-bg-light-tone scrollbar-thumb-bg-light-tone-panel hover:scrollbar-thumb-primary dark:scrollbar-track-bg-dark-tone dark:scrollbar-thumb-bg-dark-tone-panel dark:hover:scrollbar-thumb-primary active:scrollbar-thumb-secondary",type:"text"},null,544),[[Ie,o.text]]),d("span",null,"Cursor position "+H(o.cursorPosition),1)])):F("",!0),o.tab_id==="render"?(k(),C("div",v7e,[he(i,{ref:"mdRender","markdown-text":o.text,class:"mt-4 p-2 rounded shadow-lg dark:bg-bg-dark"},null,8,["markdown-text"])])):F("",!0)])]),he(a,{title:"settings",class:"slider-container ml-0 mr-0 max-width",isHorizontal:!1,disableHoverAnimation:!0,disableFocus:!0},{default:De(()=>[he(a,{title:"Model",class:"slider-container ml-0 mr-0",is_subcard:!0,isHorizontal:!1,disableHoverAnimation:!0,disableFocus:!0},{default:De(()=>[fe(d("select",{"onUpdate:modelValue":e[12]||(e[12]=c=>o.selectedModel=c),onChange:e[13]||(e[13]=(...c)=>r.setModel&&r.setModel(...c)),class:"bg-white dark:bg-black m-0 border-2 rounded-md shadow-sm w-full"},[(k(!0),C(Oe,null,Ge(o.models,c=>(k(),C("option",{key:c,value:c},H(c),9,w7e))),128))],544),[[Ms,o.selectedModel]]),o.selecting_model?(k(),C("div",x7e,E7e)):F("",!0)]),_:1}),he(a,{title:"Presets",class:"slider-container ml-0 mr-0",is_subcard:!0,isHorizontal:!1,disableHoverAnimation:!0,disableFocus:!0},{default:De(()=>[fe(d("select",{"onUpdate:modelValue":e[14]||(e[14]=c=>o.selectedPreset=c),class:"bg-white dark:bg-black mb-2 border-2 rounded-md shadow-sm w-full"},[(k(!0),C(Oe,null,Ge(o.presets,c=>(k(),C("option",{key:c,value:c},H(c.name),9,C7e))),128))],512),[[Ms,o.selectedPreset]]),A7e,d("button",{class:"w-6 ml-2 hover:text-secondary duration-75 active:scale-90 cursor-pointer",onClick:e[15]||(e[15]=(...c)=>r.setPreset&&r.setPreset(...c)),title:"Use preset"},T7e),d("button",{class:"w-6 ml-2 hover:text-secondary duration-75 active:scale-90 cursor-pointer",onClick:e[16]||(e[16]=(...c)=>r.addPreset&&r.addPreset(...c)),title:"Add this text as a preset"},O7e),d("button",{class:"w-6 ml-2 hover:text-secondary duration-75 active:scale-90 cursor-pointer",onClick:e[17]||(e[17]=(...c)=>r.removePreset&&r.removePreset(...c)),title:"Remove preset"},N7e),d("button",{class:"w-6 ml-2 hover:text-secondary duration-75 active:scale-90 cursor-pointer",onClick:e[18]||(e[18]=(...c)=>r.reloadPresets&&r.reloadPresets(...c)),title:"Reload presets list"},L7e)]),_:1}),he(a,{title:"Generation params",class:"slider-container ml-0 mr-0",is_subcard:!0,isHorizontal:!1,disableHoverAnimation:!0,disableFocus:!0},{default:De(()=>[d("div",I7e,[P7e,fe(d("input",{type:"range","onUpdate:modelValue":e[19]||(e[19]=c=>o.temperature=c),min:"0",max:"5",step:"0.1",class:"w-full"},null,512),[[Ie,o.temperature]]),d("span",F7e,"Current value: "+H(o.temperature),1)]),d("div",B7e,[$7e,fe(d("input",{type:"range","onUpdate:modelValue":e[20]||(e[20]=c=>o.top_k=c),min:"1",max:"100",step:"1",class:"w-full"},null,512),[[Ie,o.top_k]]),d("span",j7e,"Current value: "+H(o.top_k),1)]),d("div",z7e,[U7e,fe(d("input",{type:"range","onUpdate:modelValue":e[21]||(e[21]=c=>o.top_p=c),min:"0",max:"1",step:"0.1",class:"w-full"},null,512),[[Ie,o.top_p]]),d("span",q7e,"Current value: "+H(o.top_p),1)]),d("div",H7e,[V7e,fe(d("input",{type:"range","onUpdate:modelValue":e[22]||(e[22]=c=>o.repeat_penalty=c),min:"0",max:"5",step:"0.1",class:"bg-white dark:bg-black m-0 border-2 rounded-md shadow-sm w-full"},null,512),[[Ie,o.repeat_penalty]]),d("span",G7e,"Current value: "+H(o.repeat_penalty),1)]),d("div",K7e,[W7e,fe(d("input",{type:"range","onUpdate:modelValue":e[23]||(e[23]=c=>o.repeat_last_n=c),min:"0",max:"100",step:"1",class:"bg-white dark:bg-black m-0 border-2 rounded-md shadow-sm w-full"},null,512),[[Ie,o.repeat_last_n]]),d("span",Z7e,"Current value: "+H(o.repeat_last_n),1)]),d("div",Y7e,[J7e,fe(d("input",{type:"number","onUpdate:modelValue":e[24]||(e[24]=c=>o.n_crop=c),class:"bg-white dark:bg-black m-0 border-2 rounded-md shadow-sm w-full"},null,512),[[Ie,o.n_crop]]),d("span",Q7e,"Current value: "+H(o.n_crop),1)]),d("div",X7e,[eMe,fe(d("input",{type:"number","onUpdate:modelValue":e[25]||(e[25]=c=>o.n_predicts=c),class:"bg-white dark:bg-black m-0 border-2 rounded-md shadow-sm w-full"},null,512),[[Ie,o.n_predicts]]),d("span",tMe,"Current value: "+H(o.n_predicts),1)]),d("div",nMe,[sMe,fe(d("input",{type:"number","onUpdate:modelValue":e[26]||(e[26]=c=>o.seed=c),class:"bg-white dark:bg-black m-0 border-2 rounded-md shadow-sm w-full"},null,512),[[Ie,o.seed]]),d("span",oMe,"Current value: "+H(o.seed),1)])]),_:1})]),_:1})])]),he(l,{ref:"toast"},null,512)],64)}const iMe=Ue(YTe,[["render",rMe]]);const aMe={data(){return{activeExtension:null}},computed:{activeExtensions(){return this.$store.state.extensionsZoo.filter(t=>t.is_active)}},methods:{showExtensionPage(t){this.activeExtension=t}}},lMe={key:0},cMe=["onClick"],dMe={key:0},uMe=["src"],hMe={key:1},fMe=d("p",null,"No extension is active. Please install and activate an extension.",-1),pMe=[fMe];function gMe(t,e,n,s,o,r){return k(),C("div",null,[r.activeExtensions.length>0?(k(),C("div",lMe,[(k(!0),C(Oe,null,Ge(r.activeExtensions,i=>(k(),C("div",{key:i.name,onClick:a=>r.showExtensionPage(i)},[d("div",{class:Me({"active-tab":i===o.activeExtension})},H(i.name),3)],8,cMe))),128)),o.activeExtension?(k(),C("div",dMe,[d("iframe",{src:o.activeExtension.page,width:"100%",height:"500px",frameborder:"0"},null,8,uMe)])):F("",!0)])):(k(),C("div",hMe,pMe))])}const mMe=Ue(aMe,[["render",gMe]]);var Bg={exports:{}};/* @license Papa Parse v5.4.1 https://github.com/mholt/PapaParse License: MIT -*/(function(t,e){(function(n,s){t.exports=s()})(Pp,function n(){var s=typeof self<"u"?self:typeof window<"u"?window:s!==void 0?s:{},o=!s.document&&!!s.postMessage,r=s.IS_PAPA_WORKER||!1,i={},a=0,l={parse:function(v,E){var M=(E=E||{}).dynamicTyping||!1;if(D(M)&&(E.dynamicTypingFunction=M,M={}),E.dynamicTyping=M,E.transform=!!D(E.transform)&&E.transform,E.worker&&l.WORKERS_SUPPORTED){var L=function(){if(!l.WORKERS_SUPPORTED)return!1;var J=(ae=s.URL||s.webkitURL||null,Z=n.toString(),l.BLOB_URL||(l.BLOB_URL=ae.createObjectURL(new Blob(["var global = (function() { if (typeof self !== 'undefined') { return self; } if (typeof window !== 'undefined') { return window; } if (typeof global !== 'undefined') { return global; } return {}; })(); global.IS_PAPA_WORKER=true; ","(",Z,")();"],{type:"text/javascript"})))),I=new s.Worker(J),ae,Z;return I.onmessage=y,I.id=a++,i[I.id]=I}();return L.userStep=E.step,L.userChunk=E.chunk,L.userComplete=E.complete,L.userError=E.error,E.step=D(E.step),E.chunk=D(E.chunk),E.complete=D(E.complete),E.error=D(E.error),delete E.worker,void L.postMessage({input:v,config:E,workerId:L.id})}var F=null;return l.NODE_STREAM_INPUT,typeof v=="string"?(v=function(J){return J.charCodeAt(0)===65279?J.slice(1):J}(v),F=E.download?new h(E):new g(E)):v.readable===!0&&D(v.read)&&D(v.on)?F=new m(E):(s.File&&v instanceof File||v instanceof Object)&&(F=new f(E)),F.stream(v)},unparse:function(v,E){var M=!1,L=!0,F=",",J=`\r -`,I='"',ae=I+I,Z=!1,T=null,q=!1;(function(){if(typeof E=="object"){if(typeof E.delimiter!="string"||l.BAD_DELIMITERS.filter(function(ee){return E.delimiter.indexOf(ee)!==-1}).length||(F=E.delimiter),(typeof E.quotes=="boolean"||typeof E.quotes=="function"||Array.isArray(E.quotes))&&(M=E.quotes),typeof E.skipEmptyLines!="boolean"&&typeof E.skipEmptyLines!="string"||(Z=E.skipEmptyLines),typeof E.newline=="string"&&(J=E.newline),typeof E.quoteChar=="string"&&(I=E.quoteChar),typeof E.header=="boolean"&&(L=E.header),Array.isArray(E.columns)){if(E.columns.length===0)throw new Error("Option columns is empty");T=E.columns}E.escapeChar!==void 0&&(ae=E.escapeChar+I),(typeof E.escapeFormulae=="boolean"||E.escapeFormulae instanceof RegExp)&&(q=E.escapeFormulae instanceof RegExp?E.escapeFormulae:/^[=+\-@\t\r].*$/)}})();var G=new RegExp(b(I),"g");if(typeof v=="string"&&(v=JSON.parse(v)),Array.isArray(v)){if(!v.length||Array.isArray(v[0]))return we(null,v,Z);if(typeof v[0]=="object")return we(T||Object.keys(v[0]),v,Z)}else if(typeof v=="object")return typeof v.data=="string"&&(v.data=JSON.parse(v.data)),Array.isArray(v.data)&&(v.fields||(v.fields=v.meta&&v.meta.fields||T),v.fields||(v.fields=Array.isArray(v.data[0])?v.fields:typeof v.data[0]=="object"?Object.keys(v.data[0]):[]),Array.isArray(v.data[0])||typeof v.data[0]=="object"||(v.data=[v.data])),we(v.fields||[],v.data||[],Z);throw new Error("Unable to serialize unrecognized input");function we(ee,ke,Se){var N="";typeof ee=="string"&&(ee=JSON.parse(ee)),typeof ke=="string"&&(ke=JSON.parse(ke));var Q=Array.isArray(ee)&&0=this._config.preview;if(r)s.postMessage({results:J,workerId:l.WORKER_ID,finished:ae});else if(D(this._config.chunk)&&!M){if(this._config.chunk(J,this._handle),this._handle.paused()||this._handle.aborted())return void(this._halted=!0);J=void 0,this._completeResults=void 0}return this._config.step||this._config.chunk||(this._completeResults.data=this._completeResults.data.concat(J.data),this._completeResults.errors=this._completeResults.errors.concat(J.errors),this._completeResults.meta=J.meta),this._completed||!ae||!D(this._config.complete)||J&&J.meta.aborted||(this._config.complete(this._completeResults,this._input),this._completed=!0),ae||J&&J.meta.paused||this._nextChunk(),J}this._halted=!0},this._sendError=function(E){D(this._config.error)?this._config.error(E):r&&this._config.error&&s.postMessage({workerId:l.WORKER_ID,error:E,finished:!1})}}function h(v){var E;(v=v||{}).chunkSize||(v.chunkSize=l.RemoteChunkSize),u.call(this,v),this._nextChunk=o?function(){this._readChunk(),this._chunkLoaded()}:function(){this._readChunk()},this.stream=function(M){this._input=M,this._nextChunk()},this._readChunk=function(){if(this._finished)this._chunkLoaded();else{if(E=new XMLHttpRequest,this._config.withCredentials&&(E.withCredentials=this._config.withCredentials),o||(E.onload=O(this._chunkLoaded,this),E.onerror=O(this._chunkError,this)),E.open(this._config.downloadRequestBody?"POST":"GET",this._input,!o),this._config.downloadRequestHeaders){var M=this._config.downloadRequestHeaders;for(var L in M)E.setRequestHeader(L,M[L])}if(this._config.chunkSize){var F=this._start+this._config.chunkSize-1;E.setRequestHeader("Range","bytes="+this._start+"-"+F)}try{E.send(this._config.downloadRequestBody)}catch(J){this._chunkError(J.message)}o&&E.status===0&&this._chunkError()}},this._chunkLoaded=function(){E.readyState===4&&(E.status<200||400<=E.status?this._chunkError():(this._start+=this._config.chunkSize?this._config.chunkSize:E.responseText.length,this._finished=!this._config.chunkSize||this._start>=function(M){var L=M.getResponseHeader("Content-Range");return L===null?-1:parseInt(L.substring(L.lastIndexOf("/")+1))}(E),this.parseChunk(E.responseText)))},this._chunkError=function(M){var L=E.statusText||M;this._sendError(new Error(L))}}function f(v){var E,M;(v=v||{}).chunkSize||(v.chunkSize=l.LocalChunkSize),u.call(this,v);var L=typeof FileReader<"u";this.stream=function(F){this._input=F,M=F.slice||F.webkitSlice||F.mozSlice,L?((E=new FileReader).onload=O(this._chunkLoaded,this),E.onerror=O(this._chunkError,this)):E=new FileReaderSync,this._nextChunk()},this._nextChunk=function(){this._finished||this._config.preview&&!(this._rowCount=this._input.size,this.parseChunk(F.target.result)},this._chunkError=function(){this._sendError(E.error)}}function g(v){var E;u.call(this,v=v||{}),this.stream=function(M){return E=M,this._nextChunk()},this._nextChunk=function(){if(!this._finished){var M,L=this._config.chunkSize;return L?(M=E.substring(0,L),E=E.substring(L)):(M=E,E=""),this._finished=!E,this.parseChunk(M)}}}function m(v){u.call(this,v=v||{});var E=[],M=!0,L=!1;this.pause=function(){u.prototype.pause.apply(this,arguments),this._input.pause()},this.resume=function(){u.prototype.resume.apply(this,arguments),this._input.resume()},this.stream=function(F){this._input=F,this._input.on("data",this._streamData),this._input.on("end",this._streamEnd),this._input.on("error",this._streamError)},this._checkIsFinished=function(){L&&E.length===1&&(this._finished=!0)},this._nextChunk=function(){this._checkIsFinished(),E.length?this.parseChunk(E.shift()):M=!0},this._streamData=O(function(F){try{E.push(typeof F=="string"?F:F.toString(this._config.encoding)),M&&(M=!1,this._checkIsFinished(),this.parseChunk(E.shift()))}catch(J){this._streamError(J)}},this),this._streamError=O(function(F){this._streamCleanUp(),this._sendError(F)},this),this._streamEnd=O(function(){this._streamCleanUp(),L=!0,this._streamData("")},this),this._streamCleanUp=O(function(){this._input.removeListener("data",this._streamData),this._input.removeListener("end",this._streamEnd),this._input.removeListener("error",this._streamError)},this)}function p(v){var E,M,L,F=Math.pow(2,53),J=-F,I=/^\s*-?(\d+\.?|\.\d+|\d+\.\d+)([eE][-+]?\d+)?\s*$/,ae=/^((\d{4}-[01]\d-[0-3]\dT[0-2]\d:[0-5]\d:[0-5]\d\.\d+([+-][0-2]\d:[0-5]\d|Z))|(\d{4}-[01]\d-[0-3]\dT[0-2]\d:[0-5]\d:[0-5]\d([+-][0-2]\d:[0-5]\d|Z))|(\d{4}-[01]\d-[0-3]\dT[0-2]\d:[0-5]\d([+-][0-2]\d:[0-5]\d|Z)))$/,Z=this,T=0,q=0,G=!1,we=!1,_e=[],ee={data:[],errors:[],meta:{}};if(D(v.step)){var ke=v.step;v.step=function(X){if(ee=X,Q())N();else{if(N(),ee.data.length===0)return;T+=X.data.length,v.preview&&T>v.preview?M.abort():(ee.data=ee.data[0],ke(ee,Z))}}}function Se(X){return v.skipEmptyLines==="greedy"?X.join("").trim()==="":X.length===1&&X[0].length===0}function N(){return ee&&L&&(te("Delimiter","UndetectableDelimiter","Unable to auto-detect delimiting character; defaulted to '"+l.DefaultDelimiter+"'"),L=!1),v.skipEmptyLines&&(ee.data=ee.data.filter(function(X){return!Se(X)})),Q()&&function(){if(!ee)return;function X(de,w){D(v.transformHeader)&&(de=v.transformHeader(de,w)),_e.push(de)}if(Array.isArray(ee.data[0])){for(var ge=0;Q()&&ge=_e.length?"__parsed_extra":_e[A]),v.transform&&(j=v.transform(j,$)),j=V($,j),$==="__parsed_extra"?(P[$]=P[$]||[],P[$].push(j)):P[$]=j}return v.header&&(A>_e.length?te("FieldMismatch","TooManyFields","Too many fields: expected "+_e.length+" fields but parsed "+A,q+w):A<_e.length&&te("FieldMismatch","TooFewFields","Too few fields: expected "+_e.length+" fields but parsed "+A,q+w)),P}var ge=1;return!ee.data.length||Array.isArray(ee.data[0])?(ee.data=ee.data.map(X),ge=ee.data.length):ee.data=X(ee.data,0),v.header&&ee.meta&&(ee.meta.fields=_e),q+=ge,ee}()}function Q(){return v.header&&_e.length===0}function V(X,ge){return de=X,v.dynamicTypingFunction&&v.dynamicTyping[de]===void 0&&(v.dynamicTyping[de]=v.dynamicTypingFunction(de)),(v.dynamicTyping[de]||v.dynamicTyping)===!0?ge==="true"||ge==="TRUE"||ge!=="false"&&ge!=="FALSE"&&(function(w){if(I.test(w)){var A=parseFloat(w);if(J=this._config.preview;if(r)s.postMessage({results:J,workerId:l.WORKER_ID,finished:ae});else if(D(this._config.chunk)&&!M){if(this._config.chunk(J,this._handle),this._handle.paused()||this._handle.aborted())return void(this._halted=!0);J=void 0,this._completeResults=void 0}return this._config.step||this._config.chunk||(this._completeResults.data=this._completeResults.data.concat(J.data),this._completeResults.errors=this._completeResults.errors.concat(J.errors),this._completeResults.meta=J.meta),this._completed||!ae||!D(this._config.complete)||J&&J.meta.aborted||(this._config.complete(this._completeResults,this._input),this._completed=!0),ae||J&&J.meta.paused||this._nextChunk(),J}this._halted=!0},this._sendError=function(E){D(this._config.error)?this._config.error(E):r&&this._config.error&&s.postMessage({workerId:l.WORKER_ID,error:E,finished:!1})}}function h(v){var E;(v=v||{}).chunkSize||(v.chunkSize=l.RemoteChunkSize),u.call(this,v),this._nextChunk=o?function(){this._readChunk(),this._chunkLoaded()}:function(){this._readChunk()},this.stream=function(M){this._input=M,this._nextChunk()},this._readChunk=function(){if(this._finished)this._chunkLoaded();else{if(E=new XMLHttpRequest,this._config.withCredentials&&(E.withCredentials=this._config.withCredentials),o||(E.onload=O(this._chunkLoaded,this),E.onerror=O(this._chunkError,this)),E.open(this._config.downloadRequestBody?"POST":"GET",this._input,!o),this._config.downloadRequestHeaders){var M=this._config.downloadRequestHeaders;for(var L in M)E.setRequestHeader(L,M[L])}if(this._config.chunkSize){var B=this._start+this._config.chunkSize-1;E.setRequestHeader("Range","bytes="+this._start+"-"+B)}try{E.send(this._config.downloadRequestBody)}catch(J){this._chunkError(J.message)}o&&E.status===0&&this._chunkError()}},this._chunkLoaded=function(){E.readyState===4&&(E.status<200||400<=E.status?this._chunkError():(this._start+=this._config.chunkSize?this._config.chunkSize:E.responseText.length,this._finished=!this._config.chunkSize||this._start>=function(M){var L=M.getResponseHeader("Content-Range");return L===null?-1:parseInt(L.substring(L.lastIndexOf("/")+1))}(E),this.parseChunk(E.responseText)))},this._chunkError=function(M){var L=E.statusText||M;this._sendError(new Error(L))}}function f(v){var E,M;(v=v||{}).chunkSize||(v.chunkSize=l.LocalChunkSize),u.call(this,v);var L=typeof FileReader<"u";this.stream=function(B){this._input=B,M=B.slice||B.webkitSlice||B.mozSlice,L?((E=new FileReader).onload=O(this._chunkLoaded,this),E.onerror=O(this._chunkError,this)):E=new FileReaderSync,this._nextChunk()},this._nextChunk=function(){this._finished||this._config.preview&&!(this._rowCount=this._input.size,this.parseChunk(B.target.result)},this._chunkError=function(){this._sendError(E.error)}}function g(v){var E;u.call(this,v=v||{}),this.stream=function(M){return E=M,this._nextChunk()},this._nextChunk=function(){if(!this._finished){var M,L=this._config.chunkSize;return L?(M=E.substring(0,L),E=E.substring(L)):(M=E,E=""),this._finished=!E,this.parseChunk(M)}}}function m(v){u.call(this,v=v||{});var E=[],M=!0,L=!1;this.pause=function(){u.prototype.pause.apply(this,arguments),this._input.pause()},this.resume=function(){u.prototype.resume.apply(this,arguments),this._input.resume()},this.stream=function(B){this._input=B,this._input.on("data",this._streamData),this._input.on("end",this._streamEnd),this._input.on("error",this._streamError)},this._checkIsFinished=function(){L&&E.length===1&&(this._finished=!0)},this._nextChunk=function(){this._checkIsFinished(),E.length?this.parseChunk(E.shift()):M=!0},this._streamData=O(function(B){try{E.push(typeof B=="string"?B:B.toString(this._config.encoding)),M&&(M=!1,this._checkIsFinished(),this.parseChunk(E.shift()))}catch(J){this._streamError(J)}},this),this._streamError=O(function(B){this._streamCleanUp(),this._sendError(B)},this),this._streamEnd=O(function(){this._streamCleanUp(),L=!0,this._streamData("")},this),this._streamCleanUp=O(function(){this._input.removeListener("data",this._streamData),this._input.removeListener("end",this._streamEnd),this._input.removeListener("error",this._streamError)},this)}function p(v){var E,M,L,B=Math.pow(2,53),J=-B,I=/^\s*-?(\d+\.?|\.\d+|\d+\.\d+)([eE][-+]?\d+)?\s*$/,ae=/^((\d{4}-[01]\d-[0-3]\dT[0-2]\d:[0-5]\d:[0-5]\d\.\d+([+-][0-2]\d:[0-5]\d|Z))|(\d{4}-[01]\d-[0-3]\dT[0-2]\d:[0-5]\d:[0-5]\d([+-][0-2]\d:[0-5]\d|Z))|(\d{4}-[01]\d-[0-3]\dT[0-2]\d:[0-5]\d([+-][0-2]\d:[0-5]\d|Z)))$/,Z=this,T=0,q=0,G=!1,we=!1,_e=[],ee={data:[],errors:[],meta:{}};if(D(v.step)){var ke=v.step;v.step=function(X){if(ee=X,Q())N();else{if(N(),ee.data.length===0)return;T+=X.data.length,v.preview&&T>v.preview?M.abort():(ee.data=ee.data[0],ke(ee,Z))}}}function Se(X){return v.skipEmptyLines==="greedy"?X.join("").trim()==="":X.length===1&&X[0].length===0}function N(){return ee&&L&&(te("Delimiter","UndetectableDelimiter","Unable to auto-detect delimiting character; defaulted to '"+l.DefaultDelimiter+"'"),L=!1),v.skipEmptyLines&&(ee.data=ee.data.filter(function(X){return!Se(X)})),Q()&&function(){if(!ee)return;function X(de,w){D(v.transformHeader)&&(de=v.transformHeader(de,w)),_e.push(de)}if(Array.isArray(ee.data[0])){for(var ge=0;Q()&&ge=_e.length?"__parsed_extra":_e[A]),v.transform&&(j=v.transform(j,$)),j=V($,j),$==="__parsed_extra"?(P[$]=P[$]||[],P[$].push(j)):P[$]=j}return v.header&&(A>_e.length?te("FieldMismatch","TooManyFields","Too many fields: expected "+_e.length+" fields but parsed "+A,q+w):A<_e.length&&te("FieldMismatch","TooFewFields","Too few fields: expected "+_e.length+" fields but parsed "+A,q+w)),P}var ge=1;return!ee.data.length||Array.isArray(ee.data[0])?(ee.data=ee.data.map(X),ge=ee.data.length):ee.data=X(ee.data,0),v.header&&ee.meta&&(ee.meta.fields=_e),q+=ge,ee}()}function Q(){return v.header&&_e.length===0}function V(X,ge){return de=X,v.dynamicTypingFunction&&v.dynamicTyping[de]===void 0&&(v.dynamicTyping[de]=v.dynamicTypingFunction(de)),(v.dynamicTyping[de]||v.dynamicTyping)===!0?ge==="true"||ge==="TRUE"||ge!=="false"&&ge!=="FALSE"&&(function(w){if(I.test(w)){var A=parseFloat(w);if(J=re.length/2?`\r -`:"\r"}(X,w)),L=!1,v.delimiter)D(v.delimiter)&&(v.delimiter=v.delimiter(X),ee.meta.delimiter=v.delimiter);else{var A=function($,j,ne,re,z){var se,U,Y,ie;z=z||[","," ","|",";",l.RECORD_SEP,l.UNIT_SEP];for(var pe=0;pe=I)return We(!0)}else for(ue=T,T++;;){if((ue=G.indexOf(E,ue+1))===-1)return _e||te.push({type:"Quotes",code:"MissingQuotes",message:"Quoted field unterminated",row:V.length,index:T}),Te();if(ue===ee-1)return Te(G.substring(T,ue).replace(pe,E));if(E!==Z||G[ue+1]!==Z){if(E===Z||ue===0||G[ue-1]!==Z){Y!==-1&&Y=I)return We(!0);break}te.push({type:"Quotes",code:"InvalidQuotes",message:"Trailing quote on quoted field is malformed",row:V.length,index:T}),ue++}}else ue++}return Te();function oe(et){V.push(et),ge=T}function me(et){var nt=0;if(et!==-1){var lt=G.substring(ue+1,et);lt&<.trim()===""&&(nt=lt.length)}return nt}function Te(et){return _e||(et===void 0&&(et=G.substring(T)),X.push(et),T=ee,oe(X),Q&&Pe()),We()}function Be(et){T=et,oe(X),X=[],ie=G.indexOf(L,T)}function We(et){return{data:V,errors:te,meta:{delimiter:M,linebreak:L,aborted:q,truncated:!!et,cursor:ge+(we||0)}}}function Pe(){J(We()),V=[],te=[]}},this.abort=function(){q=!0},this.getCharIndex=function(){return T}}function y(v){var E=v.data,M=i[E.workerId],L=!1;if(E.error)M.userError(E.error,E.file);else if(E.results&&E.results.data){var F={abort:function(){L=!0,x(E.workerId,{data:[],errors:[],meta:{aborted:!0}})},pause:S,resume:S};if(D(M.userStep)){for(var J=0;J{this.lollmsVersion=t})},computed:{async fetchLollmsVersion(){return await ye.get("/get_lollms_version")}},async created(){},methods:{async api_get_req(t){try{const e=await ye.get("/"+t);if(e)return e.data}catch(e){console.log(e.message,"api_get_req");return}},loadFAQs(){fetch("/help/faqs.csv").then(t=>t.text()).then(t=>{const{data:e}=bMe.parse(t,{header:!0});console.log("Recovered data"),console.log(e),this.faqs=e}).catch(t=>{console.error("Error loading FAQs:",t)})},parseMultiline(t){return t.replace(/\n/g,"
")}}},vi=t=>(ns("data-v-6f1a11a2"),t=t(),ss(),t),vMe={class:"container mx-auto p-4 bg-bg-light-tone dark:bg-bg-dark-tone shadow-lg"},wMe=vi(()=>d("h2",{class:"text-2xl font-bold mb-2"},"About Lord of large Language Models",-1)),xMe={class:"mb-4"},kMe=vi(()=>d("p",null,[xe("Discord link: "),d("a",{class:"text-blue-500 hover:text-blue-400 duration-150",href:"https://discord.gg/C73K7hjy"},"https://discord.gg/C73K7hjy")],-1)),EMe={class:"mb-8 overflow-y-auto max-h-96 scrollbar"},CMe=vi(()=>d("h2",{class:"text-2xl font-bold mb-2"},"Frequently Asked Questions",-1)),AMe={class:"list-disc pl-4"},SMe={class:"text-xl font-bold mb-1"},TMe=["innerHTML"],MMe=vi(()=>d("div",null,[d("h2",{class:"text-2xl font-bold mb-2"},"Contact Us"),d("p",{class:"mb-4"},"If you have any further questions or need assistance, feel free to reach out to me."),d("p",null,[xe("Discord link: "),d("a",{class:"text-blue-500 hover:text-blue-400 duration-150",href:"https://discord.gg/C73K7hjy"},"https://discord.gg/C73K7hjy")])],-1)),OMe={class:"mt-8"},RMe=os('

Credits

This project is developed by ParisNeo With help from the community.

Check out the full list of developers here and show them some love.

',3),NMe=["href"];function DMe(t,e,n,s,o,r){return k(),C("div",vMe,[d("div",null,[wMe,d("p",xMe," Lollms version "+H(o.lollmsVersion),1),kMe]),d("div",EMe,[CMe,d("ul",AMe,[(k(!0),C(Oe,null,Ge(o.faqs,(i,a)=>(k(),C("li",{key:a},[d("h3",SMe,H(i.question),1),d("p",{class:"mb-4",innerHTML:r.parseMultiline(i.answer)},null,8,TMe)]))),128))])]),MMe,d("div",OMe,[RMe,d("p",null,[xe("Check out the project on "),d("a",{class:"text-blue-500 hover:text-blue-400 duration-150",href:o.githubLink,target:"_blank",rel:"noopener noreferrer"},"GitHub",8,NMe),xe(".")])])])}const LMe=Ue(yMe,[["render",DMe],["__scopeId","data-v-6f1a11a2"]]);function Gt(t,e=!0,n=1){const s=e?1e3:1024;if(Math.abs(t)=s&&rr.hide&&r.hide(...i)),class:"bg-primary hover:bg-primary-light active:scale-95 duration-150 text-white px-4 py-2 rounded-lg shadow-lg hover:bg-secondary-dark"}," OK ")])])])):B("",!0)}const $g=Ue(IMe,[["render",jMe]]),zMe={data(){return{show:!1,message:"",resolve:null,ConfirmButtonText:"Yes, I'm sure",DenyButtonText:"No, cancel"}},methods:{hide(t){this.show=!1,this.resolve&&(this.resolve(t),this.resolve=null)},askQuestion(t,e,n){return this.ConfirmButtonText=e||this.ConfirmButtonText,this.DenyButtonText=n||this.DenyButtonText,new Promise(s=>{this.message=t,this.show=!0,this.resolve=s})}}},UMe={key:0,class:"fixed top-0 left-0 right-0 bottom-0 flex items-center justify-center bg-black bg-opacity-50"},qMe={class:"relative w-full max-w-md max-h-full"},HMe={class:"relative bg-white rounded-lg shadow dark:bg-gray-700"},VMe=d("svg",{"aria-hidden":"true",class:"w-5 h-5",fill:"currentColor",viewBox:"0 0 20 20",xmlns:"http://www.w3.org/2000/svg"},[d("path",{"fill-rule":"evenodd",d:"M4.293 4.293a1 1 0 011.414 0L10 8.586l4.293-4.293a1 1 0 111.414 1.414L11.414 10l4.293 4.293a1 1 0 01-1.414 1.414L10 11.414l-4.293 4.293a1 1 0 01-1.414-1.414L8.586 10 4.293 5.707a1 1 0 010-1.414z","clip-rule":"evenodd"})],-1),GMe=d("span",{class:"sr-only"},"Close modal",-1),KMe=[VMe,GMe],WMe={class:"p-4 text-center"},ZMe=d("svg",{"aria-hidden":"true",class:"mx-auto mb-4 text-gray-400 w-14 h-14 dark:text-gray-200",fill:"none",stroke:"currentColor",viewBox:"0 0 24 24",xmlns:"http://www.w3.org/2000/svg"},[d("path",{"stroke-linecap":"round","stroke-linejoin":"round","stroke-width":"2",d:"M12 8v4m0 4h.01M21 12a9 9 0 11-18 0 9 9 0 0118 0z"})],-1),YMe={class:"mb-5 text-lg font-normal text-gray-500 dark:text-gray-400 select-none break-all"};function JMe(t,e,n,s,o,r){return o.show?(k(),C("div",UMe,[d("div",qMe,[d("div",HMe,[d("button",{type:"button",onClick:e[0]||(e[0]=i=>r.hide(!1)),class:"absolute top-3 right-2.5 text-gray-400 bg-transparent hover:bg-gray-200 hover:text-gray-900 rounded-lg text-sm p-1.5 ml-auto inline-flex items-center dark:hover:bg-gray-800 dark:hover:text-white"},KMe),d("div",WMe,[ZMe,d("h3",YMe,H(o.message),1),d("button",{onClick:e[1]||(e[1]=i=>r.hide(!0)),type:"button",class:"text-white bg-red-600 hover:bg-red-800 focus:ring-4 focus:outline-none focus:ring-red-300 dark:focus:ring-red-800 font-medium rounded-lg text-sm inline-flex items-center px-5 py-2.5 text-center mr-2"},H(o.ConfirmButtonText),1),d("button",{onClick:e[2]||(e[2]=i=>r.hide(!1)),type:"button",class:"text-gray-500 bg-white hover:bg-gray-100 focus:ring-4 focus:outline-none focus:ring-gray-200 rounded-lg border border-gray-200 text-sm font-medium px-5 py-2.5 hover:text-gray-900 focus:z-10 dark:bg-gray-700 dark:text-gray-300 dark:border-gray-500 dark:hover:text-white dark:hover:bg-gray-600 dark:focus:ring-gray-600"},H(o.DenyButtonText),1)])])])])):B("",!0)}const QMe=Ue(zMe,[["render",JMe]]),Rr="/assets/default_model-9e24e852.png",XMe={props:{title:String,icon:String,path:String,owner:String,owner_link:String,license:String,description:String,isInstalled:Boolean,onInstall:Function,onCancelInstall:Function,onUninstall:Function,onSelected:Function,onCopy:Function,onCopyLink:Function,selected:Boolean,model:Object,model_type:String},data(){return{progress:0,speed:0,total_size:0,downloaded_size:0,start_time:"",installing:!1,uninstalling:!1,failedToLoad:!1,linkNotValid:!1,selected_variant:""}},async mounted(){be(()=>{ve.replace()})},methods:{formatFileSize(t){return t<1024?t+" bytes":t<1024*1024?(t/1024).toFixed(2)+" KB":t<1024*1024*1024?(t/(1024*1024)).toFixed(2)+" MB":(t/(1024*1024*1024)).toFixed(2)+" GB"},computedFileSize(t){return Gt(t)},async getFileSize(t){if(this.model_type!="api")try{const e=await ye.head(t);return e?e.headers["content-length"]?this.computedFileSize(e.headers["content-length"]):this.model.filesize?this.computedFileSize(this.model.filesize):"Could not be determined":this.model.filesize?this.computedFileSize(this.model.filesize):"Could not be determined"}catch(e){return console.log(e.message,"getFileSize"),"Could not be determined"}},getImgUrl(){return this.icon==="/images/default_model.png"?Rr:this.icon},defaultImg(t){t.target.src=Rr},toggleInstall(){this.isInstalled?(this.uninstalling=!0,this.onUninstall(this)):this.onInstall(this)},toggleSelected(){this.onSelected(this)},toggleCopy(){this.onCopy(this)},toggleCopyLink(){this.onCopyLink(this)},toggleCancelInstall(){this.onCancelInstall(this)},handleSelection(){this.isInstalled&&!this.selected&&this.onSelected(this)},copyContentToClipboard(){this.$emit("copy","this.message.content")}},computed:{fileSize:{get(){if(this.model&&this.model.variants&&this.model.variants.length>0){const t=this.model.variants[0].size;return this.formatFileSize(t)}return null}},speed_computed(){return Gt(this.speed)},total_size_computed(){return Gt(this.total_size)},downloaded_size_computed(){return Gt(this.downloaded_size)}},watch:{linkNotValid(){be(()=>{ve.replace()})}}},eOe=["title"],tOe={key:0,class:"flex flex-row"},nOe={class:"max-w-[300px] overflow-x-auto"},sOe={class:"flex gap-3 items-center grow"},oOe=["src"],rOe={class:"flex-1 overflow-hidden"},iOe={class:"font-bold font-large text-lg truncate"},aOe={key:1,class:"flex items-center flex-row gap-2 my-1"},lOe={class:"flex grow items-center"},cOe=d("i",{"data-feather":"box",class:"w-5"},null,-1),dOe=d("span",{class:"sr-only"},"Custom model / local model",-1),uOe=[cOe,dOe],hOe=d("span",{class:"sr-only"},"Remove",-1),fOe={key:2,class:"absolute z-10 -m-4 p-5 shadow-md text-center rounded-lg w-full h-full bg-bg-light-tone-panel dark:bg-bg-dark-tone-panel bg-opacity-70 dark:bg-opacity-70 flex justify-center items-center"},pOe={class:"relative flex flex-col items-center justify-center flex-grow h-full"},gOe=d("div",{role:"status",class:"justify-center"},[d("svg",{"aria-hidden":"true",class:"w-24 h-24 mr-2 text-gray-200 animate-spin dark:text-gray-600 fill-blue-600",viewBox:"0 0 100 101",fill:"none",xmlns:"http://www.w3.org/2000/svg"},[d("path",{d:"M100 50.5908C100 78.2051 77.6142 100.591 50 100.591C22.3858 100.591 0 78.2051 0 50.5908C0 22.9766 22.3858 0.59082 50 0.59082C77.6142 0.59082 100 22.9766 100 50.5908ZM9.08144 50.5908C9.08144 73.1895 27.4013 91.5094 50 91.5094C72.5987 91.5094 90.9186 73.1895 90.9186 50.5908C90.9186 27.9921 72.5987 9.67226 50 9.67226C27.4013 9.67226 9.08144 27.9921 9.08144 50.5908Z",fill:"currentColor"}),d("path",{d:"M93.9676 39.0409C96.393 38.4038 97.8624 35.9116 97.0079 33.5539C95.2932 28.8227 92.871 24.3692 89.8167 20.348C85.8452 15.1192 80.8826 10.7238 75.2124 7.41289C69.5422 4.10194 63.2754 1.94025 56.7698 1.05124C51.7666 0.367541 46.6976 0.446843 41.7345 1.27873C39.2613 1.69328 37.813 4.19778 38.4501 6.62326C39.0873 9.04874 41.5694 10.4717 44.0505 10.1071C47.8511 9.54855 51.7191 9.52689 55.5402 10.0491C60.8642 10.7766 65.9928 12.5457 70.6331 15.2552C75.2735 17.9648 79.3347 21.5619 82.5849 25.841C84.9175 28.9121 86.7997 32.2913 88.1811 35.8758C89.083 38.2158 91.5421 39.6781 93.9676 39.0409Z",fill:"currentFill"})]),d("span",{class:"sr-only"},"Loading...")],-1),mOe={class:"relative flex flex-row flex-grow items-center w-full h-full bottom-0"},_Oe={class:"w-full bg-bg-light-tone-panel dark:bg-bg-dark-tone-panel rounded-lg p-2"},bOe={class:"flex justify-between mb-1"},yOe=d("span",{class:"text-base font-medium text-blue-700 dark:text-white"},"Downloading",-1),vOe={class:"text-sm font-medium text-blue-700 dark:text-white"},wOe={class:"w-full bg-gray-200 rounded-full h-2.5 dark:bg-gray-700"},xOe={class:"flex justify-between mb-1"},kOe={class:"text-base font-medium text-blue-700 dark:text-white"},EOe={class:"text-sm font-medium text-blue-700 dark:text-white"},COe={class:"flex flex-grow"},AOe={class:"flex flex-row flex-grow gap-3"},SOe={class:"p-2 text-center grow"},TOe={key:3},MOe={class:"flex flex-row items-center gap-3"},OOe=["src"],ROe={class:"font-bold font-large text-lg truncate"},NOe=d("div",{class:"grow"},null,-1),DOe=d("div",{class:"flex-none gap-1"},null,-1),LOe={class:"flex items-center flex-row-reverse gap-2 my-1"},IOe=d("span",{class:"sr-only"},"Copy info",-1),POe={class:"flex flex-row items-center"},FOe={key:0,class:"text-base text-red-600 flex items-center mt-1"},BOe=d("i",{"data-feather":"alert-triangle",class:"flex-shrink-0 mx-1"},null,-1),$Oe=d("span",{class:"sr-only"},"Click to install",-1),jOe=d("span",{class:"sr-only"},"Remove",-1),zOe=["title"],UOe={class:""},qOe={class:"flex flex-row items-center"},HOe=d("i",{"data-feather":"download",class:"w-5 m-1 flex-shrink-0"},null,-1),VOe=d("b",null,"Manual download: ",-1),GOe=["href","title"],KOe=d("div",{class:"grow"},null,-1),WOe=d("i",{"data-feather":"clipboard",class:"w-5"},null,-1),ZOe=[WOe],YOe={class:"flex items-center"},JOe=d("i",{"data-feather":"file",class:"w-5 m-1"},null,-1),QOe=d("b",null,"File size: ",-1),XOe={class:"flex items-center"},eRe=d("i",{"data-feather":"key",class:"w-5 m-1"},null,-1),tRe=d("b",null,"License: ",-1),nRe={class:"flex items-center"},sRe=d("i",{"data-feather":"user",class:"w-5 m-1"},null,-1),oRe=d("b",null,"Owner: ",-1),rRe=["href"],iRe=d("div",{class:"flex items-center"},[d("i",{"data-feather":"info",class:"w-5 m-1"}),d("b",null,"Description: "),d("br")],-1),aRe=["title"];function lRe(t,e,n,s,o,r){return k(),C("div",{class:Me(["relative items-start p-4 hover:bg-primary-light hover:border-primary-light rounded-lg mb-2 shadow-lg border-2 cursor-pointer select-none",n.selected?" border-primary bg-primary":"border-transparent"]),onClick:e[11]||(e[11]=le((...i)=>r.toggleSelected&&r.toggleSelected(...i),["stop"])),title:n.title},[n.model.isCustomModel?(k(),C("div",tOe,[d("div",nOe,[d("div",sOe,[d("img",{src:r.getImgUrl(),onError:e[0]||(e[0]=i=>r.defaultImg(i)),class:"w-10 h-10 rounded-lg object-fill"},null,40,oOe),d("div",rOe,[d("h3",iOe,H(n.title),1)])])])])):B("",!0),n.model.isCustomModel?(k(),C("div",aOe,[d("div",lOe,[d("button",{type:"button",title:"Custom model / local model",class:"font-medium rounded-lg text-sm p-2 text-center inline-flex items-center",onClick:e[1]||(e[1]=le(()=>{},["stop"]))},uOe),xe(" Custom model ")]),d("div",null,[n.model.isInstalled?(k(),C("button",{key:0,title:"Delete file from disk",type:"button",onClick:e[2]||(e[2]=le((...i)=>r.toggleInstall&&r.toggleInstall(...i),["stop"])),class:"inline-flex items-center gap-2 px-3 py-2 text-xs font-medium text-center focus:outline-none text-white bg-red-700 hover:bg-red-800 focus:ring-4 focus:ring-red-300 rounded-lg dark:bg-red-600 dark:hover:bg-red-700 dark:focus:ring-red-900"},[xe(" Uninstall "),hOe])):B("",!0)])])):B("",!0),o.installing?(k(),C("div",fOe,[d("div",pOe,[gOe,d("div",mOe,[d("div",_Oe,[d("div",bOe,[yOe,d("span",vOe,H(Math.floor(o.progress))+"%",1)]),d("div",wOe,[d("div",{class:"bg-blue-600 h-2.5 rounded-full",style:bt({width:o.progress+"%"})},null,4)]),d("div",xOe,[d("span",kOe,"Download speed: "+H(r.speed_computed)+"/s",1),d("span",EOe,H(r.downloaded_size_computed)+"/"+H(r.total_size_computed),1)])])]),d("div",COe,[d("div",AOe,[d("div",SOe,[d("button",{onClick:e[3]||(e[3]=le((...i)=>r.toggleCancelInstall&&r.toggleCancelInstall(...i),["stop"])),type:"button",title:"Cancel download",class:"text-gray-500 bg-white hover:bg-gray-100 focus:ring-4 focus:outline-none focus:ring-gray-200 rounded-lg border border-gray-200 text-sm font-medium px-5 py-2.5 hover:text-gray-900 focus:z-10 dark:bg-gray-700 dark:text-gray-300 dark:border-gray-500 dark:hover:text-white dark:hover:bg-gray-600 dark:focus:ring-gray-600"}," Cancel ")])])])])])):B("",!0),n.model.isCustomModel?B("",!0):(k(),C("div",TOe,[d("div",MOe,[d("img",{ref:"imgElement",src:r.getImgUrl(),onError:e[4]||(e[4]=i=>r.defaultImg(i)),class:Me(["w-10 h-10 rounded-lg object-fill",o.linkNotValid?"grayscale":""])},null,42,OOe),d("h3",ROe,H(n.title),1),NOe,DOe]),d("div",LOe,[d("button",{type:"button",title:"Copy model info to clipboard",onClick:e[5]||(e[5]=le(i=>r.toggleCopy(),["stop"])),class:"inline-flex items-center gap-2 px-3 py-2 text-xs font-medium text-center text-white bg-blue-700 rounded-lg hover:bg-blue-800 focus:ring-4 focus:outline-none focus:ring-blue-300 dark:bg-blue-600 dark:hover:bg-blue-700 dark:focus:ring-blue-800"},[xe(" Copy info "),IOe]),d("div",POe,[o.linkNotValid?(k(),C("div",FOe,[BOe,xe(" Link is not valid ")])):B("",!0)]),!n.model.isInstalled&&!o.linkNotValid?(k(),C("button",{key:0,title:"Click to install",type:"button",onClick:e[6]||(e[6]=le((...i)=>r.toggleInstall&&r.toggleInstall(...i),["stop"])),class:"inline-flex items-center gap-2 px-3 py-2 text-xs font-medium text-center text-white bg-blue-700 rounded-lg hover:bg-blue-800 focus:ring-4 focus:outline-none focus:ring-blue-300 dark:bg-blue-600 dark:hover:bg-blue-700 dark:focus:ring-blue-800"},[xe(" Install "),$Oe])):B("",!0),n.model.isInstalled?(k(),C("button",{key:1,title:"Delete file from disk",type:"button",onClick:e[7]||(e[7]=le((...i)=>r.toggleInstall&&r.toggleInstall(...i),["stop"])),class:"inline-flex items-center gap-2 px-3 py-2 text-xs font-medium text-center focus:outline-none text-white bg-red-700 hover:bg-red-800 focus:ring-4 focus:ring-red-300 rounded-lg dark:bg-red-600 dark:hover:bg-red-700 dark:focus:ring-red-900"},[xe(" Uninstall "),jOe])):B("",!0)]),d("div",{class:"",title:n.model.isInstalled?n.title:"Not installed"},[d("div",UOe,[d("div",qOe,[HOe,VOe,d("a",{href:n.path,onClick:e[8]||(e[8]=le(()=>{},["stop"])),class:"m-1 flex items-center hover:text-secondary duration-75 active:scale-90 truncate",title:o.linkNotValid?"Link is not valid":"Download this manually (faster) and put it in the models/ folder then refresh"}," Click here to download ",8,GOe),KOe,d("button",{class:"hover:text-secondary duration-75 active:scale-90 font-medium rounded-lg text-sm p-2 text-center inline-flex items-center",title:"Copy link to clipboard",onClick:e[9]||(e[9]=le(i=>r.toggleCopyLink(),["stop"]))},ZOe)]),d("div",YOe,[d("div",{class:Me(["flex flex-shrink-0 items-center",o.linkNotValid?"text-red-600":""])},[JOe,QOe,xe(" "+H(r.fileSize),1)],2)]),d("div",XOe,[eRe,tRe,xe(" "+H(n.license),1)]),d("div",nRe,[sRe,oRe,d("a",{href:n.owner_link,target:"_blank",rel:"noopener noreferrer",onClick:e[10]||(e[10]=le(()=>{},["stop"])),class:"flex hover:text-secondary duration-75 active:scale-90",title:"Owner's profile"},H(n.owner),9,rRe)])]),iRe,d("p",{class:"mx-1 opacity-80 line-clamp-3",title:n.description},H(n.description.replace(/<\/?[^>]+>/ig," ")),9,aRe)],8,zOe)]))],10,eOe)}const cRe=Ue(XMe,[["render",lRe]]),dRe={data(){return{editMode:!1,avatar:"path/to/avatar.jpg",personalityName:"Personality Name",personalityAuthor:"Author Name",personalityDescription:"Personality Description",personalityCategory:"Category",disclaimer:"Disclaimer text",conditioningText:"Conditioning Text",aiPrefix:"AI Prefix",userPrefix:"User Prefix",antipromptsList:[{id:1,text:"Antiprompt 1"},{id:2,text:"Antiprompt 2"},{id:3,text:"Antiprompt 3"}]}},methods:{commitChanges(){console.log("Personality changes committed"),this.editMode=!1}}},uRe={class:"p-4"},hRe={class:"flex items-center mb-4"},fRe=["src"],pRe={class:"text-lg font-semibold"},gRe=d("strong",null,"Author:",-1),mRe=d("strong",null,"Description:",-1),_Re=d("strong",null,"Category:",-1),bRe={key:0},yRe=d("strong",null,"Disclaimer:",-1),vRe=d("strong",null,"Conditioning Text:",-1),wRe=d("strong",null,"AI Prefix:",-1),xRe=d("strong",null,"User Prefix:",-1),kRe=d("strong",null,"Antiprompts:",-1);function ERe(t,e,n,s,o,r){return k(),C("div",uRe,[d("div",hRe,[d("img",{src:o.avatar,class:"w-12 h-12 rounded-full mr-2",alt:"Avatar"},null,8,fRe),d("h2",pRe,H(o.personalityName),1)]),d("p",null,[gRe,xe(" "+H(o.personalityAuthor),1)]),d("p",null,[mRe,xe(" "+H(o.personalityDescription),1)]),d("p",null,[_Re,xe(" "+H(o.personalityCategory),1)]),o.disclaimer?(k(),C("p",bRe,[yRe,xe(" "+H(o.disclaimer),1)])):B("",!0),d("p",null,[vRe,xe(" "+H(o.conditioningText),1)]),d("p",null,[wRe,xe(" "+H(o.aiPrefix),1)]),d("p",null,[xRe,xe(" "+H(o.userPrefix),1)]),d("div",null,[kRe,d("ul",null,[(k(!0),C(Oe,null,Ge(o.antipromptsList,i=>(k(),C("li",{key:i.id},H(i.text),1))),128))])]),d("button",{onClick:e[0]||(e[0]=i=>o.editMode=!0),class:"mt-4 bg-blue-500 text-white px-4 py-2 rounded"}," Edit "),o.editMode?(k(),C("button",{key:1,onClick:e[1]||(e[1]=(...i)=>r.commitChanges&&r.commitChanges(...i)),class:"mt-4 bg-green-500 text-white px-4 py-2 rounded"}," Commit ")):B("",!0)])}const CRe=Ue(dRe,[["render",ERe]]),Xn="/assets/logo-9d653710.svg";const ARe={props:{commands:{type:Array,required:!0},execute_cmd:{type:Function,required:!1}},data(){return{isMenuOpen:!1,menuPosition:{bottom:"auto",top:"calc(100% + 10px)"}}},methods:{handleClickOutside(t){const e=this.$refs.menu,n=this.$refs.menuButton;e&&!e.contains(t.target)&&!n.contains(t.target)&&(this.isMenuOpen=!1,window.removeEventListener("click",this.handleClickOutside))},toggleMenu(){this.positionMenu(),this.isMenuOpen=!this.isMenuOpen,this.isMenuOpen?window.addEventListener("click",this.handleClickOutside):window.removeEventListener("click",this.handleClickOutside),be(()=>{ve.replace()})},executeCommand(t){typeof this[t.value]=="function"&&this[t.value](),this.isMenuOpen=!1,this.execute_cmd&&this.execute_cmd(t)},positionMenu(){if(this.$refs.menuButton!=null){const t=this.$refs.menuButton.getBoundingClientRect(),e=window.innerHeight,n=t.bottom>e/2;this.menuPosition.top=n?"auto":"calc(100% + 10px)",this.menuPosition.bottom=n?"100%":"auto"}}},mounted(){window.addEventListener("resize",this.positionMenu),this.positionMenu(),be(()=>{ve.replace()})},beforeDestroy(){window.removeEventListener("resize",this.positionMenu)},watch:{isMenuOpen:"positionMenu"}},SRe={class:"menu-container"},TRe=d("i",{"data-feather":"command",class:"w-5 h-5"},null,-1),MRe=[TRe],ORe={class:"flex-grow menu-ul"},RRe=["onClick"],NRe=["src","alt"],DRe=["data-feather"],LRe={key:2,class:"menu-icon"};function IRe(t,e,n,s,o,r){return k(),C("div",SRe,[d("button",{onClick:e[0]||(e[0]=le((...i)=>r.toggleMenu&&r.toggleMenu(...i),["prevent"])),class:"menu-button bg-blue-500 text-white dark:bg-blue-200 dark:text-gray-800 rounded-full flex items-center justify-center w-6 h-6 border-none cursor-pointer hover:bg-blue-400 w-8 h-8 rounded-full object-fill text-red-700 border-2 active:scale-90 hover:z-20 hover:-translate-y-2 duration-150 border-gray-300 border-secondary cursor-pointer",ref:"menuButton"},MRe,512),he(Ss,{name:"slide"},{default:De(()=>[o.isMenuOpen?(k(),C("div",{key:0,class:"menu-list flex-grow",style:bt(o.menuPosition),ref:"menu"},[d("ul",ORe,[(k(!0),C(Oe,null,Ge(n.commands,(i,a)=>(k(),C("li",{key:a,onClick:l=>r.executeCommand(i),class:"menu-command menu-li flex-grow hover:bg-blue-400"},[i.icon&&!i.icon.includes("feather")&&!i.is_file?(k(),C("img",{key:0,src:i.icon,alt:i.name,class:"menu-icon"},null,8,NRe)):B("",!0),i.icon&&i.icon.includes("feather")&&!i.is_file?(k(),C("i",{key:1,"data-feather":i.icon.split(":")[1],class:"mr-2"},null,8,DRe)):(k(),C("span",LRe)),d("span",null,H(i.name),1)],8,RRe))),128))])],4)):B("",!0)]),_:1})])}const jg=Ue(ARe,[["render",IRe]]),PRe="/",FRe={props:{personality:{},selected:Boolean,full_path:String,onTalk:Function,onSelected:Function,onMounted:Function,onRemount:Function,onReinstall:Function,onSettings:Function},components:{InteractiveMenu:jg},data(){return{isMounted:!1,name:this.personality.name}},computed:{commandsList(){let t=[{name:this.isMounted?"unmount":"mount",icon:"feather:settings",is_file:!1,value:this.toggleMounted},{name:"reinstall",icon:"feather:terminal",is_file:!1,value:this.toggleReinstall}];return this.selected&&t.push({name:"settings",icon:"feather:settings",is_file:!1,value:this.toggleSettings}),t},selected_computed(){return this.selected}},mounted(){this.isMounted=this.personality.isMounted,be(()=>{ve.replace()})},methods:{getImgUrl(){return PRe+this.personality.avatar},defaultImg(t){t.target.src=Xn},toggleTalk(){this.onTalk(this)},toggleSelected(){this.isMounted&&this.onSelected(this)},reMount(){this.onRemount(this)},toggleMounted(){this.onMounted(this)},toggleSettings(){this.onSettings(this)},toggleReinstall(){this.onReinstall(this)}},watch:{selected(){be(()=>{ve.replace()})}}},BRe=["title"],$Re={class:"flex flex-row items-center flex-shrink-0 gap-3"},jRe=["src"],zRe={class:"font-bold font-large text-lg line-clamp-3"},URe=d("i",{"data-feather":"send",class:"w-5"},null,-1),qRe=d("span",{class:"sr-only"},"Talk",-1),HRe=[URe,qRe],VRe={class:""},GRe={class:""},KRe={class:"flex items-center"},WRe=d("i",{"data-feather":"user",class:"w-5 m-1"},null,-1),ZRe=d("b",null,"Author: ",-1),YRe={key:0,class:"flex items-center"},JRe=d("i",{"data-feather":"globe",class:"w-5 m-1"},null,-1),QRe=d("b",null,"Languages: ",-1),XRe=["selected"],eNe={class:"flex items-center"},tNe=d("i",{"data-feather":"bookmark",class:"w-5 m-1"},null,-1),nNe=d("b",null,"Category: ",-1),sNe=d("div",{class:"flex items-center"},[d("i",{"data-feather":"info",class:"w-5 m-1"}),d("b",null,"Description: "),d("br")],-1),oNe=["title"];function rNe(t,e,n,s,o,r){const i=Ve("InteractiveMenu");return k(),C("div",{class:Me(["min-w-96 items-start p-4 hover:bg-primary-light rounded-lg mb-2 shadow-lg border-2 cursor-pointer active:scale-95 duration-75 select-none",r.selected_computed?"border-primary-light":"border-transparent"]),onClick:e[4]||(e[4]=le((...a)=>r.toggleSelected&&r.toggleSelected(...a),["stop"])),tabindex:"-1",title:n.personality.installed?"":"Not installed"},[d("div",{class:Me(n.personality.installed?"":"opacity-50")},[d("div",$Re,[d("img",{ref:"imgElement",src:r.getImgUrl(),onError:e[0]||(e[0]=a=>r.defaultImg(a)),class:"w-10 h-10 rounded-full object-fill text-red-700"},null,40,jRe),d("h3",zRe,H(n.personality.name),1),d("button",{type:"button",title:"Talk",onClick:[e[1]||(e[1]=(...a)=>r.toggleTalk&&r.toggleTalk(...a)),e[2]||(e[2]=le(()=>{},["stop"]))],class:"hover:text-secondary duration-75 active:scale-90 font-medium rounded-lg text-sm p-2 text-center inline-flex items-center"},HRe),he(i,{commands:r.commandsList},null,8,["commands"])]),d("div",VRe,[d("div",GRe,[d("div",KRe,[WRe,ZRe,xe(" "+H(n.personality.author),1)]),n.personality.languages?(k(),C("div",YRe,[JRe,QRe,fe(d("select",{id:"languages","onUpdate:modelValue":e[3]||(e[3]=a=>n.personality.lang=a),class:"bg-gray-50 border border-gray-300 text-gray-900 text-sm rounded-lg focus:ring-blue-500 focus:border-blue-500 block w-full p-2.5 dark:bg-gray-700 dark:border-gray-600 dark:placeholder-gray-400 dark:text-white dark:focus:ring-blue-500 dark:focus:border-blue-500"},[(k(!0),C(Oe,null,Ge(n.personality.languages,(a,l)=>(k(),C("option",{key:l,selected:a==n.personality.languages[0]},H(a),9,XRe))),128))],512),[[Ms,n.personality.lang]])])):B("",!0),d("div",eNe,[tNe,nNe,xe(" "+H(n.personality.category),1)])]),sNe,d("p",{class:"mx-1 opacity-80 line-clamp-3",title:n.personality.description},H(n.personality.description),9,oNe)])],2)],10,BRe)}const zg=Ue(FRe,[["render",rNe]]),iNe="/",aNe={props:{binding:{},onSelected:Function,onReinstall:Function,onInstall:Function,onSettings:Function,onReloadBinding:Function,selected:Boolean},data(){return{isTemplate:!1}},mounted(){be(()=>{ve.replace()})},methods:{getImgUrl(){return iNe+this.binding.icon},defaultImg(t){t.target.src=Xn},toggleSelected(){this.onSelected(this)},toggleInstall(){this.onInstall(this)},toggleReinstall(){this.onReinstall(this)},toggleReloadBinding(){this.onReloadBinding(this)},toggleSettings(){this.onSettings(this)},getStatus(){(this.binding.folder==="backend_template"||this.binding.folder==="binding_template")&&(this.isTemplate=!0)}},watch:{selected(){be(()=>{ve.replace()})}}},lNe=["title"],cNe={class:"flex flex-row items-center gap-3"},dNe=["src"],uNe={class:"font-bold font-large text-lg truncate"},hNe=d("div",{class:"grow"},null,-1),fNe={class:"flex-none gap-1"},pNe=d("i",{"data-feather":"refresh-cw",class:"w-5"},null,-1),gNe=d("span",{class:"sr-only"},"Help",-1),mNe=[pNe,gNe],_Ne={class:"flex items-center flex-row-reverse gap-2 my-1"},bNe=d("span",{class:"sr-only"},"Click to install",-1),yNe=d("span",{class:"sr-only"},"Reinstall binding",-1),vNe=d("span",{class:"sr-only"},"Settings",-1),wNe={class:""},xNe={class:""},kNe={class:"flex items-center"},ENe=d("i",{"data-feather":"user",class:"w-5 m-1"},null,-1),CNe=d("b",null,"Author: ",-1),ANe={class:"flex items-center"},SNe=d("i",{"data-feather":"folder",class:"w-5 m-1"},null,-1),TNe=d("b",null,"Folder: ",-1),MNe={class:"flex items-center"},ONe=d("i",{"data-feather":"git-merge",class:"w-5 m-1"},null,-1),RNe=d("b",null,"Version: ",-1),NNe={class:"flex items-center"},DNe=d("i",{"data-feather":"github",class:"w-5 m-1"},null,-1),LNe=d("b",null,"Link: ",-1),INe=["href"],PNe=d("div",{class:"flex items-center"},[d("i",{"data-feather":"info",class:"w-5 m-1"}),d("b",null,"Description: "),d("br")],-1),FNe=["title"];function BNe(t,e,n,s,o,r){return k(),C("div",{class:Me(["items-start p-4 hover:bg-primary-light hover:border-primary-light rounded-lg mb-2 shadow-lg border-2 cursor-pointer select-none",n.selected?" border-primary bg-primary":"border-transparent"]),onClick:e[6]||(e[6]=le((...i)=>r.toggleSelected&&r.toggleSelected(...i),["stop"])),title:n.binding.installed?n.binding.name:"Not installed"},[d("div",null,[d("div",cNe,[d("img",{ref:"imgElement",src:r.getImgUrl(),onError:e[0]||(e[0]=i=>r.defaultImg(i)),class:"w-10 h-10 rounded-full object-fill text-blue-700"},null,40,dNe),d("h3",uNe,H(n.binding.name),1),hNe,d("div",fNe,[n.selected?(k(),C("button",{key:0,type:"button",title:"Reload binding",onClick:[e[1]||(e[1]=(...i)=>r.toggleReloadBinding&&r.toggleReloadBinding(...i)),e[2]||(e[2]=le(()=>{},["stop"]))],class:"hover:text-secondary duration-75 active:scale-90 font-medium rounded-lg text-sm p-2 text-center inline-flex items-center"},mNe)):B("",!0)])]),d("div",_Ne,[n.binding.installed?B("",!0):(k(),C("button",{key:0,title:"Click to install",type:"button",onClick:e[3]||(e[3]=le((...i)=>r.toggleInstall&&r.toggleInstall(...i),["stop"])),class:"inline-flex items-center gap-2 px-3 py-2 text-xs font-medium text-center text-white bg-blue-700 rounded-lg hover:bg-blue-800 focus:ring-4 focus:outline-none focus:ring-blue-300 dark:bg-blue-600 dark:hover:bg-blue-700 dark:focus:ring-blue-800"},[xe(" Install "),bNe])),n.binding.installed?(k(),C("button",{key:1,title:"Click to Reinstall binding",type:"button",onClick:e[4]||(e[4]=le((...i)=>r.toggleReinstall&&r.toggleReinstall(...i),["stop"])),class:"inline-flex items-center gap-2 px-3 py-2 text-xs font-medium text-center focus:outline-none text-white bg-red-700 hover:bg-red-800 focus:ring-4 focus:ring-red-300 rounded-lg dark:bg-red-600 dark:hover:bg-red-700 dark:focus:ring-red-900"},[xe(" Reinstall binding "),yNe])):B("",!0),n.selected?(k(),C("button",{key:2,title:"Click to open Settings",type:"button",onClick:e[5]||(e[5]=le((...i)=>r.toggleSettings&&r.toggleSettings(...i),["stop"])),class:"inline-flex items-center gap-2 px-3 py-2 text-xs font-medium text-center text-white bg-blue-700 rounded-lg hover:bg-blue-800 focus:ring-4 focus:outline-none focus:ring-blue-300 dark:bg-blue-600 dark:hover:bg-blue-700 dark:focus:ring-blue-800"},[xe(" Settings "),vNe])):B("",!0)]),d("div",wNe,[d("div",xNe,[d("div",kNe,[ENe,CNe,xe(" "+H(n.binding.author),1)]),d("div",ANe,[SNe,TNe,xe(" "+H(n.binding.folder),1)]),d("div",MNe,[ONe,RNe,xe(" "+H(n.binding.version),1)]),d("div",NNe,[DNe,LNe,d("a",{href:n.binding.link,target:"_blank",class:"flex items-center hover:text-secondary duration-75 active:scale-90"},H(n.binding.link),9,INe)])]),PNe,d("p",{class:"mx-1 opacity-80 line-clamp-3",title:n.binding.description},H(n.binding.description),9,FNe)])])],10,lNe)}const $Ne=Ue(aNe,[["render",BNe]]),jNe={data(){return{show:!1,model_path:"",resolve:null}},methods:{cancel(){this.resolve(null)},openInputBox(){return new Promise(t=>{this.resolve=t})},hide(t){this.show=!1,this.resolve&&(this.resolve(t),this.resolve=null)},showDialog(t){return new Promise(e=>{this.model_path=t,this.show=!0,this.resolve=e})}}},zNe={key:0,class:"fixed top-0 left-0 right-0 bottom-0 flex items-center justify-center bg-black bg-opacity-50"},UNe={class:"relative w-full max-w-md max-h-full"},qNe={class:"relative bg-white rounded-lg shadow dark:bg-gray-700"},HNe=d("svg",{"aria-hidden":"true",class:"w-5 h-5",fill:"currentColor",viewBox:"0 0 20 20",xmlns:"http://www.w3.org/2000/svg"},[d("path",{"fill-rule":"evenodd",d:"M4.293 4.293a1 1 0 011.414 0L10 8.586l4.293-4.293a1 1 0 111.414 1.414L11.414 10l4.293 4.293a1 1 0 01-1.414 1.414L10 11.414l-4.293 4.293a1 1 0 01-1.414-1.414L8.586 10 4.293 5.707a1 1 0 010-1.414z","clip-rule":"evenodd"})],-1),VNe=d("span",{class:"sr-only"},"Close modal",-1),GNe=[HNe,VNe],KNe={class:"p-4 text-center"},WNe=d("svg",{"aria-hidden":"true",class:"mx-auto mb-4 text-gray-400 w-14 h-14 dark:text-gray-200",fill:"none",stroke:"currentColor",viewBox:"0 0 24 24",xmlns:"http://www.w3.org/2000/svg"},[d("path",{"stroke-linecap":"round","stroke-linejoin":"round","stroke-width":"2",d:"M12 8v4m0 4h.01M21 12a9 9 0 11-18 0 9 9 0 0118 0z"})],-1),ZNe={class:"p-4 text-center mx-auto mb-4"},YNe=d("label",{class:"mr-2"},"Model path",-1);function JNe(t,e,n,s,o,r){return o.show?(k(),C("div",zNe,[d("div",UNe,[d("div",qNe,[d("button",{type:"button",onClick:e[0]||(e[0]=i=>r.hide(!1)),class:"absolute top-3 right-2.5 text-gray-400 bg-transparent hover:bg-gray-200 hover:text-gray-900 rounded-lg text-sm p-1.5 ml-auto inline-flex items-center dark:hover:bg-gray-800 dark:hover:text-white"},GNe),d("div",KNe,[WNe,d("div",ZNe,[YNe,fe(d("input",{"onUpdate:modelValue":e[1]||(e[1]=i=>o.model_path=i),class:"px-4 py-2 border border-gray-300 rounded-lg",type:"text"},null,512),[[Ie,o.model_path]])]),d("button",{onClick:e[2]||(e[2]=i=>r.hide(!0)),type:"button",class:"text-white bg-green-600 hover:bg-green-800 focus:ring-4 focus:outline-none focus:ring-red-300 dark:focus:ring-red-800 font-medium rounded-lg text-sm inline-flex items-center px-5 py-2.5 text-center mr-2"}," Add "),d("button",{onClick:e[3]||(e[3]=i=>r.hide(!1)),type:"button",class:"text-gray-500 bg-white hover:bg-gray-100 focus:ring-4 focus:outline-none focus:ring-gray-200 rounded-lg border border-gray-200 text-sm font-medium px-5 py-2.5 hover:text-gray-900 focus:z-10 dark:bg-gray-700 dark:text-gray-300 dark:border-gray-500 dark:hover:text-white dark:hover:bg-gray-600 dark:focus:ring-gray-600"},"No, cancel")])])])])):B("",!0)}const QNe=Ue(jNe,[["render",JNe]]),XNe={setup(){return{}},name:"UniversalForm",data(){return{show:!1,resolve:null,controls_array:[],title:"Universal form",ConfirmButtonText:"Submit",DenyButtonText:"Cancel"}},mounted(){be(()=>{ve.replace()})},methods:{hide(t){this.show=!1,this.resolve&&t&&(this.resolve(this.controls_array),this.resolve=null)},showForm(t,e,n,s){this.ConfirmButtonText=n||this.ConfirmButtonText,this.DenyButtonText=s||this.DenyButtonText;for(let o=0;o{this.controls_array=t,this.show=!0,this.title=e||this.title,this.resolve=o,console.log("show foam",this.controls_array)})}},watch:{show(){be(()=>{ve.replace()})}}},eDe={key:0,class:"fixed top-0 left-0 right-0 bottom-0 flex items-center justify-center bg-black bg-opacity-50 p-4"},tDe={class:"relative w-full max-w-md"},nDe={class:"flex flex-col rounded-lg bg-bg-light-tone-panel dark:bg-bg-dark-tone-panel duration-150 shadow-lg max-h-screen"},sDe={class:"flex flex-row flex-grow items-center m-2 p-1"},oDe={class:"grow flex items-center"},rDe=d("i",{"data-feather":"sliders",class:"mr-2 flex-shrink-0"},null,-1),iDe={class:"text-lg font-semibold select-none mr-2"},aDe={class:"items-end"},lDe=d("svg",{"aria-hidden":"true",class:"w-5 h-5",fill:"currentColor",viewBox:"0 0 20 20",xmlns:"http://www.w3.org/2000/svg"},[d("path",{"fill-rule":"evenodd",d:"M4.293 4.293a1 1 0 011.414 0L10 8.586l4.293-4.293a1 1 0 111.414 1.414L11.414 10l4.293 4.293a1 1 0 01-1.414 1.414L10 11.414l-4.293 4.293a1 1 0 01-1.414-1.414L8.586 10 4.293 5.707a1 1 0 010-1.414z","clip-rule":"evenodd"})],-1),cDe=d("span",{class:"sr-only"},"Close form modal",-1),dDe=[lDe,cDe],uDe={class:"flex flex-col relative no-scrollbar overflow-y-scroll p-2"},hDe={class:"px-2"},fDe={key:0},pDe={key:0},gDe={class:"text-base font-semibold"},mDe={key:0,class:"relative inline-flex"},_De=["onUpdate:modelValue"],bDe=d("div",{class:"hover:text-secondary duration-75 active:scale-90 peer-checked:text-primary"},[d("i",{"data-feather":"help-circle",class:"w-5 h-5"})],-1),yDe={key:0,class:"text-sm font-normal text-gray-700 dark:text-gray-400 mb-2"},vDe=["onUpdate:modelValue"],wDe={key:1},xDe={class:"text-base font-semibold"},kDe={key:0,class:"relative inline-flex"},EDe=["onUpdate:modelValue"],CDe=d("div",{class:"hover:text-secondary duration-75 active:scale-90 peer-checked:text-primary"},[d("i",{"data-feather":"help-circle",class:"w-5 h-5"})],-1),ADe={key:0,class:"text-sm font-normal text-gray-700 dark:text-gray-400 mb-2"},SDe=["onUpdate:modelValue"],TDe=["value","selected"],MDe={key:1},ODe={class:"text-base font-semibold"},RDe={key:0,class:"relative inline-flex"},NDe=["onUpdate:modelValue"],DDe=d("div",{class:"hover:text-secondary duration-75 active:scale-90 peer-checked:text-primary"},[d("i",{"data-feather":"help-circle",class:"w-5 h-5"})],-1),LDe={key:0,class:"text-sm font-normal text-gray-700 dark:text-gray-400 mb-2"},IDe=["onUpdate:modelValue"],PDe=["onUpdate:modelValue","min","max"],FDe={key:2},BDe={class:"mb-2 relative flex items-center gap-2"},$De={for:"default-checkbox",class:"text-base font-semibold"},jDe=["onUpdate:modelValue"],zDe={key:0,class:"relative inline-flex"},UDe=["onUpdate:modelValue"],qDe=d("div",{class:"hover:text-secondary duration-75 active:scale-90 peer-checked:text-primary"},[d("i",{"data-feather":"help-circle",class:"w-5 h-5"})],-1),HDe={key:0,class:"text-sm font-normal text-gray-700 dark:text-gray-400 mb-2"},VDe={key:3},GDe={class:"text-base font-semibold"},KDe={key:0,class:"relative inline-flex"},WDe=["onUpdate:modelValue"],ZDe=d("div",{class:"hover:text-secondary duration-75 active:scale-90 peer-checked:text-primary"},[d("i",{"data-feather":"help-circle",class:"w-5 h-5"})],-1),YDe={key:0,class:"text-sm font-normal text-gray-700 dark:text-gray-400 mb-2"},JDe=["onUpdate:modelValue"],QDe=d("hr",{class:"h-px my-4 bg-gray-200 border-0 dark:bg-gray-700"},null,-1),XDe={class:"flex flex-row flex-grow gap-3"},eLe={class:"p-2 text-center grow"};function tLe(t,e,n,s,o,r){return o.show?(k(),C("div",eDe,[d("div",tDe,[d("div",nDe,[d("div",sDe,[d("div",oDe,[rDe,d("h3",iDe,H(o.title),1)]),d("div",aDe,[d("button",{type:"button",onClick:e[0]||(e[0]=le(i=>r.hide(!1),["stop"])),title:"Close",class:"bg-transparent hover:bg-gray-200 hover:text-gray-900 rounded-lg text-sm p-1.5 ml-auto inline-flex items-center dark:hover:bg-gray-800 dark:hover:text-white"},dDe)])]),d("div",uDe,[(k(!0),C(Oe,null,Ge(o.controls_array,(i,a)=>(k(),C("div",hDe,[i.type=="str"?(k(),C("div",fDe,[i.options?B("",!0):(k(),C("div",pDe,[d("label",{class:Me(["mb-2 relative flex items-center gap-2 text-sm font-medium text-gray-900 dark:text-white select-none",i.help?"cursor-pointer ":""])},[d("div",gDe,H(i.name)+": ",1),i.help?(k(),C("label",mDe,[fe(d("input",{type:"checkbox","onUpdate:modelValue":l=>i.isHelp=l,class:"sr-only peer"},null,8,_De),[[kt,i.isHelp]]),bDe])):B("",!0)],2),i.isHelp?(k(),C("p",yDe,H(i.help),1)):B("",!0),fe(d("input",{type:"text","onUpdate:modelValue":l=>i.value=l,class:"bg-gray-50 border border-gray-300 text-gray-900 text-sm rounded-lg focus:ring-blue-500 focus:border-blue-500 block w-full p-2.5 dark:bg-gray-700 dark:border-gray-600 dark:placeholder-gray-400 dark:text-white dark:focus:ring-blue-500 dark:focus:border-blue-500",placeholder:"Enter string"},null,8,vDe),[[Ie,i.value]])])),i.options?(k(),C("div",wDe,[d("label",{class:Me(["mb-2 relative flex items-center gap-2 text-sm font-medium text-gray-900 dark:text-white select-none",i.help?"cursor-pointer ":""])},[d("div",xDe,H(i.name)+": ",1),i.help?(k(),C("label",kDe,[fe(d("input",{type:"checkbox","onUpdate:modelValue":l=>i.isHelp=l,class:"sr-only peer"},null,8,EDe),[[kt,i.isHelp]]),CDe])):B("",!0)],2),i.isHelp?(k(),C("p",ADe,H(i.help),1)):B("",!0),fe(d("select",{"onUpdate:modelValue":l=>i.value=l,class:"bg-gray-50 border border-gray-300 text-gray-900 text-sm rounded-lg focus:ring-blue-500 focus:border-blue-500 block w-full p-2.5 dark:bg-gray-700 dark:border-gray-600 dark:placeholder-gray-400 dark:text-white dark:focus:ring-blue-500 dark:focus:border-blue-500"},[(k(!0),C(Oe,null,Ge(i.options,l=>(k(),C("option",{value:l,selected:i.value===l},H(l),9,TDe))),256))],8,SDe),[[Ms,i.value]])])):B("",!0)])):B("",!0),i.type=="int"||i.type=="float"?(k(),C("div",MDe,[d("label",{class:Me(["mb-2 relative flex items-center gap-2 text-sm font-medium text-gray-900 dark:text-white select-none",i.help?"cursor-pointer ":""])},[d("div",ODe,H(i.name)+": ",1),i.help?(k(),C("label",RDe,[fe(d("input",{type:"checkbox","onUpdate:modelValue":l=>i.isHelp=l,class:"sr-only peer"},null,8,NDe),[[kt,i.isHelp]]),DDe])):B("",!0)],2),i.isHelp?(k(),C("p",LDe,H(i.help),1)):B("",!0),fe(d("input",{type:"number","onUpdate:modelValue":l=>i.value=l,class:"bg-gray-50 border border-gray-300 text-gray-900 text-sm rounded-lg focus:ring-blue-500 focus:border-blue-500 block w-full p-2.5 dark:bg-gray-700 dark:border-gray-600 dark:placeholder-gray-400 dark:text-white dark:focus:ring-blue-500 dark:focus:border-blue-500",placeholder:"Enter number"},null,8,IDe),[[Ie,i.value]]),i.min!=null&&i.max!=null?fe((k(),C("input",{key:1,type:"range","onUpdate:modelValue":l=>i.value=l,min:i.min,max:i.max,step:"0.1",class:"flex-none h-2 w-full bg-gray-200 rounded-lg appearance-none cursor-pointer dark:bg-gray-700 focus:ring-blue-500 focus:border-blue-500 dark:border-gray-600 dark:placeholder-gray-400 dark:focus:ring-blue-500 dark:focus:border-blue-500"},null,8,PDe)),[[Ie,i.value]]):B("",!0)])):B("",!0),i.type=="bool"?(k(),C("div",FDe,[d("div",BDe,[d("label",$De,H(i.name)+": ",1),fe(d("input",{type:"checkbox","onUpdate:modelValue":l=>i.value=l,class:"w-4 h-4 text-blue-600 bg-gray-100 border-gray-300 rounded focus:ring-blue-500 dark:focus:ring-blue-600 dark:ring-offset-gray-800 focus:ring-2 dark:bg-gray-700 dark:border-gray-600"},null,8,jDe),[[kt,i.value]]),i.help?(k(),C("label",zDe,[fe(d("input",{type:"checkbox","onUpdate:modelValue":l=>i.isHelp=l,class:"sr-only peer"},null,8,UDe),[[kt,i.isHelp]]),qDe])):B("",!0)]),i.isHelp?(k(),C("p",HDe,H(i.help),1)):B("",!0)])):B("",!0),i.type=="list"?(k(),C("div",VDe,[d("label",{class:Me(["mb-2 relative flex items-center gap-2 text-sm font-medium text-gray-900 dark:text-white select-none",i.help?"cursor-pointer ":""])},[d("div",GDe,H(i.name)+": ",1),i.help?(k(),C("label",KDe,[fe(d("input",{type:"checkbox","onUpdate:modelValue":l=>i.isHelp=l,class:"sr-only peer"},null,8,WDe),[[kt,i.isHelp]]),ZDe])):B("",!0)],2),i.isHelp?(k(),C("p",YDe,H(i.help),1)):B("",!0),fe(d("input",{type:"text","onUpdate:modelValue":l=>i.value=l,class:"bg-gray-50 border border-gray-300 text-gray-900 text-sm rounded-lg focus:ring-blue-500 focus:border-blue-500 block w-full p-2.5 dark:bg-gray-700 dark:border-gray-600 dark:placeholder-gray-400 dark:text-white dark:focus:ring-blue-500 dark:focus:border-blue-500",placeholder:"Enter comma separated values"},null,8,JDe),[[Ie,i.value]])])):B("",!0),QDe]))),256)),d("div",XDe,[d("div",eLe,[d("button",{onClick:e[1]||(e[1]=le(i=>r.hide(!0),["stop"])),type:"button",class:"mr-2 text-white bg-blue-700 hover:bg-blue-800 focus:ring-4 focus:outline-none focus:ring-blue-300 font-medium rounded-lg text-sm sm:w-auto px-5 py-2.5 text-center dark:bg-blue-600 dark:hover:bg-blue-700 dark:focus:ring-blue-800"},H(o.ConfirmButtonText),1),d("button",{onClick:e[2]||(e[2]=le(i=>r.hide(!1),["stop"])),type:"button",class:"text-gray-500 bg-white hover:bg-gray-100 focus:ring-4 focus:outline-none focus:ring-gray-200 rounded-lg border border-gray-200 text-sm font-medium px-5 py-2.5 hover:text-gray-900 focus:z-11 dark:bg-gray-700 dark:text-gray-300 dark:border-gray-500 dark:hover:text-white dark:hover:bg-gray-600 dark:focus:ring-gray-600"},H(o.DenyButtonText),1)])])])])])])):B("",!0)}const wc=Ue(XNe,[["render",tLe]]);const nLe={props:{show:{type:Boolean,required:!0},title:{type:String,default:"Select an option"},choices:{type:Array,required:!0}},data(){return{selectedChoice:null}},methods:{selectChoice(t){this.selectedChoice=t,this.$emit("choice-selected",t)},closeDialog(){this.$emit("close-dialog")},validateChoice(){this.$emit("choice-validated")},formatSize(t){return t<1024?t+" bytes":t<1024*1024?(t/1024).toFixed(2)+" KB":t<1024*1024*1024?(t/(1024*1024)).toFixed(2)+" MB":(t/(1024*1024*1024)).toFixed(2)+" GB"}}},sLe={key:0,class:"fixed inset-0 flex items-center justify-center bg-black bg-opacity-50"},oLe={class:"bg-white dark:bg-gray-800 rounded-lg p-6 w-96"},rLe={class:"text-xl font-semibold mb-4"},iLe={class:"h-48 overflow-y-auto"},aLe=["onClick"],lLe={class:"font-bold"},cLe=d("br",null,null,-1),dLe={class:"text-xs text-gray-500"},uLe={class:"flex justify-end mt-4"},hLe=["disabled"];function fLe(t,e,n,s,o,r){return k(),st(Ss,{name:"fade"},{default:De(()=>[n.show?(k(),C("div",sLe,[d("div",oLe,[d("h2",rLe,H(n.title),1),d("div",iLe,[d("ul",null,[(k(!0),C(Oe,null,Ge(n.choices,(i,a)=>(k(),C("li",{key:a,onClick:l=>r.selectChoice(i),class:Me([{"selected-choice":i===o.selectedChoice},"py-2 px-4 cursor-pointer hover:bg-gray-200 dark:hover:bg-gray-700"])},[d("span",lLe,H(i.name),1),cLe,d("span",dLe,H(this.formatSize(i.size)),1)],10,aLe))),128))])]),d("div",uLe,[d("button",{onClick:e[0]||(e[0]=(...i)=>r.closeDialog&&r.closeDialog(...i)),class:"py-2 px-4 mr-2 bg-red-500 hover:bg-red-600 text-white rounded-lg transition duration-300"}," Cancel "),d("button",{onClick:e[1]||(e[1]=(...i)=>r.validateChoice&&r.validateChoice(...i)),class:Me([{"bg-gray-400 cursor-not-allowed":!o.selectedChoice,"bg-blue-500 hover:bg-blue-600":o.selectedChoice,"text-white":o.selectedChoice,"text-gray-500":!o.selectedChoice},"py-2 px-4 rounded-lg transition duration-300"]),disabled:!o.selectedChoice}," Validate ",10,hLe)])])])):B("",!0)]),_:1})}const pLe=Ue(nLe,[["render",fLe]]);const gLe="/";ye.defaults.baseURL="/";const mLe={components:{AddModelDialog:QNe,MessageBox:$g,YesNoDialog:QMe,ModelEntry:cRe,PersonalityViewer:CRe,Toast:Io,PersonalityEntry:zg,BindingEntry:$Ne,UniversalForm:wc,ChoiceDialog:pLe},data(){return{reference_path:"",audioVoices:[],has_updates:!1,variant_choices:[],variantSelectionDialogVisible:!1,currenModelToInstall:null,loading_text:"",personality_category:null,addModelDialogVisibility:!1,modelPath:"",personalitiesFiltered:[],modelsFiltered:[],collapsedArr:[],all_collapsed:!0,minconf_collapsed:!0,bec_collapsed:!0,mzc_collapsed:!0,mzdc_collapsed:!0,pzc_collapsed:!0,bzc_collapsed:!0,pc_collapsed:!0,mc_collapsed:!0,sc_collapsed:!0,mzl_collapsed:!1,pzl_collapsed:!1,bzl_collapsed:!1,persCatgArr:[],persArr:[],showConfirmation:!1,showToast:!1,isLoading:!1,settingsChanged:!1,isModelSelected:!1,isMounted:!1,bUrl:gLe,searchPersonality:"",searchModel:"",searchPersonalityTimer:{},searchPersonalityTimerInterval:1500,searchModelTimerInterval:1500,searchPersonalityInProgress:!1,searchModelInProgress:!1,addModel:{},modelDownlaodInProgress:!1,uploadData:[]}},async created(){Ee.on("loading_text",this.on_loading_text),this.updateHasUpdates()},methods:{getVoices(){"speechSynthesis"in window&&(this.audioVoices=speechSynthesis.getVoices(),!this.audio_out_voice&&this.audioVoices.length>0&&(this.audio_out_voice=this.audioVoices[0].name),speechSynthesis.onvoiceschanged=()=>{})},async updateHasUpdates(){let t=await this.api_get_req("check_update");this.has_updates=t.update_availability,console.log("has_updates",this.has_updates)},onVariantChoiceSelected(t){this.selected_variant=t},oncloseVariantChoiceDialog(){this.variantSelectionDialogVisible=!1},onvalidateVariantChoice(){this.variantSelectionDialogVisible=!1,this.currenModelToInstall.installing=!0;let t=this.currenModelToInstall;if(t.linkNotValid){t.installing=!1,this.$refs.toast.showToast("Link is not valid, file does not exist",4,!1);return}let e=t.path;this.showProgress=!0,this.progress=0,this.addModel={model_name:this.selected_variant.name,binding_folder:this.configFile.binding_name,model_url:t.path},console.log("installing...",this.addModel);const n=s=>{if(console.log("received something"),s.status&&s.progress<=100){if(this.addModel=s,console.log("Progress",s),t.progress=s.progress,t.speed=s.speed,t.total_size=s.total_size,t.downloaded_size=s.downloaded_size,t.start_time=s.start_time,t.installing=!0,t.progress==100){const o=this.models.findIndex(r=>r.path===e);this.models[o].isInstalled=!0,this.showProgress=!1,t.installing=!1,console.log("Received succeeded"),Ee.off("install_progress",n),console.log("Installed successfully"),this.$refs.toast.showToast(`Model: +`);var T=0,q=!1;this.parse=function(G,we,_e){if(typeof G!="string")throw new Error("Input must be a string");var ee=G.length,ke=M.length,Se=L.length,N=B.length,Q=D(J),V=[],te=[],X=[],ge=T=0;if(!G)return We();if(v.header&&!we){var de=G.split(L)[0].split(M),w=[],A={},P=!1;for(var $ in de){var j=de[$];D(v.transformHeader)&&(j=v.transformHeader(j,$));var ne=j,re=A[j]||0;for(0=I)return We(!0)}else for(ue=T,T++;;){if((ue=G.indexOf(E,ue+1))===-1)return _e||te.push({type:"Quotes",code:"MissingQuotes",message:"Quoted field unterminated",row:V.length,index:T}),Te();if(ue===ee-1)return Te(G.substring(T,ue).replace(pe,E));if(E!==Z||G[ue+1]!==Z){if(E===Z||ue===0||G[ue-1]!==Z){Y!==-1&&Y=I)return We(!0);break}te.push({type:"Quotes",code:"InvalidQuotes",message:"Trailing quote on quoted field is malformed",row:V.length,index:T}),ue++}}else ue++}return Te();function oe(et){V.push(et),ge=T}function me(et){var nt=0;if(et!==-1){var lt=G.substring(ue+1,et);lt&<.trim()===""&&(nt=lt.length)}return nt}function Te(et){return _e||(et===void 0&&(et=G.substring(T)),X.push(et),T=ee,oe(X),Q&&Pe()),We()}function Be(et){T=et,oe(X),X=[],ie=G.indexOf(L,T)}function We(et){return{data:V,errors:te,meta:{delimiter:M,linebreak:L,aborted:q,truncated:!!et,cursor:ge+(we||0)}}}function Pe(){J(We()),V=[],te=[]}},this.abort=function(){q=!0},this.getCharIndex=function(){return T}}function y(v){var E=v.data,M=i[E.workerId],L=!1;if(E.error)M.userError(E.error,E.file);else if(E.results&&E.results.data){var B={abort:function(){L=!0,x(E.workerId,{data:[],errors:[],meta:{aborted:!0}})},pause:S,resume:S};if(D(M.userStep)){for(var J=0;J{this.lollmsVersion=t})},computed:{async fetchLollmsVersion(){return await ye.get("/get_lollms_version")}},async created(){},methods:{async api_get_req(t){try{const e=await ye.get("/"+t);if(e)return e.data}catch(e){console.log(e.message,"api_get_req");return}},loadFAQs(){fetch("/help/faqs.csv").then(t=>t.text()).then(t=>{const{data:e}=bMe.parse(t,{header:!0});console.log("Recovered data"),console.log(e),this.faqs=e}).catch(t=>{console.error("Error loading FAQs:",t)})},parseMultiline(t){return t.replace(/\n/g,"
")}}},vi=t=>(ns("data-v-6f1a11a2"),t=t(),ss(),t),vMe={class:"container mx-auto p-4 bg-bg-light-tone dark:bg-bg-dark-tone shadow-lg"},wMe=vi(()=>d("h2",{class:"text-2xl font-bold mb-2"},"About Lord of large Language Models",-1)),xMe={class:"mb-4"},kMe=vi(()=>d("p",null,[xe("Discord link: "),d("a",{class:"text-blue-500 hover:text-blue-400 duration-150",href:"https://discord.gg/C73K7hjy"},"https://discord.gg/C73K7hjy")],-1)),EMe={class:"mb-8 overflow-y-auto max-h-96 scrollbar"},CMe=vi(()=>d("h2",{class:"text-2xl font-bold mb-2"},"Frequently Asked Questions",-1)),AMe={class:"list-disc pl-4"},SMe={class:"text-xl font-bold mb-1"},TMe=["innerHTML"],MMe=vi(()=>d("div",null,[d("h2",{class:"text-2xl font-bold mb-2"},"Contact Us"),d("p",{class:"mb-4"},"If you have any further questions or need assistance, feel free to reach out to me."),d("p",null,[xe("Discord link: "),d("a",{class:"text-blue-500 hover:text-blue-400 duration-150",href:"https://discord.gg/C73K7hjy"},"https://discord.gg/C73K7hjy")])],-1)),OMe={class:"mt-8"},RMe=os('

Credits

This project is developed by ParisNeo With help from the community.

Check out the full list of developers here and show them some love.

',3),NMe=["href"];function DMe(t,e,n,s,o,r){return k(),C("div",vMe,[d("div",null,[wMe,d("p",xMe," Lollms version "+H(o.lollmsVersion),1),kMe]),d("div",EMe,[CMe,d("ul",AMe,[(k(!0),C(Oe,null,Ge(o.faqs,(i,a)=>(k(),C("li",{key:a},[d("h3",SMe,H(i.question),1),d("p",{class:"mb-4",innerHTML:r.parseMultiline(i.answer)},null,8,TMe)]))),128))])]),MMe,d("div",OMe,[RMe,d("p",null,[xe("Check out the project on "),d("a",{class:"text-blue-500 hover:text-blue-400 duration-150",href:o.githubLink,target:"_blank",rel:"noopener noreferrer"},"GitHub",8,NMe),xe(".")])])])}const LMe=Ue(yMe,[["render",DMe],["__scopeId","data-v-6f1a11a2"]]);function Gt(t,e=!0,n=1){const s=e?1e3:1024;if(Math.abs(t)=s&&rr.hide&&r.hide(...i)),class:"bg-primary hover:bg-primary-light active:scale-95 duration-150 text-white px-4 py-2 rounded-lg shadow-lg hover:bg-secondary-dark"}," OK ")])])])):F("",!0)}const $g=Ue(IMe,[["render",jMe]]),zMe={data(){return{show:!1,message:"",resolve:null,ConfirmButtonText:"Yes, I'm sure",DenyButtonText:"No, cancel"}},methods:{hide(t){this.show=!1,this.resolve&&(this.resolve(t),this.resolve=null)},askQuestion(t,e,n){return this.ConfirmButtonText=e||this.ConfirmButtonText,this.DenyButtonText=n||this.DenyButtonText,new Promise(s=>{this.message=t,this.show=!0,this.resolve=s})}}},UMe={key:0,class:"fixed top-0 left-0 right-0 bottom-0 flex items-center justify-center bg-black bg-opacity-50"},qMe={class:"relative w-full max-w-md max-h-full"},HMe={class:"relative bg-white rounded-lg shadow dark:bg-gray-700"},VMe=d("svg",{"aria-hidden":"true",class:"w-5 h-5",fill:"currentColor",viewBox:"0 0 20 20",xmlns:"http://www.w3.org/2000/svg"},[d("path",{"fill-rule":"evenodd",d:"M4.293 4.293a1 1 0 011.414 0L10 8.586l4.293-4.293a1 1 0 111.414 1.414L11.414 10l4.293 4.293a1 1 0 01-1.414 1.414L10 11.414l-4.293 4.293a1 1 0 01-1.414-1.414L8.586 10 4.293 5.707a1 1 0 010-1.414z","clip-rule":"evenodd"})],-1),GMe=d("span",{class:"sr-only"},"Close modal",-1),KMe=[VMe,GMe],WMe={class:"p-4 text-center"},ZMe=d("svg",{"aria-hidden":"true",class:"mx-auto mb-4 text-gray-400 w-14 h-14 dark:text-gray-200",fill:"none",stroke:"currentColor",viewBox:"0 0 24 24",xmlns:"http://www.w3.org/2000/svg"},[d("path",{"stroke-linecap":"round","stroke-linejoin":"round","stroke-width":"2",d:"M12 8v4m0 4h.01M21 12a9 9 0 11-18 0 9 9 0 0118 0z"})],-1),YMe={class:"mb-5 text-lg font-normal text-gray-500 dark:text-gray-400 select-none break-all"};function JMe(t,e,n,s,o,r){return o.show?(k(),C("div",UMe,[d("div",qMe,[d("div",HMe,[d("button",{type:"button",onClick:e[0]||(e[0]=i=>r.hide(!1)),class:"absolute top-3 right-2.5 text-gray-400 bg-transparent hover:bg-gray-200 hover:text-gray-900 rounded-lg text-sm p-1.5 ml-auto inline-flex items-center dark:hover:bg-gray-800 dark:hover:text-white"},KMe),d("div",WMe,[ZMe,d("h3",YMe,H(o.message),1),d("button",{onClick:e[1]||(e[1]=i=>r.hide(!0)),type:"button",class:"text-white bg-red-600 hover:bg-red-800 focus:ring-4 focus:outline-none focus:ring-red-300 dark:focus:ring-red-800 font-medium rounded-lg text-sm inline-flex items-center px-5 py-2.5 text-center mr-2"},H(o.ConfirmButtonText),1),d("button",{onClick:e[2]||(e[2]=i=>r.hide(!1)),type:"button",class:"text-gray-500 bg-white hover:bg-gray-100 focus:ring-4 focus:outline-none focus:ring-gray-200 rounded-lg border border-gray-200 text-sm font-medium px-5 py-2.5 hover:text-gray-900 focus:z-10 dark:bg-gray-700 dark:text-gray-300 dark:border-gray-500 dark:hover:text-white dark:hover:bg-gray-600 dark:focus:ring-gray-600"},H(o.DenyButtonText),1)])])])])):F("",!0)}const QMe=Ue(zMe,[["render",JMe]]),Rr="/assets/default_model-9e24e852.png",XMe={props:{title:String,icon:String,path:String,owner:String,owner_link:String,license:String,description:String,isInstalled:Boolean,onInstall:Function,onCancelInstall:Function,onUninstall:Function,onSelected:Function,onCopy:Function,onCopyLink:Function,selected:Boolean,model:Object,model_type:String},data(){return{progress:0,speed:0,total_size:0,downloaded_size:0,start_time:"",installing:!1,uninstalling:!1,failedToLoad:!1,linkNotValid:!1,selected_variant:""}},async mounted(){be(()=>{ve.replace()})},methods:{formatFileSize(t){return t<1024?t+" bytes":t<1024*1024?(t/1024).toFixed(2)+" KB":t<1024*1024*1024?(t/(1024*1024)).toFixed(2)+" MB":(t/(1024*1024*1024)).toFixed(2)+" GB"},computedFileSize(t){return Gt(t)},async getFileSize(t){if(this.model_type!="api")try{const e=await ye.head(t);return e?e.headers["content-length"]?this.computedFileSize(e.headers["content-length"]):this.model.filesize?this.computedFileSize(this.model.filesize):"Could not be determined":this.model.filesize?this.computedFileSize(this.model.filesize):"Could not be determined"}catch(e){return console.log(e.message,"getFileSize"),"Could not be determined"}},getImgUrl(){return this.icon==="/images/default_model.png"?Rr:this.icon},defaultImg(t){t.target.src=Rr},toggleInstall(){this.isInstalled?(this.uninstalling=!0,this.onUninstall(this)):this.onInstall(this)},toggleSelected(){this.onSelected(this)},toggleCopy(){this.onCopy(this)},toggleCopyLink(){this.onCopyLink(this)},toggleCancelInstall(){this.onCancelInstall(this)},handleSelection(){this.isInstalled&&!this.selected&&this.onSelected(this)},copyContentToClipboard(){this.$emit("copy","this.message.content")}},computed:{fileSize:{get(){if(this.model&&this.model.variants&&this.model.variants.length>0){const t=this.model.variants[0].size;return this.formatFileSize(t)}return null}},speed_computed(){return Gt(this.speed)},total_size_computed(){return Gt(this.total_size)},downloaded_size_computed(){return Gt(this.downloaded_size)}},watch:{linkNotValid(){be(()=>{ve.replace()})}}},eOe=["title"],tOe={key:0,class:"flex flex-row"},nOe={class:"max-w-[300px] overflow-x-auto"},sOe={class:"flex gap-3 items-center grow"},oOe=["src"],rOe={class:"flex-1 overflow-hidden"},iOe={class:"font-bold font-large text-lg truncate"},aOe={key:1,class:"flex items-center flex-row gap-2 my-1"},lOe={class:"flex grow items-center"},cOe=d("i",{"data-feather":"box",class:"w-5"},null,-1),dOe=d("span",{class:"sr-only"},"Custom model / local model",-1),uOe=[cOe,dOe],hOe=d("span",{class:"sr-only"},"Remove",-1),fOe={key:2,class:"absolute z-10 -m-4 p-5 shadow-md text-center rounded-lg w-full h-full bg-bg-light-tone-panel dark:bg-bg-dark-tone-panel bg-opacity-70 dark:bg-opacity-70 flex justify-center items-center"},pOe={class:"relative flex flex-col items-center justify-center flex-grow h-full"},gOe=d("div",{role:"status",class:"justify-center"},[d("svg",{"aria-hidden":"true",class:"w-24 h-24 mr-2 text-gray-200 animate-spin dark:text-gray-600 fill-blue-600",viewBox:"0 0 100 101",fill:"none",xmlns:"http://www.w3.org/2000/svg"},[d("path",{d:"M100 50.5908C100 78.2051 77.6142 100.591 50 100.591C22.3858 100.591 0 78.2051 0 50.5908C0 22.9766 22.3858 0.59082 50 0.59082C77.6142 0.59082 100 22.9766 100 50.5908ZM9.08144 50.5908C9.08144 73.1895 27.4013 91.5094 50 91.5094C72.5987 91.5094 90.9186 73.1895 90.9186 50.5908C90.9186 27.9921 72.5987 9.67226 50 9.67226C27.4013 9.67226 9.08144 27.9921 9.08144 50.5908Z",fill:"currentColor"}),d("path",{d:"M93.9676 39.0409C96.393 38.4038 97.8624 35.9116 97.0079 33.5539C95.2932 28.8227 92.871 24.3692 89.8167 20.348C85.8452 15.1192 80.8826 10.7238 75.2124 7.41289C69.5422 4.10194 63.2754 1.94025 56.7698 1.05124C51.7666 0.367541 46.6976 0.446843 41.7345 1.27873C39.2613 1.69328 37.813 4.19778 38.4501 6.62326C39.0873 9.04874 41.5694 10.4717 44.0505 10.1071C47.8511 9.54855 51.7191 9.52689 55.5402 10.0491C60.8642 10.7766 65.9928 12.5457 70.6331 15.2552C75.2735 17.9648 79.3347 21.5619 82.5849 25.841C84.9175 28.9121 86.7997 32.2913 88.1811 35.8758C89.083 38.2158 91.5421 39.6781 93.9676 39.0409Z",fill:"currentFill"})]),d("span",{class:"sr-only"},"Loading...")],-1),mOe={class:"relative flex flex-row flex-grow items-center w-full h-full bottom-0"},_Oe={class:"w-full bg-bg-light-tone-panel dark:bg-bg-dark-tone-panel rounded-lg p-2"},bOe={class:"flex justify-between mb-1"},yOe=d("span",{class:"text-base font-medium text-blue-700 dark:text-white"},"Downloading",-1),vOe={class:"text-sm font-medium text-blue-700 dark:text-white"},wOe={class:"w-full bg-gray-200 rounded-full h-2.5 dark:bg-gray-700"},xOe={class:"flex justify-between mb-1"},kOe={class:"text-base font-medium text-blue-700 dark:text-white"},EOe={class:"text-sm font-medium text-blue-700 dark:text-white"},COe={class:"flex flex-grow"},AOe={class:"flex flex-row flex-grow gap-3"},SOe={class:"p-2 text-center grow"},TOe={key:3},MOe={class:"flex flex-row items-center gap-3"},OOe=["src"],ROe={class:"font-bold font-large text-lg truncate"},NOe=d("div",{class:"grow"},null,-1),DOe=d("div",{class:"flex-none gap-1"},null,-1),LOe={class:"flex items-center flex-row-reverse gap-2 my-1"},IOe=d("span",{class:"sr-only"},"Copy info",-1),POe={class:"flex flex-row items-center"},FOe={key:0,class:"text-base text-red-600 flex items-center mt-1"},BOe=d("i",{"data-feather":"alert-triangle",class:"flex-shrink-0 mx-1"},null,-1),$Oe=d("span",{class:"sr-only"},"Click to install",-1),jOe=d("span",{class:"sr-only"},"Remove",-1),zOe=["title"],UOe={class:""},qOe={class:"flex flex-row items-center"},HOe=d("i",{"data-feather":"download",class:"w-5 m-1 flex-shrink-0"},null,-1),VOe=d("b",null,"Manual download: ",-1),GOe=["href","title"],KOe=d("div",{class:"grow"},null,-1),WOe=d("i",{"data-feather":"clipboard",class:"w-5"},null,-1),ZOe=[WOe],YOe={class:"flex items-center"},JOe=d("i",{"data-feather":"file",class:"w-5 m-1"},null,-1),QOe=d("b",null,"File size: ",-1),XOe={class:"flex items-center"},eRe=d("i",{"data-feather":"key",class:"w-5 m-1"},null,-1),tRe=d("b",null,"License: ",-1),nRe={class:"flex items-center"},sRe=d("i",{"data-feather":"user",class:"w-5 m-1"},null,-1),oRe=d("b",null,"Owner: ",-1),rRe=["href"],iRe=d("div",{class:"flex items-center"},[d("i",{"data-feather":"info",class:"w-5 m-1"}),d("b",null,"Description: "),d("br")],-1),aRe=["title"];function lRe(t,e,n,s,o,r){return k(),C("div",{class:Me(["relative items-start p-4 hover:bg-primary-light hover:border-primary-light rounded-lg mb-2 shadow-lg border-2 cursor-pointer select-none",n.selected?" border-primary bg-primary":"border-transparent"]),onClick:e[11]||(e[11]=le((...i)=>r.toggleSelected&&r.toggleSelected(...i),["stop"])),title:n.title},[n.model.isCustomModel?(k(),C("div",tOe,[d("div",nOe,[d("div",sOe,[d("img",{src:r.getImgUrl(),onError:e[0]||(e[0]=i=>r.defaultImg(i)),class:"w-10 h-10 rounded-lg object-fill"},null,40,oOe),d("div",rOe,[d("h3",iOe,H(n.title),1)])])])])):F("",!0),n.model.isCustomModel?(k(),C("div",aOe,[d("div",lOe,[d("button",{type:"button",title:"Custom model / local model",class:"font-medium rounded-lg text-sm p-2 text-center inline-flex items-center",onClick:e[1]||(e[1]=le(()=>{},["stop"]))},uOe),xe(" Custom model ")]),d("div",null,[n.model.isInstalled?(k(),C("button",{key:0,title:"Delete file from disk",type:"button",onClick:e[2]||(e[2]=le((...i)=>r.toggleInstall&&r.toggleInstall(...i),["stop"])),class:"inline-flex items-center gap-2 px-3 py-2 text-xs font-medium text-center focus:outline-none text-white bg-red-700 hover:bg-red-800 focus:ring-4 focus:ring-red-300 rounded-lg dark:bg-red-600 dark:hover:bg-red-700 dark:focus:ring-red-900"},[xe(" Uninstall "),hOe])):F("",!0)])])):F("",!0),o.installing?(k(),C("div",fOe,[d("div",pOe,[gOe,d("div",mOe,[d("div",_Oe,[d("div",bOe,[yOe,d("span",vOe,H(Math.floor(o.progress))+"%",1)]),d("div",wOe,[d("div",{class:"bg-blue-600 h-2.5 rounded-full",style:bt({width:o.progress+"%"})},null,4)]),d("div",xOe,[d("span",kOe,"Download speed: "+H(r.speed_computed)+"/s",1),d("span",EOe,H(r.downloaded_size_computed)+"/"+H(r.total_size_computed),1)])])]),d("div",COe,[d("div",AOe,[d("div",SOe,[d("button",{onClick:e[3]||(e[3]=le((...i)=>r.toggleCancelInstall&&r.toggleCancelInstall(...i),["stop"])),type:"button",title:"Cancel download",class:"text-gray-500 bg-white hover:bg-gray-100 focus:ring-4 focus:outline-none focus:ring-gray-200 rounded-lg border border-gray-200 text-sm font-medium px-5 py-2.5 hover:text-gray-900 focus:z-10 dark:bg-gray-700 dark:text-gray-300 dark:border-gray-500 dark:hover:text-white dark:hover:bg-gray-600 dark:focus:ring-gray-600"}," Cancel ")])])])])])):F("",!0),n.model.isCustomModel?F("",!0):(k(),C("div",TOe,[d("div",MOe,[d("img",{ref:"imgElement",src:r.getImgUrl(),onError:e[4]||(e[4]=i=>r.defaultImg(i)),class:Me(["w-10 h-10 rounded-lg object-fill",o.linkNotValid?"grayscale":""])},null,42,OOe),d("h3",ROe,H(n.title),1),NOe,DOe]),d("div",LOe,[d("button",{type:"button",title:"Copy model info to clipboard",onClick:e[5]||(e[5]=le(i=>r.toggleCopy(),["stop"])),class:"inline-flex items-center gap-2 px-3 py-2 text-xs font-medium text-center text-white bg-blue-700 rounded-lg hover:bg-blue-800 focus:ring-4 focus:outline-none focus:ring-blue-300 dark:bg-blue-600 dark:hover:bg-blue-700 dark:focus:ring-blue-800"},[xe(" Copy info "),IOe]),d("div",POe,[o.linkNotValid?(k(),C("div",FOe,[BOe,xe(" Link is not valid ")])):F("",!0)]),!n.model.isInstalled&&!o.linkNotValid?(k(),C("button",{key:0,title:"Click to install",type:"button",onClick:e[6]||(e[6]=le((...i)=>r.toggleInstall&&r.toggleInstall(...i),["stop"])),class:"inline-flex items-center gap-2 px-3 py-2 text-xs font-medium text-center text-white bg-blue-700 rounded-lg hover:bg-blue-800 focus:ring-4 focus:outline-none focus:ring-blue-300 dark:bg-blue-600 dark:hover:bg-blue-700 dark:focus:ring-blue-800"},[xe(" Install "),$Oe])):F("",!0),n.model.isInstalled?(k(),C("button",{key:1,title:"Delete file from disk",type:"button",onClick:e[7]||(e[7]=le((...i)=>r.toggleInstall&&r.toggleInstall(...i),["stop"])),class:"inline-flex items-center gap-2 px-3 py-2 text-xs font-medium text-center focus:outline-none text-white bg-red-700 hover:bg-red-800 focus:ring-4 focus:ring-red-300 rounded-lg dark:bg-red-600 dark:hover:bg-red-700 dark:focus:ring-red-900"},[xe(" Uninstall "),jOe])):F("",!0)]),d("div",{class:"",title:n.model.isInstalled?n.title:"Not installed"},[d("div",UOe,[d("div",qOe,[HOe,VOe,d("a",{href:n.path,onClick:e[8]||(e[8]=le(()=>{},["stop"])),class:"m-1 flex items-center hover:text-secondary duration-75 active:scale-90 truncate",title:o.linkNotValid?"Link is not valid":"Download this manually (faster) and put it in the models/ folder then refresh"}," Click here to download ",8,GOe),KOe,d("button",{class:"hover:text-secondary duration-75 active:scale-90 font-medium rounded-lg text-sm p-2 text-center inline-flex items-center",title:"Copy link to clipboard",onClick:e[9]||(e[9]=le(i=>r.toggleCopyLink(),["stop"]))},ZOe)]),d("div",YOe,[d("div",{class:Me(["flex flex-shrink-0 items-center",o.linkNotValid?"text-red-600":""])},[JOe,QOe,xe(" "+H(r.fileSize),1)],2)]),d("div",XOe,[eRe,tRe,xe(" "+H(n.license),1)]),d("div",nRe,[sRe,oRe,d("a",{href:n.owner_link,target:"_blank",rel:"noopener noreferrer",onClick:e[10]||(e[10]=le(()=>{},["stop"])),class:"flex hover:text-secondary duration-75 active:scale-90",title:"Owner's profile"},H(n.owner),9,rRe)])]),iRe,d("p",{class:"mx-1 opacity-80 line-clamp-3",title:n.description},H(n.description.replace(/<\/?[^>]+>/ig," ")),9,aRe)],8,zOe)]))],10,eOe)}const cRe=Ue(XMe,[["render",lRe]]),dRe={data(){return{editMode:!1,avatar:"path/to/avatar.jpg",personalityName:"Personality Name",personalityAuthor:"Author Name",personalityDescription:"Personality Description",personalityCategory:"Category",disclaimer:"Disclaimer text",conditioningText:"Conditioning Text",aiPrefix:"AI Prefix",userPrefix:"User Prefix",antipromptsList:[{id:1,text:"Antiprompt 1"},{id:2,text:"Antiprompt 2"},{id:3,text:"Antiprompt 3"}]}},methods:{commitChanges(){console.log("Personality changes committed"),this.editMode=!1}}},uRe={class:"p-4"},hRe={class:"flex items-center mb-4"},fRe=["src"],pRe={class:"text-lg font-semibold"},gRe=d("strong",null,"Author:",-1),mRe=d("strong",null,"Description:",-1),_Re=d("strong",null,"Category:",-1),bRe={key:0},yRe=d("strong",null,"Disclaimer:",-1),vRe=d("strong",null,"Conditioning Text:",-1),wRe=d("strong",null,"AI Prefix:",-1),xRe=d("strong",null,"User Prefix:",-1),kRe=d("strong",null,"Antiprompts:",-1);function ERe(t,e,n,s,o,r){return k(),C("div",uRe,[d("div",hRe,[d("img",{src:o.avatar,class:"w-12 h-12 rounded-full mr-2",alt:"Avatar"},null,8,fRe),d("h2",pRe,H(o.personalityName),1)]),d("p",null,[gRe,xe(" "+H(o.personalityAuthor),1)]),d("p",null,[mRe,xe(" "+H(o.personalityDescription),1)]),d("p",null,[_Re,xe(" "+H(o.personalityCategory),1)]),o.disclaimer?(k(),C("p",bRe,[yRe,xe(" "+H(o.disclaimer),1)])):F("",!0),d("p",null,[vRe,xe(" "+H(o.conditioningText),1)]),d("p",null,[wRe,xe(" "+H(o.aiPrefix),1)]),d("p",null,[xRe,xe(" "+H(o.userPrefix),1)]),d("div",null,[kRe,d("ul",null,[(k(!0),C(Oe,null,Ge(o.antipromptsList,i=>(k(),C("li",{key:i.id},H(i.text),1))),128))])]),d("button",{onClick:e[0]||(e[0]=i=>o.editMode=!0),class:"mt-4 bg-blue-500 text-white px-4 py-2 rounded"}," Edit "),o.editMode?(k(),C("button",{key:1,onClick:e[1]||(e[1]=(...i)=>r.commitChanges&&r.commitChanges(...i)),class:"mt-4 bg-green-500 text-white px-4 py-2 rounded"}," Commit ")):F("",!0)])}const CRe=Ue(dRe,[["render",ERe]]),Xn="/assets/logo-9d653710.svg";const ARe={props:{icon:{type:String,required:!1,value:"feather:command"},commands:{type:Array,required:!0},force_position:{required:!1,value:0},execute_cmd:{type:Function,required:!1}},data(){return{isMenuOpen:!1,menuPosition:{bottom:"auto",top:"calc(100% + 10px)"}}},methods:{handleClickOutside(t){const e=this.$refs.menu,n=this.$refs.menuButton;e&&!e.contains(t.target)&&!n.contains(t.target)&&(this.isMenuOpen=!1,window.removeEventListener("click",this.handleClickOutside))},toggleMenu(){this.positionMenu(),this.isMenuOpen=!this.isMenuOpen,this.isMenuOpen?window.addEventListener("click",this.handleClickOutside):window.removeEventListener("click",this.handleClickOutside),be(()=>{ve.replace()})},executeCommand(t){typeof this[t.value]=="function"&&this[t.value](),this.isMenuOpen=!1,this.execute_cmd&&this.execute_cmd(t)},positionMenu(){var t;if(this.$refs.menuButton!=null){if(console.log(this.force_position),this.force_position==0||this.force_position==null){console.log("auto position");const e=this.$refs.menuButton.getBoundingClientRect(),n=window.innerHeight;t=e.bottom>n/2}else this.force_position==1?(console.log("Menu above button"),t=!0):(console.log("Menu below button"),t=!1);this.menuPosition.top=t?"auto":"calc(100% + 10px)",this.menuPosition.bottom=t?"100%":"auto"}}},mounted(){window.addEventListener("resize",this.positionMenu),this.positionMenu(),be(()=>{ve.replace()})},beforeDestroy(){window.removeEventListener("resize",this.positionMenu)},watch:{isMenuOpen:"positionMenu"}},SRe={class:"menu-container"},TRe=["src","alt"],MRe=["data-feather"],ORe=d("i",{"data-feather":"command"},null,-1),RRe={class:"flex-grow menu-ul"},NRe=["onClick"],DRe=["src","alt"],LRe=["data-feather"],IRe={key:2,class:"menu-icon"};function PRe(t,e,n,s,o,r){return k(),C("div",SRe,[d("button",{onClick:e[0]||(e[0]=le((...i)=>r.toggleMenu&&r.toggleMenu(...i),["prevent"])),class:"menu-button bg-blue-500 text-white dark:bg-blue-200 dark:text-gray-800 rounded-full flex items-center justify-center w-6 h-6 border-none cursor-pointer hover:bg-blue-400 w-8 h-8 rounded-full object-fill text-red-700 border-2 active:scale-90 hover:z-20 hover:-translate-y-2 duration-150 border-gray-300 border-secondary cursor-pointer",ref:"menuButton"},[n.icon&&!n.icon.includes("feather")?(k(),C("img",{key:0,src:t.command.icon,alt:t.command.name,class:"w-5 h-5"},null,8,TRe)):F("",!0),n.icon&&n.icon.includes("feather")?(k(),C("i",{key:1,"data-feather":t.command.icon.split(":")[1],class:"w-5 h-5"},null,8,MRe)):F("",!0),ORe],512),he(Ss,{name:"slide"},{default:De(()=>[o.isMenuOpen?(k(),C("div",{key:0,class:"menu-list flex-grow",style:bt(o.menuPosition),ref:"menu"},[d("ul",RRe,[(k(!0),C(Oe,null,Ge(n.commands,(i,a)=>(k(),C("li",{key:a,onClick:l=>r.executeCommand(i),class:"menu-command menu-li flex-grow hover:bg-blue-400"},[i.icon&&!i.icon.includes("feather")&&!i.is_file?(k(),C("img",{key:0,src:i.icon,alt:i.name,class:"menu-icon"},null,8,DRe)):F("",!0),i.icon&&i.icon.includes("feather")&&!i.is_file?(k(),C("i",{key:1,"data-feather":i.icon.split(":")[1],class:"mr-2"},null,8,LRe)):(k(),C("span",IRe)),d("span",null,H(i.name),1)],8,NRe))),128))])],4)):F("",!0)]),_:1})])}const jg=Ue(ARe,[["render",PRe]]),FRe="/",BRe={props:{personality:{},selected:Boolean,full_path:String,onTalk:Function,onSelected:Function,onMounted:Function,onRemount:Function,onReinstall:Function,onSettings:Function},components:{InteractiveMenu:jg},data(){return{isMounted:!1,name:this.personality.name}},computed:{commandsList(){let t=[{name:this.isMounted?"unmount":"mount",icon:"feather:settings",is_file:!1,value:this.toggleMounted},{name:"reinstall",icon:"feather:terminal",is_file:!1,value:this.toggleReinstall}];return this.selected&&t.push({name:"settings",icon:"feather:settings",is_file:!1,value:this.toggleSettings}),t},selected_computed(){return this.selected}},mounted(){this.isMounted=this.personality.isMounted,be(()=>{ve.replace()})},methods:{getImgUrl(){return FRe+this.personality.avatar},defaultImg(t){t.target.src=Xn},toggleTalk(){this.onTalk(this)},toggleSelected(){this.isMounted&&this.onSelected(this)},reMount(){this.onRemount(this)},toggleMounted(){this.onMounted(this)},toggleSettings(){this.onSettings(this)},toggleReinstall(){this.onReinstall(this)}},watch:{selected(){be(()=>{ve.replace()})}}},$Re=["title"],jRe={class:"flex flex-row items-center flex-shrink-0 gap-3"},zRe=["src"],URe={class:"font-bold font-large text-lg line-clamp-3"},qRe=d("i",{"data-feather":"check",class:"w-5"},null,-1),HRe=d("span",{class:"sr-only"},"Select",-1),VRe=[qRe,HRe],GRe=d("i",{"data-feather":"send",class:"w-5"},null,-1),KRe=d("span",{class:"sr-only"},"Talk",-1),WRe=[GRe,KRe],ZRe={class:""},YRe={class:""},JRe={class:"flex items-center"},QRe=d("i",{"data-feather":"user",class:"w-5 m-1"},null,-1),XRe=d("b",null,"Author: ",-1),eNe={key:0,class:"flex items-center"},tNe=d("i",{"data-feather":"globe",class:"w-5 m-1"},null,-1),nNe=d("b",null,"Languages: ",-1),sNe=["selected"],oNe={class:"flex items-center"},rNe=d("i",{"data-feather":"bookmark",class:"w-5 m-1"},null,-1),iNe=d("b",null,"Category: ",-1),aNe=d("div",{class:"flex items-center"},[d("i",{"data-feather":"info",class:"w-5 m-1"}),d("b",null,"Description: "),d("br")],-1),lNe=["title"];function cNe(t,e,n,s,o,r){const i=Ve("InteractiveMenu");return k(),C("div",{class:Me(["min-w-96 items-start p-4 hover:bg-primary-light rounded-lg mb-2 shadow-lg border-2 cursor-pointer select-none",r.selected_computed?"border-primary-light":"border-transparent"]),tabindex:"-1",title:n.personality.installed?"":"Not installed"},[d("div",{class:Me(n.personality.installed?"":"opacity-50")},[d("div",jRe,[d("img",{ref:"imgElement",src:r.getImgUrl(),onError:e[0]||(e[0]=a=>r.defaultImg(a)),class:"w-10 h-10 rounded-full object-fill text-red-700"},null,40,zRe),d("h3",URe,H(n.personality.name),1),d("button",{type:"button",title:"Talk",onClick:[e[1]||(e[1]=(...a)=>r.toggleSelected&&r.toggleSelected(...a)),e[2]||(e[2]=le(()=>{},["stop"]))],class:"hover:text-secondary duration-75 active:scale-90 font-medium rounded-lg text-sm p-2 text-center inline-flex items-center"},VRe),d("button",{type:"button",title:"Talk",onClick:[e[3]||(e[3]=(...a)=>r.toggleTalk&&r.toggleTalk(...a)),e[4]||(e[4]=le(()=>{},["stop"]))],class:"hover:text-secondary duration-75 active:scale-90 font-medium rounded-lg text-sm p-2 text-center inline-flex items-center"},WRe),he(i,{commands:r.commandsList,force_position:2},null,8,["commands"])]),d("div",ZRe,[d("div",YRe,[d("div",JRe,[QRe,XRe,xe(" "+H(n.personality.author),1)]),n.personality.languages?(k(),C("div",eNe,[tNe,nNe,fe(d("select",{id:"languages","onUpdate:modelValue":e[5]||(e[5]=a=>n.personality.lang=a),class:"bg-gray-50 border border-gray-300 text-gray-900 text-sm rounded-lg focus:ring-blue-500 focus:border-blue-500 block w-full p-2.5 dark:bg-gray-700 dark:border-gray-600 dark:placeholder-gray-400 dark:text-white dark:focus:ring-blue-500 dark:focus:border-blue-500"},[(k(!0),C(Oe,null,Ge(n.personality.languages,(a,l)=>(k(),C("option",{key:l,selected:a==n.personality.languages[0]},H(a),9,sNe))),128))],512),[[Ms,n.personality.lang]])])):F("",!0),d("div",oNe,[rNe,iNe,xe(" "+H(n.personality.category),1)])]),aNe,d("p",{class:"mx-1 opacity-80 line-clamp-3",title:n.personality.description},H(n.personality.description),9,lNe)])],2)],10,$Re)}const zg=Ue(BRe,[["render",cNe]]),dNe="/",uNe={props:{binding:{},onSelected:Function,onReinstall:Function,onInstall:Function,onSettings:Function,onReloadBinding:Function,selected:Boolean},data(){return{isTemplate:!1}},mounted(){be(()=>{ve.replace()})},methods:{getImgUrl(){return dNe+this.binding.icon},defaultImg(t){t.target.src=Xn},toggleSelected(){this.onSelected(this)},toggleInstall(){this.onInstall(this)},toggleReinstall(){this.onReinstall(this)},toggleReloadBinding(){this.onReloadBinding(this)},toggleSettings(){this.onSettings(this)},getStatus(){(this.binding.folder==="backend_template"||this.binding.folder==="binding_template")&&(this.isTemplate=!0)}},watch:{selected(){be(()=>{ve.replace()})}}},hNe=["title"],fNe={class:"flex flex-row items-center gap-3"},pNe=["src"],gNe={class:"font-bold font-large text-lg truncate"},mNe=d("div",{class:"grow"},null,-1),_Ne={class:"flex-none gap-1"},bNe=d("i",{"data-feather":"refresh-cw",class:"w-5"},null,-1),yNe=d("span",{class:"sr-only"},"Help",-1),vNe=[bNe,yNe],wNe={class:"flex items-center flex-row-reverse gap-2 my-1"},xNe=d("span",{class:"sr-only"},"Click to install",-1),kNe=d("span",{class:"sr-only"},"Reinstall binding",-1),ENe=d("span",{class:"sr-only"},"Settings",-1),CNe={class:""},ANe={class:""},SNe={class:"flex items-center"},TNe=d("i",{"data-feather":"user",class:"w-5 m-1"},null,-1),MNe=d("b",null,"Author: ",-1),ONe={class:"flex items-center"},RNe=d("i",{"data-feather":"folder",class:"w-5 m-1"},null,-1),NNe=d("b",null,"Folder: ",-1),DNe={class:"flex items-center"},LNe=d("i",{"data-feather":"git-merge",class:"w-5 m-1"},null,-1),INe=d("b",null,"Version: ",-1),PNe={class:"flex items-center"},FNe=d("i",{"data-feather":"github",class:"w-5 m-1"},null,-1),BNe=d("b",null,"Link: ",-1),$Ne=["href"],jNe=d("div",{class:"flex items-center"},[d("i",{"data-feather":"info",class:"w-5 m-1"}),d("b",null,"Description: "),d("br")],-1),zNe=["title"];function UNe(t,e,n,s,o,r){return k(),C("div",{class:Me(["items-start p-4 hover:bg-primary-light hover:border-primary-light rounded-lg mb-2 shadow-lg border-2 cursor-pointer select-none",n.selected?" border-primary bg-primary":"border-transparent"]),onClick:e[6]||(e[6]=le((...i)=>r.toggleSelected&&r.toggleSelected(...i),["stop"])),title:n.binding.installed?n.binding.name:"Not installed"},[d("div",null,[d("div",fNe,[d("img",{ref:"imgElement",src:r.getImgUrl(),onError:e[0]||(e[0]=i=>r.defaultImg(i)),class:"w-10 h-10 rounded-full object-fill text-blue-700"},null,40,pNe),d("h3",gNe,H(n.binding.name),1),mNe,d("div",_Ne,[n.selected?(k(),C("button",{key:0,type:"button",title:"Reload binding",onClick:[e[1]||(e[1]=(...i)=>r.toggleReloadBinding&&r.toggleReloadBinding(...i)),e[2]||(e[2]=le(()=>{},["stop"]))],class:"hover:text-secondary duration-75 active:scale-90 font-medium rounded-lg text-sm p-2 text-center inline-flex items-center"},vNe)):F("",!0)])]),d("div",wNe,[n.binding.installed?F("",!0):(k(),C("button",{key:0,title:"Click to install",type:"button",onClick:e[3]||(e[3]=le((...i)=>r.toggleInstall&&r.toggleInstall(...i),["stop"])),class:"inline-flex items-center gap-2 px-3 py-2 text-xs font-medium text-center text-white bg-blue-700 rounded-lg hover:bg-blue-800 focus:ring-4 focus:outline-none focus:ring-blue-300 dark:bg-blue-600 dark:hover:bg-blue-700 dark:focus:ring-blue-800"},[xe(" Install "),xNe])),n.binding.installed?(k(),C("button",{key:1,title:"Click to Reinstall binding",type:"button",onClick:e[4]||(e[4]=le((...i)=>r.toggleReinstall&&r.toggleReinstall(...i),["stop"])),class:"inline-flex items-center gap-2 px-3 py-2 text-xs font-medium text-center focus:outline-none text-white bg-red-700 hover:bg-red-800 focus:ring-4 focus:ring-red-300 rounded-lg dark:bg-red-600 dark:hover:bg-red-700 dark:focus:ring-red-900"},[xe(" Reinstall binding "),kNe])):F("",!0),n.selected?(k(),C("button",{key:2,title:"Click to open Settings",type:"button",onClick:e[5]||(e[5]=le((...i)=>r.toggleSettings&&r.toggleSettings(...i),["stop"])),class:"inline-flex items-center gap-2 px-3 py-2 text-xs font-medium text-center text-white bg-blue-700 rounded-lg hover:bg-blue-800 focus:ring-4 focus:outline-none focus:ring-blue-300 dark:bg-blue-600 dark:hover:bg-blue-700 dark:focus:ring-blue-800"},[xe(" Settings "),ENe])):F("",!0)]),d("div",CNe,[d("div",ANe,[d("div",SNe,[TNe,MNe,xe(" "+H(n.binding.author),1)]),d("div",ONe,[RNe,NNe,xe(" "+H(n.binding.folder),1)]),d("div",DNe,[LNe,INe,xe(" "+H(n.binding.version),1)]),d("div",PNe,[FNe,BNe,d("a",{href:n.binding.link,target:"_blank",class:"flex items-center hover:text-secondary duration-75 active:scale-90"},H(n.binding.link),9,$Ne)])]),jNe,d("p",{class:"mx-1 opacity-80 line-clamp-3",title:n.binding.description},H(n.binding.description),9,zNe)])])],10,hNe)}const qNe=Ue(uNe,[["render",UNe]]),HNe={data(){return{show:!1,model_path:"",resolve:null}},methods:{cancel(){this.resolve(null)},openInputBox(){return new Promise(t=>{this.resolve=t})},hide(t){this.show=!1,this.resolve&&(this.resolve(t),this.resolve=null)},showDialog(t){return new Promise(e=>{this.model_path=t,this.show=!0,this.resolve=e})}}},VNe={key:0,class:"fixed top-0 left-0 right-0 bottom-0 flex items-center justify-center bg-black bg-opacity-50"},GNe={class:"relative w-full max-w-md max-h-full"},KNe={class:"relative bg-white rounded-lg shadow dark:bg-gray-700"},WNe=d("svg",{"aria-hidden":"true",class:"w-5 h-5",fill:"currentColor",viewBox:"0 0 20 20",xmlns:"http://www.w3.org/2000/svg"},[d("path",{"fill-rule":"evenodd",d:"M4.293 4.293a1 1 0 011.414 0L10 8.586l4.293-4.293a1 1 0 111.414 1.414L11.414 10l4.293 4.293a1 1 0 01-1.414 1.414L10 11.414l-4.293 4.293a1 1 0 01-1.414-1.414L8.586 10 4.293 5.707a1 1 0 010-1.414z","clip-rule":"evenodd"})],-1),ZNe=d("span",{class:"sr-only"},"Close modal",-1),YNe=[WNe,ZNe],JNe={class:"p-4 text-center"},QNe=d("svg",{"aria-hidden":"true",class:"mx-auto mb-4 text-gray-400 w-14 h-14 dark:text-gray-200",fill:"none",stroke:"currentColor",viewBox:"0 0 24 24",xmlns:"http://www.w3.org/2000/svg"},[d("path",{"stroke-linecap":"round","stroke-linejoin":"round","stroke-width":"2",d:"M12 8v4m0 4h.01M21 12a9 9 0 11-18 0 9 9 0 0118 0z"})],-1),XNe={class:"p-4 text-center mx-auto mb-4"},eDe=d("label",{class:"mr-2"},"Model path",-1);function tDe(t,e,n,s,o,r){return o.show?(k(),C("div",VNe,[d("div",GNe,[d("div",KNe,[d("button",{type:"button",onClick:e[0]||(e[0]=i=>r.hide(!1)),class:"absolute top-3 right-2.5 text-gray-400 bg-transparent hover:bg-gray-200 hover:text-gray-900 rounded-lg text-sm p-1.5 ml-auto inline-flex items-center dark:hover:bg-gray-800 dark:hover:text-white"},YNe),d("div",JNe,[QNe,d("div",XNe,[eDe,fe(d("input",{"onUpdate:modelValue":e[1]||(e[1]=i=>o.model_path=i),class:"px-4 py-2 border border-gray-300 rounded-lg",type:"text"},null,512),[[Ie,o.model_path]])]),d("button",{onClick:e[2]||(e[2]=i=>r.hide(!0)),type:"button",class:"text-white bg-green-600 hover:bg-green-800 focus:ring-4 focus:outline-none focus:ring-red-300 dark:focus:ring-red-800 font-medium rounded-lg text-sm inline-flex items-center px-5 py-2.5 text-center mr-2"}," Add "),d("button",{onClick:e[3]||(e[3]=i=>r.hide(!1)),type:"button",class:"text-gray-500 bg-white hover:bg-gray-100 focus:ring-4 focus:outline-none focus:ring-gray-200 rounded-lg border border-gray-200 text-sm font-medium px-5 py-2.5 hover:text-gray-900 focus:z-10 dark:bg-gray-700 dark:text-gray-300 dark:border-gray-500 dark:hover:text-white dark:hover:bg-gray-600 dark:focus:ring-gray-600"},"No, cancel")])])])])):F("",!0)}const nDe=Ue(HNe,[["render",tDe]]),sDe={setup(){return{}},name:"UniversalForm",data(){return{show:!1,resolve:null,controls_array:[],title:"Universal form",ConfirmButtonText:"Submit",DenyButtonText:"Cancel"}},mounted(){be(()=>{ve.replace()})},methods:{hide(t){this.show=!1,this.resolve&&t&&(this.resolve(this.controls_array),this.resolve=null)},showForm(t,e,n,s){this.ConfirmButtonText=n||this.ConfirmButtonText,this.DenyButtonText=s||this.DenyButtonText;for(let o=0;o{this.controls_array=t,this.show=!0,this.title=e||this.title,this.resolve=o,console.log("show foam",this.controls_array)})}},watch:{show(){be(()=>{ve.replace()})}}},oDe={key:0,class:"fixed top-0 left-0 right-0 bottom-0 flex items-center justify-center bg-black bg-opacity-50 p-4"},rDe={class:"relative w-full max-w-md"},iDe={class:"flex flex-col rounded-lg bg-bg-light-tone-panel dark:bg-bg-dark-tone-panel duration-150 shadow-lg max-h-screen"},aDe={class:"flex flex-row flex-grow items-center m-2 p-1"},lDe={class:"grow flex items-center"},cDe=d("i",{"data-feather":"sliders",class:"mr-2 flex-shrink-0"},null,-1),dDe={class:"text-lg font-semibold select-none mr-2"},uDe={class:"items-end"},hDe=d("svg",{"aria-hidden":"true",class:"w-5 h-5",fill:"currentColor",viewBox:"0 0 20 20",xmlns:"http://www.w3.org/2000/svg"},[d("path",{"fill-rule":"evenodd",d:"M4.293 4.293a1 1 0 011.414 0L10 8.586l4.293-4.293a1 1 0 111.414 1.414L11.414 10l4.293 4.293a1 1 0 01-1.414 1.414L10 11.414l-4.293 4.293a1 1 0 01-1.414-1.414L8.586 10 4.293 5.707a1 1 0 010-1.414z","clip-rule":"evenodd"})],-1),fDe=d("span",{class:"sr-only"},"Close form modal",-1),pDe=[hDe,fDe],gDe={class:"flex flex-col relative no-scrollbar overflow-y-scroll p-2"},mDe={class:"px-2"},_De={key:0},bDe={key:0},yDe={class:"text-base font-semibold"},vDe={key:0,class:"relative inline-flex"},wDe=["onUpdate:modelValue"],xDe=d("div",{class:"hover:text-secondary duration-75 active:scale-90 peer-checked:text-primary"},[d("i",{"data-feather":"help-circle",class:"w-5 h-5"})],-1),kDe={key:0,class:"text-sm font-normal text-gray-700 dark:text-gray-400 mb-2"},EDe=["onUpdate:modelValue"],CDe={key:1},ADe={class:"text-base font-semibold"},SDe={key:0,class:"relative inline-flex"},TDe=["onUpdate:modelValue"],MDe=d("div",{class:"hover:text-secondary duration-75 active:scale-90 peer-checked:text-primary"},[d("i",{"data-feather":"help-circle",class:"w-5 h-5"})],-1),ODe={key:0,class:"text-sm font-normal text-gray-700 dark:text-gray-400 mb-2"},RDe=["onUpdate:modelValue"],NDe=["value","selected"],DDe={key:1},LDe={class:"text-base font-semibold"},IDe={key:0,class:"relative inline-flex"},PDe=["onUpdate:modelValue"],FDe=d("div",{class:"hover:text-secondary duration-75 active:scale-90 peer-checked:text-primary"},[d("i",{"data-feather":"help-circle",class:"w-5 h-5"})],-1),BDe={key:0,class:"text-sm font-normal text-gray-700 dark:text-gray-400 mb-2"},$De=["onUpdate:modelValue"],jDe=["onUpdate:modelValue","min","max"],zDe={key:2},UDe={class:"mb-2 relative flex items-center gap-2"},qDe={for:"default-checkbox",class:"text-base font-semibold"},HDe=["onUpdate:modelValue"],VDe={key:0,class:"relative inline-flex"},GDe=["onUpdate:modelValue"],KDe=d("div",{class:"hover:text-secondary duration-75 active:scale-90 peer-checked:text-primary"},[d("i",{"data-feather":"help-circle",class:"w-5 h-5"})],-1),WDe={key:0,class:"text-sm font-normal text-gray-700 dark:text-gray-400 mb-2"},ZDe={key:3},YDe={class:"text-base font-semibold"},JDe={key:0,class:"relative inline-flex"},QDe=["onUpdate:modelValue"],XDe=d("div",{class:"hover:text-secondary duration-75 active:scale-90 peer-checked:text-primary"},[d("i",{"data-feather":"help-circle",class:"w-5 h-5"})],-1),eLe={key:0,class:"text-sm font-normal text-gray-700 dark:text-gray-400 mb-2"},tLe=["onUpdate:modelValue"],nLe=d("hr",{class:"h-px my-4 bg-gray-200 border-0 dark:bg-gray-700"},null,-1),sLe={class:"flex flex-row flex-grow gap-3"},oLe={class:"p-2 text-center grow"};function rLe(t,e,n,s,o,r){return o.show?(k(),C("div",oDe,[d("div",rDe,[d("div",iDe,[d("div",aDe,[d("div",lDe,[cDe,d("h3",dDe,H(o.title),1)]),d("div",uDe,[d("button",{type:"button",onClick:e[0]||(e[0]=le(i=>r.hide(!1),["stop"])),title:"Close",class:"bg-transparent hover:bg-gray-200 hover:text-gray-900 rounded-lg text-sm p-1.5 ml-auto inline-flex items-center dark:hover:bg-gray-800 dark:hover:text-white"},pDe)])]),d("div",gDe,[(k(!0),C(Oe,null,Ge(o.controls_array,(i,a)=>(k(),C("div",mDe,[i.type=="str"?(k(),C("div",_De,[i.options?F("",!0):(k(),C("div",bDe,[d("label",{class:Me(["mb-2 relative flex items-center gap-2 text-sm font-medium text-gray-900 dark:text-white select-none",i.help?"cursor-pointer ":""])},[d("div",yDe,H(i.name)+": ",1),i.help?(k(),C("label",vDe,[fe(d("input",{type:"checkbox","onUpdate:modelValue":l=>i.isHelp=l,class:"sr-only peer"},null,8,wDe),[[kt,i.isHelp]]),xDe])):F("",!0)],2),i.isHelp?(k(),C("p",kDe,H(i.help),1)):F("",!0),fe(d("input",{type:"text","onUpdate:modelValue":l=>i.value=l,class:"bg-gray-50 border border-gray-300 text-gray-900 text-sm rounded-lg focus:ring-blue-500 focus:border-blue-500 block w-full p-2.5 dark:bg-gray-700 dark:border-gray-600 dark:placeholder-gray-400 dark:text-white dark:focus:ring-blue-500 dark:focus:border-blue-500",placeholder:"Enter string"},null,8,EDe),[[Ie,i.value]])])),i.options?(k(),C("div",CDe,[d("label",{class:Me(["mb-2 relative flex items-center gap-2 text-sm font-medium text-gray-900 dark:text-white select-none",i.help?"cursor-pointer ":""])},[d("div",ADe,H(i.name)+": ",1),i.help?(k(),C("label",SDe,[fe(d("input",{type:"checkbox","onUpdate:modelValue":l=>i.isHelp=l,class:"sr-only peer"},null,8,TDe),[[kt,i.isHelp]]),MDe])):F("",!0)],2),i.isHelp?(k(),C("p",ODe,H(i.help),1)):F("",!0),fe(d("select",{"onUpdate:modelValue":l=>i.value=l,class:"bg-gray-50 border border-gray-300 text-gray-900 text-sm rounded-lg focus:ring-blue-500 focus:border-blue-500 block w-full p-2.5 dark:bg-gray-700 dark:border-gray-600 dark:placeholder-gray-400 dark:text-white dark:focus:ring-blue-500 dark:focus:border-blue-500"},[(k(!0),C(Oe,null,Ge(i.options,l=>(k(),C("option",{value:l,selected:i.value===l},H(l),9,NDe))),256))],8,RDe),[[Ms,i.value]])])):F("",!0)])):F("",!0),i.type=="int"||i.type=="float"?(k(),C("div",DDe,[d("label",{class:Me(["mb-2 relative flex items-center gap-2 text-sm font-medium text-gray-900 dark:text-white select-none",i.help?"cursor-pointer ":""])},[d("div",LDe,H(i.name)+": ",1),i.help?(k(),C("label",IDe,[fe(d("input",{type:"checkbox","onUpdate:modelValue":l=>i.isHelp=l,class:"sr-only peer"},null,8,PDe),[[kt,i.isHelp]]),FDe])):F("",!0)],2),i.isHelp?(k(),C("p",BDe,H(i.help),1)):F("",!0),fe(d("input",{type:"number","onUpdate:modelValue":l=>i.value=l,class:"bg-gray-50 border border-gray-300 text-gray-900 text-sm rounded-lg focus:ring-blue-500 focus:border-blue-500 block w-full p-2.5 dark:bg-gray-700 dark:border-gray-600 dark:placeholder-gray-400 dark:text-white dark:focus:ring-blue-500 dark:focus:border-blue-500",placeholder:"Enter number"},null,8,$De),[[Ie,i.value]]),i.min!=null&&i.max!=null?fe((k(),C("input",{key:1,type:"range","onUpdate:modelValue":l=>i.value=l,min:i.min,max:i.max,step:"0.1",class:"flex-none h-2 w-full bg-gray-200 rounded-lg appearance-none cursor-pointer dark:bg-gray-700 focus:ring-blue-500 focus:border-blue-500 dark:border-gray-600 dark:placeholder-gray-400 dark:focus:ring-blue-500 dark:focus:border-blue-500"},null,8,jDe)),[[Ie,i.value]]):F("",!0)])):F("",!0),i.type=="bool"?(k(),C("div",zDe,[d("div",UDe,[d("label",qDe,H(i.name)+": ",1),fe(d("input",{type:"checkbox","onUpdate:modelValue":l=>i.value=l,class:"w-4 h-4 text-blue-600 bg-gray-100 border-gray-300 rounded focus:ring-blue-500 dark:focus:ring-blue-600 dark:ring-offset-gray-800 focus:ring-2 dark:bg-gray-700 dark:border-gray-600"},null,8,HDe),[[kt,i.value]]),i.help?(k(),C("label",VDe,[fe(d("input",{type:"checkbox","onUpdate:modelValue":l=>i.isHelp=l,class:"sr-only peer"},null,8,GDe),[[kt,i.isHelp]]),KDe])):F("",!0)]),i.isHelp?(k(),C("p",WDe,H(i.help),1)):F("",!0)])):F("",!0),i.type=="list"?(k(),C("div",ZDe,[d("label",{class:Me(["mb-2 relative flex items-center gap-2 text-sm font-medium text-gray-900 dark:text-white select-none",i.help?"cursor-pointer ":""])},[d("div",YDe,H(i.name)+": ",1),i.help?(k(),C("label",JDe,[fe(d("input",{type:"checkbox","onUpdate:modelValue":l=>i.isHelp=l,class:"sr-only peer"},null,8,QDe),[[kt,i.isHelp]]),XDe])):F("",!0)],2),i.isHelp?(k(),C("p",eLe,H(i.help),1)):F("",!0),fe(d("input",{type:"text","onUpdate:modelValue":l=>i.value=l,class:"bg-gray-50 border border-gray-300 text-gray-900 text-sm rounded-lg focus:ring-blue-500 focus:border-blue-500 block w-full p-2.5 dark:bg-gray-700 dark:border-gray-600 dark:placeholder-gray-400 dark:text-white dark:focus:ring-blue-500 dark:focus:border-blue-500",placeholder:"Enter comma separated values"},null,8,tLe),[[Ie,i.value]])])):F("",!0),nLe]))),256)),d("div",sLe,[d("div",oLe,[d("button",{onClick:e[1]||(e[1]=le(i=>r.hide(!0),["stop"])),type:"button",class:"mr-2 text-white bg-blue-700 hover:bg-blue-800 focus:ring-4 focus:outline-none focus:ring-blue-300 font-medium rounded-lg text-sm sm:w-auto px-5 py-2.5 text-center dark:bg-blue-600 dark:hover:bg-blue-700 dark:focus:ring-blue-800"},H(o.ConfirmButtonText),1),d("button",{onClick:e[2]||(e[2]=le(i=>r.hide(!1),["stop"])),type:"button",class:"text-gray-500 bg-white hover:bg-gray-100 focus:ring-4 focus:outline-none focus:ring-gray-200 rounded-lg border border-gray-200 text-sm font-medium px-5 py-2.5 hover:text-gray-900 focus:z-11 dark:bg-gray-700 dark:text-gray-300 dark:border-gray-500 dark:hover:text-white dark:hover:bg-gray-600 dark:focus:ring-gray-600"},H(o.DenyButtonText),1)])])])])])])):F("",!0)}const wc=Ue(sDe,[["render",rLe]]);const iLe={props:{show:{type:Boolean,required:!0},title:{type:String,default:"Select an option"},choices:{type:Array,required:!0}},data(){return{selectedChoice:null}},methods:{selectChoice(t){this.selectedChoice=t,this.$emit("choice-selected",t)},closeDialog(){this.$emit("close-dialog")},validateChoice(){this.$emit("choice-validated")},formatSize(t){return t<1024?t+" bytes":t<1024*1024?(t/1024).toFixed(2)+" KB":t<1024*1024*1024?(t/(1024*1024)).toFixed(2)+" MB":(t/(1024*1024*1024)).toFixed(2)+" GB"}}},aLe={key:0,class:"fixed inset-0 flex items-center justify-center bg-black bg-opacity-50"},lLe={class:"bg-white dark:bg-gray-800 rounded-lg p-6 w-96"},cLe={class:"text-xl font-semibold mb-4"},dLe={class:"h-48 overflow-y-auto"},uLe=["onClick"],hLe={class:"font-bold"},fLe=d("br",null,null,-1),pLe={class:"text-xs text-gray-500"},gLe={class:"flex justify-end mt-4"},mLe=["disabled"];function _Le(t,e,n,s,o,r){return k(),st(Ss,{name:"fade"},{default:De(()=>[n.show?(k(),C("div",aLe,[d("div",lLe,[d("h2",cLe,H(n.title),1),d("div",dLe,[d("ul",null,[(k(!0),C(Oe,null,Ge(n.choices,(i,a)=>(k(),C("li",{key:a,onClick:l=>r.selectChoice(i),class:Me([{"selected-choice":i===o.selectedChoice},"py-2 px-4 cursor-pointer hover:bg-gray-200 dark:hover:bg-gray-700"])},[d("span",hLe,H(i.name),1),fLe,d("span",pLe,H(this.formatSize(i.size)),1)],10,uLe))),128))])]),d("div",gLe,[d("button",{onClick:e[0]||(e[0]=(...i)=>r.closeDialog&&r.closeDialog(...i)),class:"py-2 px-4 mr-2 bg-red-500 hover:bg-red-600 text-white rounded-lg transition duration-300"}," Cancel "),d("button",{onClick:e[1]||(e[1]=(...i)=>r.validateChoice&&r.validateChoice(...i)),class:Me([{"bg-gray-400 cursor-not-allowed":!o.selectedChoice,"bg-blue-500 hover:bg-blue-600":o.selectedChoice,"text-white":o.selectedChoice,"text-gray-500":!o.selectedChoice},"py-2 px-4 rounded-lg transition duration-300"]),disabled:!o.selectedChoice}," Validate ",10,mLe)])])])):F("",!0)]),_:1})}const bLe=Ue(iLe,[["render",_Le]]);const yLe="/";ye.defaults.baseURL="/";const vLe={components:{AddModelDialog:nDe,MessageBox:$g,YesNoDialog:QMe,ModelEntry:cRe,PersonalityViewer:CRe,Toast:Io,PersonalityEntry:zg,BindingEntry:qNe,UniversalForm:wc,ChoiceDialog:bLe},data(){return{reference_path:"",audioVoices:[],has_updates:!1,variant_choices:[],variantSelectionDialogVisible:!1,currenModelToInstall:null,loading_text:"",personality_category:null,addModelDialogVisibility:!1,modelPath:"",personalitiesFiltered:[],modelsFiltered:[],collapsedArr:[],all_collapsed:!0,minconf_collapsed:!0,bec_collapsed:!0,mzc_collapsed:!0,mzdc_collapsed:!0,pzc_collapsed:!0,bzc_collapsed:!0,pc_collapsed:!0,mc_collapsed:!0,sc_collapsed:!0,mzl_collapsed:!1,pzl_collapsed:!1,bzl_collapsed:!1,persCatgArr:[],persArr:[],showConfirmation:!1,showToast:!1,isLoading:!1,settingsChanged:!1,isModelSelected:!1,isMounted:!1,bUrl:yLe,searchPersonality:"",searchModel:"",searchPersonalityTimer:{},searchPersonalityTimerInterval:1500,searchModelTimerInterval:1500,searchPersonalityInProgress:!1,searchModelInProgress:!1,addModel:{},modelDownlaodInProgress:!1,uploadData:[]}},async created(){Ee.on("loading_text",this.on_loading_text),this.updateHasUpdates()},methods:{getVoices(){"speechSynthesis"in window&&(this.audioVoices=speechSynthesis.getVoices(),!this.audio_out_voice&&this.audioVoices.length>0&&(this.audio_out_voice=this.audioVoices[0].name),speechSynthesis.onvoiceschanged=()=>{})},async updateHasUpdates(){let t=await this.api_get_req("check_update");this.has_updates=t.update_availability,console.log("has_updates",this.has_updates)},onVariantChoiceSelected(t){this.selected_variant=t},oncloseVariantChoiceDialog(){this.variantSelectionDialogVisible=!1},onvalidateVariantChoice(){this.variantSelectionDialogVisible=!1,this.currenModelToInstall.installing=!0;let t=this.currenModelToInstall;if(t.linkNotValid){t.installing=!1,this.$refs.toast.showToast("Link is not valid, file does not exist",4,!1);return}let e=t.path;this.showProgress=!0,this.progress=0,this.addModel={model_name:this.selected_variant.name,binding_folder:this.configFile.binding_name,model_url:t.path},console.log("installing...",this.addModel);const n=s=>{if(console.log("received something"),s.status&&s.progress<=100){if(this.addModel=s,console.log("Progress",s),t.progress=s.progress,t.speed=s.speed,t.total_size=s.total_size,t.downloaded_size=s.downloaded_size,t.start_time=s.start_time,t.installing=!0,t.progress==100){const o=this.models.findIndex(r=>r.path===e);this.models[o].isInstalled=!0,this.showProgress=!1,t.installing=!1,console.log("Received succeeded"),Ee.off("install_progress",n),console.log("Installed successfully"),this.$refs.toast.showToast(`Model: `+t.title+` installed!`,4,!0),this.$store.dispatch("refreshDiskUsage")}}else Ee.off("install_progress",n),console.log("Install failed"),t.installing=!1,this.showProgress=!1,console.error("Installation failed:",s.error),this.$refs.toast.showToast(`Model: `+t.title+` @@ -169,10 +169,10 @@ Response: Error: `+e.error,4,!1);this.isLoading=!1},onPersonalityReinstall(t){console.log("on reinstall ",t),this.isLoading=!0,ye.post("/reinstall_personality",{name:t.personality.path}).then(e=>{if(e)return this.isLoading=!1,console.log("reinstall_personality",e),e.data.status?this.$refs.toast.showToast("Personality reinstalled successfully!",4,!0):this.$refs.toast.showToast("Could not reinstall personality",4,!1),e.data;this.isLoading=!1}).catch(e=>(this.isLoading=!1,this.$refs.toast.showToast(`Could not reinstall personality `+e.message,4,!1),{status:!1}))},onPersonalityMounted(t){console.log("on sel ",t),this.configFile.personalities.includes(t.full_path)?this.configFile.personalities.length==1?this.$refs.toast.showToast("Can't unmount last personality",4,!1):this.unmountPersonality(t):this.mountPersonality(t)},personalityImgPlacehodler(t){t.target.src=Xn},searchPersonality_func(){clearTimeout(this.searchPersonalityTimer),this.searchPersonality&&(this.searchPersonalityInProgress=!0,setTimeout(this.filterPersonalities,this.searchPersonalityTimerInterval))},searchModel_func(){clearTimeout(this.searchModelTimer),this.searchModel&&(this.searchModelInProgress=!0,setTimeout(this.filterModels,this.searchModelTimer))}},async mounted(){this.constructor(),console.log("Getting voices"),this.getVoices()},activated(){this.isMounted&&this.constructor()},computed:{audio_out_voice:{get(){return this.$store.state.config.audio_out_voice},set(t){this.$store.state.config.audio_out_voice=t}},audioLanguages(){return[{code:"en-US",name:"English (US)"},{code:"en-GB",name:"English (UK)"},{code:"es-ES",name:"Spanish (Spain)"},{code:"es-MX",name:"Spanish (Mexico)"},{code:"fr-FR",name:"French (France)"},{code:"fr-CA",name:"French (Canada)"},{code:"de-DE",name:"German (Germany)"},{code:"it-IT",name:"Italian (Italy)"},{code:"pt-BR",name:"Portuguese (Brazil)"},{code:"pt-PT",name:"Portuguese (Portugal)"},{code:"ru-RU",name:"Russian (Russia)"},{code:"zh-CN",name:"Chinese (China)"},{code:"ja-JP",name:"Japanese (Japan)"},{code:"ar-SA",name:"Arabic (Saudi Arabia)"},{code:"tr-TR",name:"Turkish (Turkey)"},{code:"ms-MY",name:"Malay (Malaysia)"},{code:"ko-KR",name:"Korean (South Korea)"},{code:"nl-NL",name:"Dutch (Netherlands)"},{code:"sv-SE",name:"Swedish (Sweden)"},{code:"da-DK",name:"Danish (Denmark)"},{code:"fi-FI",name:"Finnish (Finland)"},{code:"no-NO",name:"Norwegian (Norway)"},{code:"pl-PL",name:"Polish (Poland)"},{code:"el-GR",name:"Greek (Greece)"},{code:"hu-HU",name:"Hungarian (Hungary)"},{code:"cs-CZ",name:"Czech (Czech Republic)"},{code:"th-TH",name:"Thai (Thailand)"},{code:"hi-IN",name:"Hindi (India)"},{code:"he-IL",name:"Hebrew (Israel)"},{code:"id-ID",name:"Indonesian (Indonesia)"},{code:"vi-VN",name:"Vietnamese (Vietnam)"},{code:"uk-UA",name:"Ukrainian (Ukraine)"},{code:"ro-RO",name:"Romanian (Romania)"},{code:"bg-BG",name:"Bulgarian (Bulgaria)"},{code:"hr-HR",name:"Croatian (Croatia)"},{code:"sr-RS",name:"Serbian (Serbia)"},{code:"sk-SK",name:"Slovak (Slovakia)"},{code:"sl-SI",name:"Slovenian (Slovenia)"},{code:"et-EE",name:"Estonian (Estonia)"},{code:"lv-LV",name:"Latvian (Latvia)"},{code:"lt-LT",name:"Lithuanian (Lithuania)"},{code:"ka-GE",name:"Georgian (Georgia)"},{code:"hy-AM",name:"Armenian (Armenia)"},{code:"az-AZ",name:"Azerbaijani (Azerbaijan)"},{code:"kk-KZ",name:"Kazakh (Kazakhstan)"},{code:"uz-UZ",name:"Uzbek (Uzbekistan)"},{code:"kkj-CM",name:"Kako (Cameroon)"},{code:"my-MM",name:"Burmese (Myanmar)"},{code:"ne-NP",name:"Nepali (Nepal)"},{code:"si-LK",name:"Sinhala (Sri Lanka)"}]},configFile:{get(){return this.$store.state.config},set(t){this.$store.commit("setConfig",t)}},userName:{get(){return this.$store.state.config.user_name},set(t){this.$store.state.config.user_name=t}},user_avatar:{get(){return"/user_infos/"+this.$store.state.config.user_avatar},set(t){this.$store.state.config.user_avatar=t}},enable_gpu:{get(){return this.$store.state.config.enable_gpu},set(t){this.$store.state.config.enable_gpu=t}},auto_update:{get(){return this.$store.state.config.auto_update},set(t){this.$store.state.config.auto_update=t}},auto_speak:{get(){return this.$store.state.config.auto_speak},set(t){this.$store.state.config.auto_speak=t}},audio_pitch:{get(){return this.$store.state.config.audio_pitch},set(t){this.$store.state.config.audio_pitch=t}},audio_in_language:{get(){return this.$store.state.config.audio_in_language},set(t){this.$store.state.config.audio_in_language=t}},use_user_name_in_discussions:{get(){return this.$store.state.config.use_user_name_in_discussions},set(t){this.$store.state.config.use_user_name_in_discussions=t}},db_path:{get(){return this.$store.state.config.db_path},set(t){this.$store.state.config.db_path=t}},personalities:{get(){return this.$store.state.personalities},set(t){this.$store.commit("setPersonalities",t)}},mountedPersArr:{get(){return this.$store.state.mountedPersArr},set(t){this.$store.commit("setMountedPers",t)}},bindingsArr:{get(){return this.$store.state.bindingsArr},set(t){this.$store.commit("setBindingsArr",t)}},modelsArr:{get(){return this.$store.state.modelsArr},set(t){this.$store.commit("setModelsArr",t)}},models:{get(){return this.$store.state.models_zoo},set(t){this.$store.commit("setModelsZoo",t)}},diskUsage:{get(){return this.$store.state.diskUsage},set(t){this.$store.commit("setDiskUsage",t)}},ramUsage:{get(){return this.$store.state.ramUsage},set(t){this.$store.commit("setRamUsage",t)}},vramUsage:{get(){return this.$store.state.vramUsage},set(t){this.$store.commit("setVramUsage",t)}},disk_available_space(){return this.computedFileSize(this.diskUsage.available_space)},disk_binding_models_usage(){return console.log(`this.diskUsage : ${this.diskUsage}`),this.computedFileSize(this.diskUsage.binding_models_usage)},disk_percent_usage(){return this.diskUsage.percent_usage},disk_total_space(){return this.computedFileSize(this.diskUsage.total_space)},ram_available_space(){return this.computedFileSize(this.ramUsage.available_space)},ram_usage(){return this.computedFileSize(this.ramUsage.ram_usage)},ram_percent_usage(){return this.ramUsage.percent_usage},ram_total_space(){return this.computedFileSize(this.ramUsage.total_space)},imgBinding(){if(this.isMounted)try{return this.$refs.bindingZoo[this.$refs.bindingZoo.findIndex(t=>t.binding.folder==this.configFile.binding_name)].$refs.imgElement.src}catch{return Rr}},imgModel(){if(this.isMounted)try{return this.$refs.modelZoo[this.$refs.modelZoo.findIndex(t=>t.title==this.configFile.model_name)].$refs.imgElement.src}catch{return Rr}},model_name(){if(this.isMounted)return this.configFile.model_name},binding_name(){if(!this.isMounted)return;const t=this.bindingsArr.findIndex(e=>e.folder===this.configFile.binding_name);if(t>-1)return this.bindingsArr[t].name},active_pesonality(){if(!this.isMounted)return;const t=this.personalities.findIndex(e=>e.full_path===this.configFile.personalities[this.configFile.active_personality_id]);if(t>-1)return this.personalities[t].name},speed_computed(){return Gt(this.addModel.speed)},total_size_computed(){return Gt(this.addModel.total_size)},downloaded_size_computed(){return Gt(this.addModel.downloaded_size)}},watch:{bec_collapsed(){be(()=>{ve.replace()})},pc_collapsed(){be(()=>{ve.replace()})},mc_collapsed(){be(()=>{ve.replace()})},sc_collapsed(){be(()=>{ve.replace()})},showConfirmation(){be(()=>{ve.replace()})},mzl_collapsed(){be(()=>{ve.replace()})},pzl_collapsed(){be(()=>{ve.replace()})},bzl_collapsed(){be(()=>{ve.replace()})},all_collapsed(t){this.collapseAll(t),be(()=>{ve.replace()})},settingsChanged(t){this.$store.state.settingsChanged=t,be(()=>{ve.replace()})},isLoading(){be(()=>{ve.replace()})},searchPersonality(t){t==""&&this.filterPersonalities()},searchModel(t){t==""&&this.filterModels()},mzdc_collapsed(){be(()=>{ve.replace()})}},async beforeRouteLeave(t){if(await this.$router.isReady(),this.settingsChanged)return await this.$refs.yesNoDialog.askQuestion(`Did You forget to apply changes? You need to apply changes before you leave, or else.`,"Apply configuration","Cancel")&&this.applyConfiguration(),!1;if(!this.isModelSelected)return await this.$refs.yesNoDialog.askQuestion(`Did You forgot to select model? -You need to select model before you leave, or else.`,"Ok","Cancel"),!1}},ce=t=>(ns("data-v-d851eb8b"),t=t(),ss(),t),_Le={class:"container overflow-y-scroll flex flex-col no-scrollbar shadow-lg p-10 pt-0"},bLe={class:"sticky top-0 z-10 flex flex-row mb-2 p-3 gap-3 w-full rounded-b-lg bg-bg-light-tone dark:bg-bg-dark-tone shadow-lg"},yLe={key:0,class:"flex gap-3 flex-1 items-center duration-75"},vLe=ce(()=>d("i",{"data-feather":"x"},null,-1)),wLe=[vLe],xLe=ce(()=>d("i",{"data-feather":"check"},null,-1)),kLe=[xLe],ELe={key:1,class:"flex gap-3 flex-1 items-center"},CLe=ce(()=>d("i",{"data-feather":"save"},null,-1)),ALe=[CLe],SLe=ce(()=>d("i",{"data-feather":"refresh-ccw"},null,-1)),TLe=[SLe],MLe=ce(()=>d("i",{"data-feather":"list"},null,-1)),OLe=[MLe],RLe={class:"flex gap-3 flex-1 items-center justify-end"},NLe=ce(()=>d("i",{"data-feather":"trash-2"},null,-1)),DLe=[NLe],LLe=ce(()=>d("i",{"data-feather":"refresh-ccw"},null,-1)),ILe=[LLe],PLe=ce(()=>d("i",{"data-feather":"arrow-up-circle"},null,-1)),FLe={key:0},BLe=ce(()=>d("i",{"data-feather":"alert-circle"},null,-1)),$Le=[BLe],jLe={class:"flex gap-3 items-center"},zLe={key:0,class:"flex gap-3 items-center"},ULe=ce(()=>d("i",{"data-feather":"check"},null,-1)),qLe=[ULe],HLe={key:1,role:"status"},VLe=ce(()=>d("svg",{"aria-hidden":"true",class:"w-6 h-6 animate-spin fill-secondary",viewBox:"0 0 100 101",fill:"none",xmlns:"http://www.w3.org/2000/svg"},[d("path",{d:"M100 50.5908C100 78.2051 77.6142 100.591 50 100.591C22.3858 100.591 0 78.2051 0 50.5908C0 22.9766 22.3858 0.59082 50 0.59082C77.6142 0.59082 100 22.9766 100 50.5908ZM9.08144 50.5908C9.08144 73.1895 27.4013 91.5094 50 91.5094C72.5987 91.5094 90.9186 73.1895 90.9186 50.5908C90.9186 27.9921 72.5987 9.67226 50 9.67226C27.4013 9.67226 9.08144 27.9921 9.08144 50.5908Z",fill:"currentColor"}),d("path",{d:"M93.9676 39.0409C96.393 38.4038 97.8624 35.9116 97.0079 33.5539C95.2932 28.8227 92.871 24.3692 89.8167 20.348C85.8452 15.1192 80.8826 10.7238 75.2124 7.41289C69.5422 4.10194 63.2754 1.94025 56.7698 1.05124C51.7666 0.367541 46.6976 0.446843 41.7345 1.27873C39.2613 1.69328 37.813 4.19778 38.4501 6.62326C39.0873 9.04874 41.5694 10.4717 44.0505 10.1071C47.8511 9.54855 51.7191 9.52689 55.5402 10.0491C60.8642 10.7766 65.9928 12.5457 70.6331 15.2552C75.2735 17.9648 79.3347 21.5619 82.5849 25.841C84.9175 28.9121 86.7997 32.2913 88.1811 35.8758C89.083 38.2158 91.5421 39.6781 93.9676 39.0409Z",fill:"currentFill"})],-1)),GLe=ce(()=>d("span",{class:"sr-only"},"Loading...",-1)),KLe={class:"flex flex-col mb-2 rounded-lg bg-bg-light-tone dark:bg-bg-dark-tone hover:bg-bg-light-tone-panel hover:dark:bg-bg-dark-tone-panel duration-150 shadow-lg"},WLe={class:"flex flex-row p-3"},ZLe=ce(()=>d("i",{"data-feather":"chevron-right"},null,-1)),YLe=[ZLe],JLe=ce(()=>d("i",{"data-feather":"chevron-down"},null,-1)),QLe=[JLe],XLe=ce(()=>d("h3",{class:"text-lg font-semibold cursor-pointer select-none mr-2"}," System status",-1)),eIe=ce(()=>d("div",{class:"mr-2"},"|",-1)),tIe={class:"text-base font-semibold cursor-pointer select-none items-center"},nIe={class:"flex gap-2 items-center"},sIe={key:0},oIe={class:"flex gap-2 items-center"},rIe=["title"],iIe=os('',34),aIe=[iIe],lIe={class:"font-bold font-large text-lg"},cIe={key:1},dIe={class:"flex gap-2 items-center"},uIe=os('',1),hIe={class:"font-bold font-large text-lg"},fIe=ce(()=>d("i",{"data-feather":"cpu",title:"CPU Ram",class:"w-5 h-5 mx-1 flex-shrink-0"},null,-1)),pIe={class:"font-bold font-large text-lg"},gIe=ce(()=>d("i",{"data-feather":"hard-drive",title:"Hard drive",class:"w-5 h-5 mx-1 flex-shrink-0"},null,-1)),mIe={class:"font-bold font-large text-lg"},_Ie={class:"mb-2"},bIe=ce(()=>d("label",{class:"flex items-center gap-1 ml-2 mb-2 text-sm font-medium text-gray-900 dark:text-white"},[d("svg",{xmlns:"http://www.w3.org/2000/svg",width:"24",height:"24",viewBox:"0 0 24 24"},[d("path",{fill:"currentColor",d:"M17 17H7V7h10m4 4V9h-2V7a2 2 0 0 0-2-2h-2V3h-2v2h-2V3H9v2H7c-1.11 0-2 .89-2 2v2H3v2h2v2H3v2h2v2a2 2 0 0 0 2 2h2v2h2v-2h2v2h2v-2h2a2 2 0 0 0 2-2v-2h2v-2h-2v-2m-6 2h-2v-2h2m2-2H9v6h6V9Z"})]),xe(" CPU Ram usage: ")],-1)),yIe={class:"flex flex-col mx-2"},vIe=ce(()=>d("b",null,"Avaliable ram: ",-1)),wIe=ce(()=>d("b",null,"Ram usage: ",-1)),xIe={class:"p-2"},kIe={class:"w-full bg-gray-200 rounded-full h-2.5 dark:bg-gray-700"},EIe={class:"mb-2"},CIe=ce(()=>d("label",{class:"flex items-center gap-1 ml-2 mb-2 text-sm font-medium text-gray-900 dark:text-white"},[d("i",{"data-feather":"hard-drive",class:"w-5 h-5"}),xe(" Disk usage: ")],-1)),AIe={class:"flex flex-col mx-2"},SIe=ce(()=>d("b",null,"Avaliable disk space: ",-1)),TIe=ce(()=>d("b",null,"Disk usage: ",-1)),MIe={class:"p-2"},OIe={class:"w-full bg-gray-200 rounded-full h-2.5 dark:bg-gray-700"},RIe={class:"mb-2"},NIe=os('',1),DIe={class:"flex flex-col mx-2"},LIe=ce(()=>d("b",null,"Model: ",-1)),IIe=ce(()=>d("b",null,"Avaliable vram: ",-1)),PIe=ce(()=>d("b",null,"GPU usage: ",-1)),FIe={class:"p-2"},BIe={class:"w-full bg-gray-200 rounded-full h-2.5 dark:bg-gray-700"},$Ie={class:"flex flex-col mb-2 rounded-lg bg-bg-light-tone dark:bg-bg-dark-tone hover:bg-bg-light-tone-panel hover:dark:bg-bg-dark-tone-panel duration-150 shadow-lg"},jIe={class:"flex flex-row p-3"},zIe=ce(()=>d("i",{"data-feather":"chevron-right"},null,-1)),UIe=[zIe],qIe=ce(()=>d("i",{"data-feather":"chevron-down"},null,-1)),HIe=[qIe],VIe=ce(()=>d("h3",{class:"text-lg font-semibold cursor-pointer select-none mr-2"}," Main configurations",-1)),GIe={class:"flex flex-row mb-2 px-3 pb-2"},KIe={class:"pb-2 m-2 expand-to-fit"},WIe={class:"bg-gray-50 border border-gray-300 text-gray-900 text-sm rounded-lg focus:ring-blue-500 focus:border-blue-500 block w-full p-2.5 dark:bg-gray-700 dark:border-gray-600 dark:placeholder-gray-400 dark:text-white dark:focus:ring-blue-500 dark:focus:border-blue-500"},ZIe=ce(()=>d("th",null,"Generic",-1)),YIe=ce(()=>d("td",{style:{"min-width":"200px"}},[d("label",{for:"db_path",class:"text-sm font-bold",style:{"margin-right":"1rem"}},"Database path:")],-1)),JIe={style:{width:"100%"}},QIe=ce(()=>d("td",{style:{"min-width":"200px"}},[d("label",{for:"enable_gpu",class:"text-sm font-bold",style:{"margin-right":"1rem"}},"Enable GPU:")],-1)),XIe=ce(()=>d("td",{style:{"min-width":"200px"}},[d("label",{for:"auto_update",class:"text-sm font-bold",style:{"margin-right":"1rem"}},"Auto update:")],-1)),ePe={class:"pb-2 m-2"},tPe={class:"bg-gray-50 border border-gray-300 text-gray-900 text-sm rounded-lg focus:ring-blue-500 focus:border-blue-500 block w-full p-2.5 dark:bg-gray-700 dark:border-gray-600 dark:placeholder-gray-400 dark:text-white dark:focus:ring-blue-500 dark:focus:border-blue-500"},nPe=ce(()=>d("th",null,"User",-1)),sPe=ce(()=>d("td",{style:{"min-width":"200px"}},[d("label",{for:"user_name",class:"text-sm font-bold",style:{"margin-right":"1rem"}},"User name:")],-1)),oPe={style:{width:"100%"}},rPe=ce(()=>d("td",{style:{"min-width":"200px"}},[d("label",{for:"user_name",class:"text-sm font-bold",style:{"margin-right":"1rem"}},"User avatar:")],-1)),iPe={style:{width:"100%"}},aPe={for:"avatar-upload"},lPe=["src"],cPe=ce(()=>d("td",{style:{"min-width":"200px"}},[d("label",{for:"use_user_name_in_discussions",class:"text-sm font-bold",style:{"margin-right":"1rem"}},"Use User Name in discussions:")],-1)),dPe={class:"pb-2 m-2"},uPe={class:"bg-gray-50 border border-gray-300 text-gray-900 text-sm rounded-lg focus:ring-blue-500 focus:border-blue-500 block w-full p-2.5 dark:bg-gray-700 dark:border-gray-600 dark:placeholder-gray-400 dark:text-white dark:focus:ring-blue-500 dark:focus:border-blue-500"},hPe=ce(()=>d("th",null,"Audio",-1)),fPe=ce(()=>d("td",{style:{"min-width":"200px"}},[d("label",{for:"auto_speak",class:"text-sm font-bold",style:{"margin-right":"1rem"}},"Enable auto speak:")],-1)),pPe=ce(()=>d("td",{style:{"min-width":"200px"}},[d("label",{for:"audio_pitch",class:"text-sm font-bold",style:{"margin-right":"1rem"}},"audio pitch:")],-1)),gPe={class:"w-full mt-1 px-2 py-1 border border-gray-300 rounded dark:bg-gray-600"},mPe=ce(()=>d("td",{style:{"min-width":"200px"}},[d("label",{for:"audio_in_language",class:"text-sm font-bold",style:{"margin-right":"1rem"}},"Input Audio Language:")],-1)),_Pe=["value"],bPe=ce(()=>d("td",{style:{"min-width":"200px"}},[d("label",{for:"audio_out_voice",class:"text-sm font-bold",style:{"margin-right":"1rem"}},"Output Audio Voice:")],-1)),yPe=["value"],vPe={class:"flex flex-col mb-2 rounded-lg bg-bg-light-tone dark:bg-bg-dark-tone hover:bg-bg-light-tone-panel hover:dark:bg-bg-dark-tone-panel duration-150 shadow-lg"},wPe={class:"flex flex-row p-3"},xPe=ce(()=>d("i",{"data-feather":"chevron-right"},null,-1)),kPe=[xPe],EPe=ce(()=>d("i",{"data-feather":"chevron-down"},null,-1)),CPe=[EPe],APe=ce(()=>d("h3",{class:"text-lg font-semibold cursor-pointer select-none mr-2"}," Binding zoo",-1)),SPe={key:0,class:"text-base text-red-600 flex gap-3 items-center mr-2"},TPe=ce(()=>d("i",{"data-feather":"alert-triangle",class:"flex-shrink-0"},null,-1)),MPe={key:1,class:"mr-2"},OPe={key:2,class:"text-base font-semibold cursor-pointer select-none items-center"},RPe={class:"flex gap-1 items-center"},NPe=["src"],DPe={class:"font-bold font-large text-lg line-clamp-1"},LPe={key:0,class:"mb-2"},IPe={for:"binding",class:"block ml-2 mb-2 text-sm font-medium text-gray-900 dark:text-white"},PPe=ce(()=>d("i",{"data-feather":"chevron-up"},null,-1)),FPe=[PPe],BPe=ce(()=>d("i",{"data-feather":"chevron-down"},null,-1)),$Pe=[BPe],jPe={class:"flex flex-col mb-2 rounded-lg bg-bg-light-tone dark:bg-bg-dark-tone hover:bg-bg-light-tone-panel hover:dark:bg-bg-dark-tone-panel duration-150 shadow-lg"},zPe={class:"flex flex-row p-3"},UPe=ce(()=>d("i",{"data-feather":"chevron-right"},null,-1)),qPe=[UPe],HPe=ce(()=>d("i",{"data-feather":"chevron-down"},null,-1)),VPe=[HPe],GPe=ce(()=>d("h3",{class:"text-lg font-semibold cursor-pointer select-none mr-2"}," Models zoo",-1)),KPe={class:"flex flex-row items-center"},WPe={key:0,class:"text-base text-red-600 flex gap-3 items-center mr-2"},ZPe=ce(()=>d("i",{"data-feather":"alert-triangle",class:"flex-shrink-0"},null,-1)),YPe={key:1,class:"text-base text-red-600 flex gap-3 items-center mr-2"},JPe=ce(()=>d("i",{"data-feather":"alert-triangle",class:"flex-shrink-0"},null,-1)),QPe={key:2,class:"mr-2"},XPe={key:3,class:"text-base font-semibold cursor-pointer select-none items-center"},eFe={class:"flex gap-1 items-center"},tFe=["src"],nFe={class:"font-bold font-large text-lg line-clamp-1"},sFe={class:"mx-2 mb-4"},oFe={class:"relative"},rFe={class:"absolute inset-y-0 left-0 flex items-center pl-3 pointer-events-none"},iFe={key:0},aFe=ce(()=>d("div",{role:"status"},[d("svg",{"aria-hidden":"true",class:"inline w-4 h-4 mr-2 text-gray-200 animate-spin dark:text-gray-600 fill-blue-600",viewBox:"0 0 100 101",fill:"none",xmlns:"http://www.w3.org/2000/svg"},[d("path",{d:"M100 50.5908C100 78.2051 77.6142 100.591 50 100.591C22.3858 100.591 0 78.2051 0 50.5908C0 22.9766 22.3858 0.59082 50 0.59082C77.6142 0.59082 100 22.9766 100 50.5908ZM9.08144 50.5908C9.08144 73.1895 27.4013 91.5094 50 91.5094C72.5987 91.5094 90.9186 73.1895 90.9186 50.5908C90.9186 27.9921 72.5987 9.67226 50 9.67226C27.4013 9.67226 9.08144 27.9921 9.08144 50.5908Z",fill:"currentColor"}),d("path",{d:"M93.9676 39.0409C96.393 38.4038 97.8624 35.9116 97.0079 33.5539C95.2932 28.8227 92.871 24.3692 89.8167 20.348C85.8452 15.1192 80.8826 10.7238 75.2124 7.41289C69.5422 4.10194 63.2754 1.94025 56.7698 1.05124C51.7666 0.367541 46.6976 0.446843 41.7345 1.27873C39.2613 1.69328 37.813 4.19778 38.4501 6.62326C39.0873 9.04874 41.5694 10.4717 44.0505 10.1071C47.8511 9.54855 51.7191 9.52689 55.5402 10.0491C60.8642 10.7766 65.9928 12.5457 70.6331 15.2552C75.2735 17.9648 79.3347 21.5619 82.5849 25.841C84.9175 28.9121 86.7997 32.2913 88.1811 35.8758C89.083 38.2158 91.5421 39.6781 93.9676 39.0409Z",fill:"currentFill"})]),d("span",{class:"sr-only"},"Loading...")],-1)),lFe=[aFe],cFe={key:1},dFe=ce(()=>d("svg",{"aria-hidden":"true",class:"w-5 h-5 text-gray-500 dark:text-gray-400",fill:"none",stroke:"currentColor",viewBox:"0 0 24 24",xmlns:"http://www.w3.org/2000/svg"},[d("path",{"stroke-linecap":"round","stroke-linejoin":"round","stroke-width":"2",d:"M21 21l-6-6m2-5a7 7 0 11-14 0 7 7 0 0114 0z"})],-1)),uFe=[dFe],hFe={key:0},fFe={key:0,class:"mb-2"},pFe={for:"model",class:"block ml-2 mb-2 text-sm font-medium text-gray-900 dark:text-white"},gFe={key:1},mFe={key:0,class:"mb-2"},_Fe={for:"model",class:"block ml-2 mb-2 text-sm font-medium text-gray-900 dark:text-white"},bFe=ce(()=>d("i",{"data-feather":"chevron-up"},null,-1)),yFe=[bFe],vFe=ce(()=>d("i",{"data-feather":"chevron-down"},null,-1)),wFe=[vFe],xFe={class:"flex flex-col mb-2 rounded-lg bg-bg-light-tone dark:bg-bg-dark-tone hover:bg-bg-light-tone-panel hover:dark:bg-bg-dark-tone-panel duration-150 shadow-lg"},kFe={class:"flex flex-row p-3"},EFe=ce(()=>d("i",{"data-feather":"chevron-right"},null,-1)),CFe=[EFe],AFe=ce(()=>d("i",{"data-feather":"chevron-down"},null,-1)),SFe=[AFe],TFe=ce(()=>d("h3",{class:"text-lg font-semibold cursor-pointer select-none mr-2"}," Add models for binding",-1)),MFe={key:0,class:"text-base text-red-600 flex gap-3 items-center mr-2"},OFe=ce(()=>d("i",{"data-feather":"alert-triangle",class:"flex-shrink-0"},null,-1)),RFe={key:1,class:"mr-2"},NFe={key:2,class:"text-base font-semibold cursor-pointer select-none items-center"},DFe={class:"flex gap-1 items-center"},LFe=["src"],IFe={class:"font-bold font-large text-lg line-clamp-1"},PFe={class:"mb-2"},FFe={class:"p-2"},BFe={class:"mb-3"},$Fe=ce(()=>d("label",{class:"block mb-2 text-sm font-medium text-gray-900 dark:text-white"},"Create a reference from local file path:",-1)),jFe={key:0},zFe={class:"mb-3"},UFe=ce(()=>d("label",{class:"block mb-2 text-sm font-medium text-gray-900 dark:text-white"},"Download from web:",-1)),qFe={key:1,class:"relative flex flex-col items-center justify-center flex-grow h-full"},HFe=ce(()=>d("div",{role:"status",class:"justify-center"},null,-1)),VFe={class:"relative flex flex-row flex-grow items-center w-full h-full bottom-0"},GFe={class:"w-full p-2"},KFe={class:"flex justify-between mb-1"},WFe=os(' Downloading Loading...',1),ZFe={class:"text-sm font-medium text-blue-700 dark:text-white"},YFe=["title"],JFe={class:"w-full bg-gray-200 rounded-full h-2.5 dark:bg-gray-700"},QFe={class:"flex justify-between mb-1"},XFe={class:"text-base font-medium text-blue-700 dark:text-white"},eBe={class:"text-sm font-medium text-blue-700 dark:text-white"},tBe={class:"flex flex-grow"},nBe={class:"flex flex-row flex-grow gap-3"},sBe={class:"p-2 text-center grow"},oBe={class:"flex flex-col mb-2 rounded-lg bg-bg-light-tone dark:bg-bg-dark-tone hover:bg-bg-light-tone-panel hover:dark:bg-bg-dark-tone-panel duration-150 shadow-lg"},rBe={class:"flex flex-row p-3 items-center"},iBe=ce(()=>d("i",{"data-feather":"chevron-right"},null,-1)),aBe=[iBe],lBe=ce(()=>d("i",{"data-feather":"chevron-down"},null,-1)),cBe=[lBe],dBe=ce(()=>d("h3",{class:"text-lg font-semibold cursor-pointer select-none mr-2"}," Personalities zoo",-1)),uBe={key:0,class:"mr-2"},hBe={class:"mr-2 font-bold font-large text-lg line-clamp-1"},fBe={key:1,class:"mr-2"},pBe={key:2,class:"text-base font-semibold cursor-pointer select-none items-center flex flex-row"},gBe={key:0,class:"flex -space-x-4 items-center"},mBe={class:"group items-center flex flex-row"},_Be=["onClick"],bBe=["src","title"],yBe=["onClick"],vBe=ce(()=>d("span",{class:"hidden group-hover:block top-0 left-7 absolute active:scale-90 bg-bg-light dark:bg-bg-dark rounded-full border-2 border-transparent",title:"Unmount personality"},[d("svg",{"aria-hidden":"true",class:"w-4 h-4 text-red-600 hover:text-red-500",fill:"currentColor",viewBox:"0 0 20 20",xmlns:"http://www.w3.org/2000/svg"},[d("path",{"fill-rule":"evenodd",d:"M4.293 4.293a1 1 0 011.414 0L10 8.586l4.293-4.293a1 1 0 111.414 1.414L11.414 10l4.293 4.293a1 1 0 01-1.414 1.414L10 11.414l-4.293 4.293a1 1 0 01-1.414-1.414L8.586 10 4.293 5.707a1 1 0 010-1.414z","clip-rule":"evenodd"})])],-1)),wBe=[vBe],xBe={class:"mx-2 mb-4"},kBe=ce(()=>d("label",{for:"personality-search",class:"mb-2 text-sm font-medium text-gray-900 sr-only dark:text-white"},"Search",-1)),EBe={class:"relative"},CBe={class:"absolute inset-y-0 left-0 flex items-center pl-3 pointer-events-none"},ABe={key:0},SBe=ce(()=>d("div",{role:"status"},[d("svg",{"aria-hidden":"true",class:"inline w-4 h-4 mr-2 text-gray-200 animate-spin dark:text-gray-600 fill-blue-600",viewBox:"0 0 100 101",fill:"none",xmlns:"http://www.w3.org/2000/svg"},[d("path",{d:"M100 50.5908C100 78.2051 77.6142 100.591 50 100.591C22.3858 100.591 0 78.2051 0 50.5908C0 22.9766 22.3858 0.59082 50 0.59082C77.6142 0.59082 100 22.9766 100 50.5908ZM9.08144 50.5908C9.08144 73.1895 27.4013 91.5094 50 91.5094C72.5987 91.5094 90.9186 73.1895 90.9186 50.5908C90.9186 27.9921 72.5987 9.67226 50 9.67226C27.4013 9.67226 9.08144 27.9921 9.08144 50.5908Z",fill:"currentColor"}),d("path",{d:"M93.9676 39.0409C96.393 38.4038 97.8624 35.9116 97.0079 33.5539C95.2932 28.8227 92.871 24.3692 89.8167 20.348C85.8452 15.1192 80.8826 10.7238 75.2124 7.41289C69.5422 4.10194 63.2754 1.94025 56.7698 1.05124C51.7666 0.367541 46.6976 0.446843 41.7345 1.27873C39.2613 1.69328 37.813 4.19778 38.4501 6.62326C39.0873 9.04874 41.5694 10.4717 44.0505 10.1071C47.8511 9.54855 51.7191 9.52689 55.5402 10.0491C60.8642 10.7766 65.9928 12.5457 70.6331 15.2552C75.2735 17.9648 79.3347 21.5619 82.5849 25.841C84.9175 28.9121 86.7997 32.2913 88.1811 35.8758C89.083 38.2158 91.5421 39.6781 93.9676 39.0409Z",fill:"currentFill"})]),d("span",{class:"sr-only"},"Loading...")],-1)),TBe=[SBe],MBe={key:1},OBe=ce(()=>d("svg",{"aria-hidden":"true",class:"w-5 h-5 text-gray-500 dark:text-gray-400",fill:"none",stroke:"currentColor",viewBox:"0 0 24 24",xmlns:"http://www.w3.org/2000/svg"},[d("path",{"stroke-linecap":"round","stroke-linejoin":"round","stroke-width":"2",d:"M21 21l-6-6m2-5a7 7 0 11-14 0 7 7 0 0114 0z"})],-1)),RBe=[OBe],NBe={key:0,class:"mx-2 mb-4"},DBe={for:"persCat",class:"block mb-2 text-sm font-medium text-gray-900 dark:text-white"},LBe=["selected"],IBe={key:0,class:"mb-2"},PBe={for:"model",class:"block ml-2 mb-2 text-sm font-medium text-gray-900 dark:text-white"},FBe=ce(()=>d("i",{"data-feather":"chevron-up"},null,-1)),BBe=[FBe],$Be=ce(()=>d("i",{"data-feather":"chevron-down"},null,-1)),jBe=[$Be],zBe={class:"flex flex-col mb-2 p-3 rounded-lg bg-bg-light-tone dark:bg-bg-dark-tone hover:bg-bg-light-tone-panel hover:dark:bg-bg-dark-tone-panel duration-150 shadow-lg"},UBe={class:"flex flex-row"},qBe=ce(()=>d("i",{"data-feather":"chevron-right"},null,-1)),HBe=[qBe],VBe=ce(()=>d("i",{"data-feather":"chevron-down"},null,-1)),GBe=[VBe],KBe=ce(()=>d("h3",{class:"text-lg font-semibold cursor-pointer select-none"}," Model Configuration",-1)),WBe={class:"m-2"},ZBe={class:"flex flex-row gap-2 items-center"},YBe=ce(()=>d("label",{for:"override-model-parameters",class:"block text-sm font-medium"}," Override personality model parameters ",-1)),JBe={class:"m-2"},QBe=ce(()=>d("label",{for:"seed",class:"block mb-2 text-sm font-medium"}," Seed: ",-1)),XBe={class:"m-2"},e$e={class:"flex flex-col align-bottom"},t$e={class:"relative"},n$e=ce(()=>d("p",{class:"absolute left-0 mt-6"},[d("label",{for:"temperature",class:"text-sm font-medium"}," Temperature: ")],-1)),s$e={class:"absolute right-0"},o$e={class:"m-2"},r$e={class:"flex flex-col align-bottom"},i$e={class:"relative"},a$e=ce(()=>d("p",{class:"absolute left-0 mt-6"},[d("label",{for:"predict",class:"text-sm font-medium"}," N Predict: ")],-1)),l$e={class:"absolute right-0"},c$e={class:"m-2"},d$e={class:"flex flex-col align-bottom"},u$e={class:"relative"},h$e=ce(()=>d("p",{class:"absolute left-0 mt-6"},[d("label",{for:"top_k",class:"text-sm font-medium"}," Top-K: ")],-1)),f$e={class:"absolute right-0"},p$e={class:"m-2"},g$e={class:"flex flex-col align-bottom"},m$e={class:"relative"},_$e=ce(()=>d("p",{class:"absolute left-0 mt-6"},[d("label",{for:"top_p",class:"text-sm font-medium"}," Top-P: ")],-1)),b$e={class:"absolute right-0"},y$e={class:"m-2"},v$e={class:"flex flex-col align-bottom"},w$e={class:"relative"},x$e=ce(()=>d("p",{class:"absolute left-0 mt-6"},[d("label",{for:"repeat_penalty",class:"text-sm font-medium"}," Repeat penalty: ")],-1)),k$e={class:"absolute right-0"},E$e={class:"m-2"},C$e={class:"flex flex-col align-bottom"},A$e={class:"relative"},S$e=ce(()=>d("p",{class:"absolute left-0 mt-6"},[d("label",{for:"repeat_last_n",class:"text-sm font-medium"}," Repeat last N: ")],-1)),T$e={class:"absolute right-0"};function M$e(t,e,n,s,o,r){const i=Ve("BindingEntry"),a=Ve("model-entry"),l=Ve("personality-entry"),c=Ve("YesNoDialog"),u=Ve("AddModelDialog"),h=Ve("MessageBox"),f=Ve("Toast"),g=Ve("UniversalForm"),m=Ve("ChoiceDialog");return k(),C(Oe,null,[d("div",_Le,[d("div",bLe,[o.showConfirmation?(k(),C("div",yLe,[d("button",{class:"text-2xl hover:text-red-600 duration-75 active:scale-90",title:"Cancel",type:"button",onClick:e[0]||(e[0]=le(p=>o.showConfirmation=!1,["stop"]))},wLe),d("button",{class:"text-2xl hover:text-secondary duration-75 active:scale-90",title:"Confirm save changes",type:"button",onClick:e[1]||(e[1]=le(p=>r.save_configuration(),["stop"]))},kLe)])):B("",!0),o.showConfirmation?B("",!0):(k(),C("div",ELe,[d("button",{title:"Save configuration",class:"text-2xl hover:text-secondary duration-75 active:scale-90",onClick:e[2]||(e[2]=p=>o.showConfirmation=!0)},ALe),d("button",{title:"Reset configuration",class:"text-2xl hover:text-secondary duration-75 active:scale-90",onClick:e[3]||(e[3]=p=>r.reset_configuration())},TLe),d("button",{class:"text-2xl hover:text-secondary duration-75 active:scale-90",title:"Collapse / Expand all panels",type:"button",onClick:e[4]||(e[4]=le(p=>o.all_collapsed=!o.all_collapsed,["stop"]))},OLe)])),d("div",RLe,[d("button",{title:"Clear uploads",class:"text-2xl hover:text-secondary duration-75 active:scale-90",onClick:e[5]||(e[5]=p=>r.api_get_req("clear_uploads").then(b=>{b.status?this.$refs.toast.showToast("Success!",4,!0):this.$refs.toast.showToast(["failed!"],4,!1)}))},DLe),d("button",{title:"Restart program",class:"text-2xl hover:text-secondary duration-75 active:scale-90",onClick:e[6]||(e[6]=p=>r.api_get_req("restart_program").then(b=>{b.status?this.$refs.toast.showToast("Success!",4,!0):this.$refs.toast.showToast(["failed!"],4,!1)}))},ILe),d("button",{title:"Upgrade program ",class:"text-2xl hover:text-secondary duration-75 active:scale-90",onClick:e[7]||(e[7]=p=>r.api_get_req("update_software").then(b=>{b.status?this.$refs.toast.showToast("Success!",4,!0):this.$refs.toast.showToast("Success!",4,!0)}))},[PLe,o.has_updates?(k(),C("div",FLe,$Le)):B("",!0)]),d("div",jLe,[o.settingsChanged?(k(),C("div",zLe,[xe(" Apply changes: "),o.isLoading?B("",!0):(k(),C("button",{key:0,class:"text-2xl hover:text-secondary duration-75 active:scale-90",title:"Apply changes",type:"button",onClick:e[8]||(e[8]=le(p=>r.applyConfiguration(),["stop"]))},qLe))])):B("",!0),o.isLoading?(k(),C("div",HLe,[d("p",null,H(o.loading_text),1),VLe,GLe])):B("",!0)])])]),d("div",{class:Me(o.isLoading?"pointer-events-none opacity-30":"")},[d("div",KLe,[d("div",WLe,[d("button",{onClick:e[9]||(e[9]=le(p=>o.sc_collapsed=!o.sc_collapsed,["stop"])),class:"text-2xl hover:text-primary p-2 -m-2 w-full text-left flex flex-row items-center"},[fe(d("div",null,YLe,512),[[Ye,o.sc_collapsed]]),fe(d("div",null,QLe,512),[[Ye,!o.sc_collapsed]]),XLe,eIe,d("div",tIe,[d("div",nIe,[d("div",null,[r.vramUsage&&r.vramUsage.gpus&&r.vramUsage.gpus.length==1?(k(),C("div",sIe,[(k(!0),C(Oe,null,Ge(r.vramUsage.gpus,p=>(k(),C("div",oIe,[(k(),C("svg",{title:p.gpu_model,"aria-hidden":"true",class:"w-10 h-10 fill-secondary",viewBox:"0 -3 82 66",fill:"none",xmlns:"http://www.w3.org/2000/svg"},aIe,8,rIe)),d("h3",lIe,[d("div",null,H(r.computedFileSize(p.used_vram))+" / "+H(r.computedFileSize(p.total_vram))+" ("+H(p.percentage)+"%) ",1)])]))),256))])):B("",!0),r.vramUsage&&r.vramUsage.gpus&&r.vramUsage.gpus.length>1?(k(),C("div",cIe,[d("div",dIe,[uIe,d("h3",hIe,[d("div",null,H(r.vramUsage.gpus.length)+"x ",1)])])])):B("",!0)]),fIe,d("h3",pIe,[d("div",null,H(r.ram_usage)+" / "+H(r.ram_total_space)+" ("+H(r.ram_percent_usage)+"%)",1)]),gIe,d("h3",mIe,[d("div",null,H(r.disk_binding_models_usage)+" / "+H(r.disk_total_space)+" ("+H(r.disk_percent_usage)+"%)",1)])])])])]),d("div",{class:Me([{hidden:o.sc_collapsed},"flex flex-col mb-2 px-3 pb-0"])},[d("div",_Ie,[bIe,d("div",yIe,[d("div",null,[vIe,xe(H(r.ram_available_space),1)]),d("div",null,[wIe,xe(" "+H(r.ram_usage)+" / "+H(r.ram_total_space)+" ("+H(r.ram_percent_usage)+")% ",1)])]),d("div",xIe,[d("div",kIe,[d("div",{class:"bg-blue-600 h-2.5 rounded-full",style:bt("width: "+r.ram_percent_usage+"%;")},null,4)])])]),d("div",EIe,[CIe,d("div",AIe,[d("div",null,[SIe,xe(H(r.disk_available_space),1)]),d("div",null,[TIe,xe(" "+H(r.disk_binding_models_usage)+" / "+H(r.disk_total_space)+" ("+H(r.disk_percent_usage)+"%)",1)])]),d("div",MIe,[d("div",OIe,[d("div",{class:"bg-blue-600 h-2.5 rounded-full",style:bt("width: "+r.disk_percent_usage+"%;")},null,4)])])]),(k(!0),C(Oe,null,Ge(r.vramUsage.gpus,p=>(k(),C("div",RIe,[NIe,d("div",DIe,[d("div",null,[LIe,xe(H(p.gpu_model),1)]),d("div",null,[IIe,xe(H(this.computedFileSize(p.available_space)),1)]),d("div",null,[PIe,xe(" "+H(this.computedFileSize(p.used_vram))+" / "+H(this.computedFileSize(p.total_vram))+" ("+H(p.percentage)+"%)",1)])]),d("div",FIe,[d("div",BIe,[d("div",{class:"bg-blue-600 h-2.5 rounded-full",style:bt("width: "+p.percentage+"%;")},null,4)])])]))),256))],2)]),d("div",$Ie,[d("div",jIe,[d("button",{onClick:e[10]||(e[10]=le(p=>o.minconf_collapsed=!o.minconf_collapsed,["stop"])),class:"text-2xl hover:text-primary p-2 -m-2 w-full text-left flex flex-row items-center"},[fe(d("div",null,UIe,512),[[Ye,o.minconf_collapsed]]),fe(d("div",null,HIe,512),[[Ye,!o.minconf_collapsed]]),VIe])]),d("div",{class:Me([{hidden:o.minconf_collapsed},"flex flex-col mb-2 px-3 pb-0"])},[d("div",GIe,[d("div",KIe,[d("table",WIe,[ZIe,d("tr",null,[YIe,d("td",JIe,[fe(d("input",{type:"text",id:"db_path",required:"","onUpdate:modelValue":e[11]||(e[11]=p=>r.configFile.db_path=p),onChange:e[12]||(e[12]=p=>o.settingsChanged=!0),class:"w-full w-full mt-1 px-2 py-1 border border-gray-300 rounded dark:bg-gray-600 dark:bg-gray-600"},null,544),[[Ie,r.configFile.db_path]])])]),d("tr",null,[QIe,d("td",null,[fe(d("input",{type:"checkbox",id:"enable_gpu",required:"","onUpdate:modelValue":e[13]||(e[13]=p=>r.configFile.enable_gpu=p),onChange:e[14]||(e[14]=p=>o.settingsChanged=!0),class:"w-full mt-1 px-2 py-1 border border-gray-300 rounded dark:bg-gray-600"},null,544),[[kt,r.configFile.enable_gpu]])])]),d("tr",null,[XIe,d("td",null,[fe(d("input",{type:"checkbox",id:"auto_update",required:"","onUpdate:modelValue":e[15]||(e[15]=p=>r.configFile.auto_update=p),onChange:e[16]||(e[16]=p=>o.settingsChanged=!0),class:"w-full mt-1 px-2 py-1 border border-gray-300 rounded dark:bg-gray-600"},null,544),[[kt,r.configFile.auto_update]])])])])]),d("div",ePe,[d("table",tPe,[nPe,d("tr",null,[sPe,d("td",oPe,[fe(d("input",{type:"text",id:"user_name",required:"","onUpdate:modelValue":e[17]||(e[17]=p=>r.configFile.userName=p),onChange:e[18]||(e[18]=p=>o.settingsChanged=!0),class:"w-full w-full mt-1 px-2 py-1 border border-gray-300 rounded dark:bg-gray-600"},null,544),[[Ie,r.configFile.userName]])])]),d("tr",null,[rPe,d("td",iPe,[d("label",aPe,[d("img",{src:r.configFile.user_avatar,class:"w-50 h-50 rounded-full",style:{"max-width":"50px","max-height":"50px",cursor:"pointer"}},null,8,lPe)]),d("input",{type:"file",id:"avatar-upload",style:{display:"none"},onChange:e[19]||(e[19]=(...p)=>r.uploadAvatar&&r.uploadAvatar(...p))},null,32)])]),d("tr",null,[cPe,d("td",null,[fe(d("input",{type:"checkbox",id:"use_user_name_in_discussions",required:"","onUpdate:modelValue":e[20]||(e[20]=p=>r.configFile.use_user_name_in_discussions=p),onChange:e[21]||(e[21]=p=>o.settingsChanged=!0),class:"w-full mt-1 px-2 py-1 border border-gray-300 rounded dark:bg-gray-600"},null,544),[[kt,r.configFile.use_user_name_in_discussions]])])])])]),d("div",dPe,[d("table",uPe,[hPe,d("tr",null,[fPe,d("td",null,[fe(d("input",{type:"checkbox",id:"auto_speak",required:"","onUpdate:modelValue":e[22]||(e[22]=p=>r.configFile.auto_speak=p),onChange:e[23]||(e[23]=p=>o.settingsChanged=!0),class:"w-full mt-1 px-2 py-1 border border-gray-300 rounded dark:bg-gray-600"},null,544),[[kt,r.configFile.auto_speak]])])]),d("tr",null,[pPe,d("td",null,[fe(d("input",{id:"audio_pitch","onUpdate:modelValue":e[24]||(e[24]=p=>r.configFile.audio_pitch=p),onChange:e[25]||(e[25]=p=>o.settingsChanged=!0),type:"range",min:"0",max:"10",step:"0.1",class:"flex-none h-2 mt-14 mb-2 w-full bg-gray-200 rounded-lg appearance-none cursor-pointer dark:bg-gray-700 focus:ring-blue-500 focus:border-blue-500 dark:border-gray-600 dark:placeholder-gray-400 dark:focus:ring-blue-500 dark:focus:border-blue-500"},null,544),[[Ie,r.configFile.audio_pitch]]),d("p",gPe,H(r.audio_pitch),1)])]),d("tr",null,[mPe,d("td",null,[fe(d("select",{id:"audio_in_language","onUpdate:modelValue":e[26]||(e[26]=p=>r.configFile.audio_in_language=p),onChange:e[27]||(e[27]=p=>o.settingsChanged=!0),class:"w-full mt-1 px-2 py-1 border border-gray-300 rounded dark:bg-gray-600"},[(k(!0),C(Oe,null,Ge(r.audioLanguages,p=>(k(),C("option",{key:p.code,value:p.code},H(p.name),9,_Pe))),128))],544),[[Ms,r.configFile.audio_in_language]])])]),d("tr",null,[bPe,d("td",null,[fe(d("select",{id:"audio_out_voice","onUpdate:modelValue":e[28]||(e[28]=p=>r.configFile.audio_out_voice=p),onChange:e[29]||(e[29]=p=>o.settingsChanged=!0),class:"w-full mt-1 px-2 py-1 border border-gray-300 rounded dark:bg-gray-600"},[(k(!0),C(Oe,null,Ge(o.audioVoices,p=>(k(),C("option",{key:p.name,value:p.name},H(p.name),9,yPe))),128))],544),[[Ms,r.configFile.audio_out_voice]])])])])])])],2)]),d("div",vPe,[d("div",wPe,[d("button",{onClick:e[30]||(e[30]=le(p=>o.bzc_collapsed=!o.bzc_collapsed,["stop"])),class:"text-2xl hover:text-primary p-2 -m-2 w-full text-left flex flex-row items-center"},[fe(d("div",null,kPe,512),[[Ye,o.bzc_collapsed]]),fe(d("div",null,CPe,512),[[Ye,!o.bzc_collapsed]]),APe,r.configFile.binding_name?B("",!0):(k(),C("div",SPe,[TPe,xe(" No binding selected! ")])),r.configFile.binding_name?(k(),C("div",MPe,"|")):B("",!0),r.configFile.binding_name?(k(),C("div",OPe,[d("div",RPe,[d("img",{src:r.imgBinding,class:"w-8 h-8 rounded-full object-fill text-blue-700"},null,8,NPe),d("h3",DPe,H(r.binding_name),1)])])):B("",!0)])]),d("div",{class:Me([{hidden:o.bzc_collapsed},"flex flex-col mb-2 px-3 pb-0"])},[r.bindingsArr&&r.bindingsArr.length>0?(k(),C("div",LPe,[d("label",IPe," Bindings: ("+H(r.bindingsArr.length)+") ",1),d("div",{class:Me(["overflow-y-auto no-scrollbar p-2 pb-0 grid lg:grid-cols-3 md:grid-cols-2 gap-4",o.bzl_collapsed?"":"max-h-96"])},[he(Ut,{name:"list"},{default:De(()=>[(k(!0),C(Oe,null,Ge(r.bindingsArr,(p,b)=>(k(),st(i,{ref_for:!0,ref:"bindingZoo",key:"index-"+b+"-"+p.folder,binding:p,"on-selected":r.onSelectedBinding,"on-reinstall":r.onReinstallBinding,"on-install":r.onInstallBinding,"on-settings":r.onSettingsBinding,"on-reload-binding":r.onReloadBinding,selected:p.folder===r.configFile.binding_name},null,8,["binding","on-selected","on-reinstall","on-install","on-settings","on-reload-binding","selected"]))),128))]),_:1})],2)])):B("",!0),o.bzl_collapsed?(k(),C("button",{key:1,class:"text-2xl hover:text-secondary duration-75 flex justify-center hover:bg-bg-light-tone hover:dark:bg-bg-dark-tone rounded-lg",title:"Collapse",type:"button",onClick:e[31]||(e[31]=p=>o.bzl_collapsed=!o.bzl_collapsed)},FPe)):(k(),C("button",{key:2,class:"text-2xl hover:text-secondary duration-75 flex justify-center hover:bg-bg-light-tone hover:dark:bg-bg-dark-tone rounded-lg",title:"Expand",type:"button",onClick:e[32]||(e[32]=p=>o.bzl_collapsed=!o.bzl_collapsed)},$Pe))],2)]),d("div",jPe,[d("div",zPe,[d("button",{onClick:e[33]||(e[33]=le(p=>o.mzc_collapsed=!o.mzc_collapsed,["stop"])),class:"text-2xl hover:text-primary p-2 -m-2 w-full text-left flex items-center"},[fe(d("div",null,qPe,512),[[Ye,o.mzc_collapsed]]),fe(d("div",null,VPe,512),[[Ye,!o.mzc_collapsed]]),GPe,d("div",KPe,[r.configFile.binding_name?B("",!0):(k(),C("div",WPe,[ZPe,xe(" Select binding first! ")])),!o.isModelSelected&&r.configFile.binding_name?(k(),C("div",YPe,[JPe,xe(" No model selected! ")])):B("",!0),r.configFile.model_name?(k(),C("div",QPe,"|")):B("",!0),r.configFile.model_name?(k(),C("div",XPe,[d("div",eFe,[d("img",{src:r.imgModel,class:"w-8 h-8 rounded-lg object-fill"},null,8,tFe),d("h3",nFe,H(r.model_name),1)])])):B("",!0)])])]),d("div",{class:Me([{hidden:o.mzc_collapsed},"flex flex-col mb-2 px-3 pb-0"])},[d("div",sFe,[d("div",oFe,[d("div",rFe,[o.searchModelInProgress?(k(),C("div",iFe,lFe)):B("",!0),o.searchModelInProgress?B("",!0):(k(),C("div",cFe,uFe))]),fe(d("input",{type:"search",class:"block w-full p-4 pl-10 text-sm text-gray-900 border border-gray-300 rounded-lg bg-gray-50 focus:ring-blue-500 focus:border-blue-500 dark:bg-gray-700 dark:border-gray-600 dark:placeholder-gray-400 dark:text-white dark:focus:ring-blue-500 dark:focus:border-blue-500",placeholder:"Search models...",required:"","onUpdate:modelValue":e[34]||(e[34]=p=>o.searchModel=p),onKeyup:e[35]||(e[35]=le((...p)=>r.searchModel_func&&r.searchModel_func(...p),["stop"]))},null,544),[[Ie,o.searchModel]]),o.searchModel?(k(),C("button",{key:0,onClick:e[36]||(e[36]=le(p=>o.searchModel="",["stop"])),type:"button",class:"text-white absolute right-2.5 bottom-2.5 bg-blue-700 hover:bg-blue-800 focus:ring-4 focus:outline-none focus:ring-blue-300 font-medium rounded-lg text-sm px-4 py-2 dark:bg-blue-600 dark:hover:bg-blue-700 dark:focus:ring-blue-800"}," Clear search")):B("",!0)])]),o.searchModel?(k(),C("div",hFe,[o.modelsFiltered.length>0?(k(),C("div",fFe,[d("label",pFe," Search results: ("+H(o.modelsFiltered.length)+") ",1),d("div",{class:Me(["overflow-y-auto no-scrollbar p-2 pb-0 grid lg:grid-cols-3 md:grid-cols-2 gap-4",o.mzl_collapsed?"":"max-h-96"])},[he(Ut,{name:"list"},{default:De(()=>[(k(!0),C(Oe,null,Ge(o.modelsFiltered,(p,b)=>(k(),st(a,{ref_for:!0,ref:"modelZoo",key:"index-"+b+"-"+p.title,title:p.title,icon:p.icon,path:p.path,owner:p.owner,owner_link:p.owner_link,license:p.license,description:p.description,"is-installed":p.isInstalled,"on-install":r.onInstall,"on-uninstall":r.onUninstall,"on-selected":r.onSelected,selected:p.title===r.configFile.model_name,model:p,model_type:p.model_type,"on-copy":r.onCopy,"on-copy-link":r.onCopyLink,"on-cancel-install":r.onCancelInstall},null,8,["title","icon","path","owner","owner_link","license","description","is-installed","on-install","on-uninstall","on-selected","selected","model","model_type","on-copy","on-copy-link","on-cancel-install"]))),128))]),_:1})],2)])):B("",!0)])):B("",!0),o.searchModel?B("",!0):(k(),C("div",gFe,[r.models&&r.models.length>0?(k(),C("div",mFe,[d("label",_Fe," Models: ("+H(r.models.length)+") ",1),d("div",{class:Me(["overflow-y-auto no-scrollbar p-2 pb-0 grid lg:grid-cols-3 md:grid-cols-2 gap-4",o.mzl_collapsed?"":"max-h-96"])},[he(Ut,{name:"list"},{default:De(()=>[(k(!0),C(Oe,null,Ge(r.models,(p,b)=>(k(),st(a,{ref_for:!0,ref:"modelZoo",key:"index-"+b+"-"+p.title,title:p.title,icon:p.icon,path:p.path,owner:p.owner,owner_link:p.owner_link,license:p.license,description:p.description,"is-installed":p.isInstalled,"on-install":r.onInstall,"on-uninstall":r.onUninstall,"on-selected":r.onSelected,selected:p.title===r.configFile.model_name,model:p,model_type:p.model_type,"on-copy":r.onCopy,"on-copy-link":r.onCopyLink,"on-cancel-install":r.onCancelInstall},null,8,["title","icon","path","owner","owner_link","license","description","is-installed","on-install","on-uninstall","on-selected","selected","model","model_type","on-copy","on-copy-link","on-cancel-install"]))),128))]),_:1})],2)])):B("",!0)])),o.mzl_collapsed?(k(),C("button",{key:2,class:"text-2xl hover:text-secondary duration-75 flex justify-center hover:bg-bg-light-tone hover:dark:bg-bg-dark-tone rounded-lg",title:"Collapse",type:"button",onClick:e[37]||(e[37]=(...p)=>r.open_mzl&&r.open_mzl(...p))},yFe)):(k(),C("button",{key:3,class:"text-2xl hover:text-secondary duration-75 flex justify-center hover:bg-bg-light-tone hover:dark:bg-bg-dark-tone rounded-lg",title:"Expand",type:"button",onClick:e[38]||(e[38]=(...p)=>r.open_mzl&&r.open_mzl(...p))},wFe))],2)]),d("div",xFe,[d("div",kFe,[d("button",{onClick:e[39]||(e[39]=le(p=>o.mzdc_collapsed=!o.mzdc_collapsed,["stop"])),class:"text-2xl hover:text-primary p-2 -m-2 w-full text-left flex items-center"},[fe(d("div",null,CFe,512),[[Ye,o.mzdc_collapsed]]),fe(d("div",null,SFe,512),[[Ye,!o.mzdc_collapsed]]),TFe,r.binding_name?B("",!0):(k(),C("div",MFe,[OFe,xe(" No binding selected! ")])),r.configFile.binding_name?(k(),C("div",RFe,"|")):B("",!0),r.configFile.binding_name?(k(),C("div",NFe,[d("div",DFe,[d("img",{src:r.imgBinding,class:"w-8 h-8 rounded-full object-fill text-blue-700"},null,8,LFe),d("h3",IFe,H(r.binding_name),1)])])):B("",!0)])]),d("div",{class:Me([{hidden:o.mzdc_collapsed},"flex flex-col mb-2 px-3 pb-0"])},[d("div",PFe,[d("div",FFe,[d("div",null,[d("div",BFe,[$Fe,fe(d("input",{type:"text","onUpdate:modelValue":e[40]||(e[40]=p=>o.reference_path=p),class:"bg-gray-50 border border-gray-300 text-gray-900 text-sm rounded-lg focus:ring-blue-500 focus:border-blue-500 block w-full p-2.5 dark:bg-gray-700 dark:border-gray-600 dark:placeholder-gray-400 dark:text-white dark:focus:ring-blue-500 dark:focus:border-blue-500",placeholder:"Enter Path ...",required:""},null,512),[[Ie,o.reference_path]])]),d("button",{type:"button",onClick:e[41]||(e[41]=le(p=>r.onCreateReference(),["stop"])),class:"text-white bg-blue-700 hover:bg-blue-800 focus:ring-4 focus:outline-none focus:ring-blue-300 font-medium rounded-lg text-sm w-full sm:w-auto px-5 py-2.5 text-center dark:bg-blue-600 dark:hover:bg-blue-700 dark:focus:ring-blue-800"},"Add reference")]),o.modelDownlaodInProgress?B("",!0):(k(),C("div",jFe,[d("div",zFe,[UFe,fe(d("input",{type:"text","onUpdate:modelValue":e[42]||(e[42]=p=>o.addModel.url=p),class:"bg-gray-50 border border-gray-300 text-gray-900 text-sm rounded-lg focus:ring-blue-500 focus:border-blue-500 block w-full p-2.5 dark:bg-gray-700 dark:border-gray-600 dark:placeholder-gray-400 dark:text-white dark:focus:ring-blue-500 dark:focus:border-blue-500",placeholder:"Enter URL ...",required:""},null,512),[[Ie,o.addModel.url]])]),d("button",{type:"button",onClick:e[43]||(e[43]=le(p=>r.onInstallAddModel(),["stop"])),class:"text-white bg-blue-700 hover:bg-blue-800 focus:ring-4 focus:outline-none focus:ring-blue-300 font-medium rounded-lg text-sm w-full sm:w-auto px-5 py-2.5 text-center dark:bg-blue-600 dark:hover:bg-blue-700 dark:focus:ring-blue-800"},"Download")])),o.modelDownlaodInProgress?(k(),C("div",qFe,[HFe,d("div",VFe,[d("div",GFe,[d("div",KFe,[WFe,d("span",ZFe,H(Math.floor(o.addModel.progress))+"%",1)]),d("div",{class:"mx-1 opacity-80 line-clamp-1",title:o.addModel.url},H(o.addModel.url),9,YFe),d("div",JFe,[d("div",{class:"bg-blue-600 h-2.5 rounded-full",style:bt({width:o.addModel.progress+"%"})},null,4)]),d("div",QFe,[d("span",XFe,"Download speed: "+H(r.speed_computed)+"/s",1),d("span",eBe,H(r.downloaded_size_computed)+"/"+H(r.total_size_computed),1)])])]),d("div",tBe,[d("div",nBe,[d("div",sBe,[d("button",{onClick:e[44]||(e[44]=le((...p)=>r.onCancelInstall&&r.onCancelInstall(...p),["stop"])),type:"button",title:"Cancel download",class:"text-gray-500 bg-white hover:bg-gray-100 focus:ring-4 focus:outline-none focus:ring-gray-200 rounded-lg border border-gray-200 text-sm font-medium px-5 py-2.5 hover:text-gray-900 focus:z-10 dark:bg-gray-700 dark:text-gray-300 dark:border-gray-500 dark:hover:text-white dark:hover:bg-gray-600 dark:focus:ring-gray-600"}," Cancel ")])])])])):B("",!0)])])],2)]),d("div",oBe,[d("div",rBe,[d("button",{onClick:e[46]||(e[46]=le(p=>o.pzc_collapsed=!o.pzc_collapsed,["stop"])),class:"text-2xl hover:text-primary p-2 -m-2 text-left w-full flex items-center"},[fe(d("div",null,aBe,512),[[Ye,o.pzc_collapsed]]),fe(d("div",null,cBe,512),[[Ye,!o.pzc_collapsed]]),dBe,r.configFile.personalities?(k(),C("div",uBe,"|")):B("",!0),d("div",hBe,H(r.active_pesonality),1),r.configFile.personalities?(k(),C("div",fBe,"|")):B("",!0),r.configFile.personalities?(k(),C("div",pBe,[r.mountedPersArr.length>0?(k(),C("div",gBe,[(k(!0),C(Oe,null,Ge(r.mountedPersArr,(p,b)=>(k(),C("div",{class:"relative hover:-translate-y-2 duration-300 hover:z-10 shrink-0",key:b+"-"+p.name,ref_for:!0,ref:"mountedPersonalities"},[d("div",mBe,[d("button",{onClick:le(_=>r.onPersonalitySelected(p),["stop"])},[d("img",{src:o.bUrl+p.avatar,onError:e[45]||(e[45]=(..._)=>r.personalityImgPlacehodler&&r.personalityImgPlacehodler(..._)),class:Me(["w-8 h-8 rounded-full object-fill text-red-700 border-2 active:scale-90 group-hover:border-secondary",r.configFile.active_personality_id==r.configFile.personalities.indexOf(p.full_path)?"border-secondary":"border-transparent z-0"]),title:p.name},null,42,bBe)],8,_Be),d("button",{onClick:le(_=>r.onPersonalityMounted(p),["stop"])},wBe,8,yBe)])]))),128))])):B("",!0)])):B("",!0)])]),d("div",{class:Me([{hidden:o.pzc_collapsed},"flex flex-col mb-2 px-3 pb-0"])},[d("div",xBe,[kBe,d("div",EBe,[d("div",CBe,[o.searchPersonalityInProgress?(k(),C("div",ABe,TBe)):B("",!0),o.searchPersonalityInProgress?B("",!0):(k(),C("div",MBe,RBe))]),fe(d("input",{type:"search",id:"personality-search",class:"block w-full p-4 pl-10 text-sm text-gray-900 border border-gray-300 rounded-lg bg-gray-50 focus:ring-blue-500 focus:border-blue-500 dark:bg-gray-700 dark:border-gray-600 dark:placeholder-gray-400 dark:text-white dark:focus:ring-blue-500 dark:focus:border-blue-500",placeholder:"Search personality...",required:"","onUpdate:modelValue":e[47]||(e[47]=p=>o.searchPersonality=p),onKeyup:e[48]||(e[48]=le((...p)=>r.searchPersonality_func&&r.searchPersonality_func(...p),["stop"]))},null,544),[[Ie,o.searchPersonality]]),o.searchPersonality?(k(),C("button",{key:0,onClick:e[49]||(e[49]=le(p=>o.searchPersonality="",["stop"])),type:"button",class:"text-white absolute right-2.5 bottom-2.5 bg-blue-700 hover:bg-blue-800 focus:ring-4 focus:outline-none focus:ring-blue-300 font-medium rounded-lg text-sm px-4 py-2 dark:bg-blue-600 dark:hover:bg-blue-700 dark:focus:ring-blue-800"}," Clear search")):B("",!0)])]),o.searchPersonality?B("",!0):(k(),C("div",NBe,[d("label",DBe," Personalities Category: ("+H(o.persCatgArr.length)+") ",1),d("select",{id:"persCat",onChange:e[50]||(e[50]=p=>r.update_personality_category(p.target.value,r.refresh)),class:"bg-gray-50 border border-gray-300 text-gray-900 text-sm rounded-lg focus:ring-blue-500 focus:border-blue-500 block w-full p-2.5 dark:bg-gray-700 dark:border-gray-600 dark:placeholder-gray-400 dark:text-white dark:focus:ring-blue-500 dark:focus:border-blue-500"},[(k(!0),C(Oe,null,Ge(o.persCatgArr,(p,b)=>(k(),C("option",{key:b,selected:p==this.configFile.personality_category},H(p),9,LBe))),128))],32)])),d("div",null,[o.personalitiesFiltered.length>0?(k(),C("div",IBe,[d("label",PBe,H(o.searchPersonality?"Search results":"Personalities")+": ("+H(o.personalitiesFiltered.length)+") ",1),d("div",{class:Me(["overflow-y-auto no-scrollbar p-2 pb-0 grid lg:grid-cols-3 md:grid-cols-2 gap-4",o.pzl_collapsed?"":"max-h-96"])},[he(Ut,{name:"bounce"},{default:De(()=>[(k(!0),C(Oe,null,Ge(o.personalitiesFiltered,(p,b)=>(k(),st(l,{ref_for:!0,ref:"personalitiesZoo",key:"index-"+b+"-"+p.name,personality:p,full_path:p.full_path,"on-remount":r.onRemount,selected:r.configFile.active_personality_id==r.configFile.personalities.findIndex(_=>_===p.full_path),"on-selected":r.onPersonalitySelected,"on-mounted":r.onPersonalityMounted,"on-reinstall":r.onPersonalityReinstall,"on-settings":r.onSettingsPersonality},null,8,["personality","full_path","on-remount","selected","on-selected","on-mounted","on-reinstall","on-settings"]))),128))]),_:1})],2)])):B("",!0)]),o.pzl_collapsed?(k(),C("button",{key:1,class:"text-2xl hover:text-secondary duration-75 flex justify-center hover:bg-bg-light-tone hover:dark:bg-bg-dark-tone rounded-lg",title:"Collapse",type:"button",onClick:e[51]||(e[51]=p=>o.pzl_collapsed=!o.pzl_collapsed)},BBe)):(k(),C("button",{key:2,class:"text-2xl hover:text-secondary duration-75 flex justify-center hover:bg-bg-light-tone hover:dark:bg-bg-dark-tone rounded-lg",title:"Expand",type:"button",onClick:e[52]||(e[52]=p=>o.pzl_collapsed=!o.pzl_collapsed)},jBe))],2)]),d("div",zBe,[d("div",UBe,[d("button",{onClick:e[53]||(e[53]=le(p=>o.mc_collapsed=!o.mc_collapsed,["stop"])),class:"text-2xl hover:text-primary p-2 -m-2 w-full text-left flex items-center"},[fe(d("div",null,HBe,512),[[Ye,o.mc_collapsed]]),fe(d("div",null,GBe,512),[[Ye,!o.mc_collapsed]]),KBe])]),d("div",{class:Me([{hidden:o.mc_collapsed},"flex flex-col mb-2 p-2"])},[d("div",WBe,[d("div",ZBe,[fe(d("input",{id:"override-model-parameters",type:"checkbox",class:"w-4 h-4 text-blue-600 bg-gray-100 border-gray-300 rounded focus:ring-blue-500 dark:focus:ring-blue-600 dark:ring-offset-gray-700 dark:focus:ring-offset-gray-700 focus:ring-2 dark:bg-gray-600 dark:border-gray-500",onClick:e[54]||(e[54]=le(()=>{},["stop"])),"onUpdate:modelValue":e[55]||(e[55]=p=>r.configFile.override_personality_model_parameters=p),onChange:e[56]||(e[56]=p=>r.update_setting("override_personality_model_parameters",r.configFile.override_personality_model_parameters))},null,544),[[kt,r.configFile.override_personality_model_parameters]]),YBe])]),d("div",{class:Me(r.configFile.override_personality_model_parameters?"":"pointer-events-none opacity-30")},[d("div",JBe,[QBe,fe(d("input",{type:"text",id:"seed","onUpdate:modelValue":e[57]||(e[57]=p=>r.configFile.seed=p),class:"bg-gray-50 border border-gray-300 text-sm rounded-lg focus:ring-blue-500 focus:border-blue-500 block w-full p-2.5 dark:bg-gray-700 dark:border-gray-600 dark:placeholder-gray-400 dark:focus:ring-blue-500 dark:focus:border-blue-500"},null,512),[[Ie,r.configFile.seed]])]),d("div",XBe,[d("div",e$e,[d("div",t$e,[n$e,d("p",s$e,[fe(d("input",{type:"text",id:"temp-val","onUpdate:modelValue":e[58]||(e[58]=p=>r.configFile.temperature=p),class:"mt-2 w-16 text-right p-2 border border-gray-300 rounded-lg bg-gray-50 sm:text-xs focus:ring-blue-500 focus:border-blue-500 dark:bg-gray-700 dark:border-gray-600 dark:placeholder-gray-400 dark:focus:ring-blue-500 dark:focus:border-blue-500"},null,512),[[Ie,r.configFile.temperature]])])]),fe(d("input",{id:"temperature",onChange:e[59]||(e[59]=p=>r.update_setting("temperature",p.target.value)),type:"range","onUpdate:modelValue":e[60]||(e[60]=p=>r.configFile.temperature=p),min:"0",max:"5",step:"0.1",class:"flex-none h-2 mt-14 mb-2 w-full bg-gray-200 rounded-lg appearance-none cursor-pointer dark:bg-gray-700 focus:ring-blue-500 focus:border-blue-500 dark:border-gray-600 dark:placeholder-gray-400 dark:focus:ring-blue-500 dark:focus:border-blue-500"},null,544),[[Ie,r.configFile.temperature]])])]),d("div",o$e,[d("div",r$e,[d("div",i$e,[a$e,d("p",l$e,[fe(d("input",{type:"text",id:"predict-val","onUpdate:modelValue":e[61]||(e[61]=p=>r.configFile.n_predict=p),class:"mt-2 w-16 text-right p-2 border border-gray-300 rounded-lg bg-gray-50 sm:text-xs focus:ring-blue-500 focus:border-blue-500 dark:bg-gray-700 dark:border-gray-600 dark:placeholder-gray-400 dark:focus:ring-blue-500 dark:focus:border-blue-500"},null,512),[[Ie,r.configFile.n_predict]])])]),fe(d("input",{id:"predict",onChange:e[62]||(e[62]=p=>r.update_setting("n_predict",p.target.value)),type:"range","onUpdate:modelValue":e[63]||(e[63]=p=>r.configFile.n_predict=p),min:"0",max:"2048",step:"32",class:"flex-none h-2 mt-14 mb-2 w-full bg-gray-200 rounded-lg appearance-none cursor-pointer dark:bg-gray-700 focus:ring-blue-500 focus:border-blue-500 dark:border-gray-600 dark:placeholder-gray-400 dark:focus:ring-blue-500 dark:focus:border-blue-500"},null,544),[[Ie,r.configFile.n_predict]])])]),d("div",c$e,[d("div",d$e,[d("div",u$e,[h$e,d("p",f$e,[fe(d("input",{type:"text",id:"top_k-val","onUpdate:modelValue":e[64]||(e[64]=p=>r.configFile.top_k=p),class:"mt-2 w-16 text-right p-2 border border-gray-300 rounded-lg bg-gray-50 sm:text-xs focus:ring-blue-500 focus:border-blue-500 dark:bg-gray-700 dark:border-gray-600 dark:placeholder-gray-400 dark:focus:ring-blue-500 dark:focus:border-blue-500"},null,512),[[Ie,r.configFile.top_k]])])]),fe(d("input",{id:"top_k",onChange:e[65]||(e[65]=p=>r.update_setting("top_k",p.target.value)),type:"range","onUpdate:modelValue":e[66]||(e[66]=p=>r.configFile.top_k=p),min:"0",max:"100",step:"1",class:"flex-none h-2 mt-14 mb-2 w-full bg-gray-200 rounded-lg appearance-none cursor-pointer dark:bg-gray-700 focus:ring-blue-500 focus:border-blue-500 dark:border-gray-600 dark:placeholder-gray-400 dark:focus:ring-blue-500 dark:focus:border-blue-500"},null,544),[[Ie,r.configFile.top_k]])])]),d("div",p$e,[d("div",g$e,[d("div",m$e,[_$e,d("p",b$e,[fe(d("input",{type:"text",id:"top_p-val","onUpdate:modelValue":e[67]||(e[67]=p=>r.configFile.top_p=p),class:"mt-2 w-16 text-right p-2 border border-gray-300 rounded-lg bg-gray-50 sm:text-xs focus:ring-blue-500 focus:border-blue-500 dark:bg-gray-700 dark:border-gray-600 dark:placeholder-gray-400 dark:focus:ring-blue-500 dark:focus:border-blue-500"},null,512),[[Ie,r.configFile.top_p]])])]),fe(d("input",{id:"top_p",onChange:e[68]||(e[68]=p=>r.update_setting("top_p",p.target.value)),type:"range","onUpdate:modelValue":e[69]||(e[69]=p=>r.configFile.top_p=p),min:"0",max:"1",step:"0.01",class:"flex-none h-2 mt-14 mb-2 w-full bg-gray-200 rounded-lg appearance-none cursor-pointer dark:bg-gray-700 focus:ring-blue-500 focus:border-blue-500 dark:border-gray-600 dark:placeholder-gray-400 dark:focus:ring-blue-500 dark:focus:border-blue-500"},null,544),[[Ie,r.configFile.top_p]])])]),d("div",y$e,[d("div",v$e,[d("div",w$e,[x$e,d("p",k$e,[fe(d("input",{type:"text",id:"repeat_penalty-val","onUpdate:modelValue":e[70]||(e[70]=p=>r.configFile.repeat_penalty=p),class:"mt-2 w-16 text-right p-2 border border-gray-300 rounded-lg bg-gray-50 sm:text-xs focus:ring-blue-500 focus:border-blue-500 dark:bg-gray-700 dark:border-gray-600 dark:placeholder-gray-400 dark:focus:ring-blue-500 dark:focus:border-blue-500"},null,512),[[Ie,r.configFile.repeat_penalty]])])]),fe(d("input",{id:"repeat_penalty",onChange:e[71]||(e[71]=p=>r.update_setting("repeat_penalty",p.target.value)),type:"range","onUpdate:modelValue":e[72]||(e[72]=p=>r.configFile.repeat_penalty=p),min:"0",max:"2",step:"0.01",class:"flex-none h-2 mt-14 mb-2 w-full bg-gray-200 rounded-lg appearance-none cursor-pointer dark:bg-gray-700 focus:ring-blue-500 focus:border-blue-500 dark:border-gray-600 dark:placeholder-gray-400 dark:focus:ring-blue-500 dark:focus:border-blue-500"},null,544),[[Ie,r.configFile.repeat_penalty]])])]),d("div",E$e,[d("div",C$e,[d("div",A$e,[S$e,d("p",T$e,[fe(d("input",{type:"text",id:"repeat_last_n-val","onUpdate:modelValue":e[73]||(e[73]=p=>r.configFile.repeat_last_n=p),class:"mt-2 w-16 text-right p-2 border border-gray-300 rounded-lg bg-gray-50 sm:text-xs focus:ring-blue-500 focus:border-blue-500 dark:bg-gray-700 dark:border-gray-600 dark:placeholder-gray-400 dark:focus:ring-blue-500 dark:focus:border-blue-500"},null,512),[[Ie,r.configFile.repeat_last_n]])])]),fe(d("input",{id:"repeat_last_n",onChange:e[74]||(e[74]=p=>r.update_setting("repeat_last_n",p.target.value)),type:"range","onUpdate:modelValue":e[75]||(e[75]=p=>r.configFile.repeat_last_n=p),min:"0",max:"100",step:"1",class:"flex-none h-2 mt-14 mb-2 w-full bg-gray-200 rounded-lg appearance-none cursor-pointer dark:bg-gray-700 focus:ring-blue-500 focus:border-blue-500 dark:border-gray-600 dark:placeholder-gray-400 dark:focus:ring-blue-500 dark:focus:border-blue-500"},null,544),[[Ie,r.configFile.repeat_last_n]])])])],2)],2)])],2)]),he(c,{ref:"yesNoDialog",class:"z-20"},null,512),he(u,{ref:"addmodeldialog"},null,512),he(h,{ref:"messageBox"},null,512),he(f,{ref:"toast"},null,512),he(g,{ref:"universalForm",class:"z-20"},null,512),he(m,{class:"z-20",show:o.variantSelectionDialogVisible,choices:o.variant_choices,onChoiceSelected:r.onVariantChoiceSelected,onCloseDialog:r.oncloseVariantChoiceDialog,onChoiceValidated:r.onvalidateVariantChoice},null,8,["show","choices","onChoiceSelected","onCloseDialog","onChoiceValidated"])],64)}const O$e=Ue(mLe,[["render",M$e],["__scopeId","data-v-d851eb8b"]]),R$e={components:{ClipBoardTextInput:yc,Card:vc},data(){return{model_name:"jondurbin/airoboros-7b-gpt4",tokenizer_name:"jondurbin/airoboros-7b-gpt4",dataset_path:"",max_length:1024,batch_size:4,lr:5e-5,num_epochs:2,selectedFolder:"",selectedDataset:""}},methods:{submitForm(){const t={model_name:this.model_name,tokenizer_name:this.tokenizer_name,dataset_file:this.selectedDataset,max_length:this.max_length,batch_size:this.batch_size,lr:this.lr,num_epochs:this.num_epochs,output_dir:this.selectedFolder};ye.post("/start_training",t).then(e=>{})},openFolderSelector(){this.$refs.folder_selector.click()},selectOutputDirectory(t){var n;console.log("here");const e=(n=t.target.files[0])==null?void 0:n.path;console.log(e),e&&(this.selectedFolder=e)},selectDataset(t){const e=t.target.files;e.length>0&&(this.selectedDataset=e[0])}},watch:{model_name(t){console.log("watching model_name",t),this.$refs.clipboardInput.inputValue=t}}},N$e={class:"container overflow-y-scroll flex flex-col no-scrollbar shadow-lg p-10 pt-2 bg-bg-light-tone dark:bg-bg-dark-tone"},D$e={class:"mb-4"},L$e=d("label",{for:"model_name",class:"text-sm"},"Model Name:",-1),I$e={class:"mb-4"},P$e=d("label",{for:"tokenizer_name",class:"text-sm"},"Tokenizer Name:",-1),F$e={class:"mb-4"},B$e=d("label",{for:"dataset_path",class:"text-sm"},"Dataset:",-1),$$e={class:"mb-4"},j$e=d("label",{for:"lr",class:"text-sm"},"Learning Rate:",-1),z$e={class:"mb-4"},U$e=d("label",{for:"num_epochs",class:"text-sm"},"Number of Epochs:",-1),q$e={class:"mb-4"},H$e=d("label",{for:"max_length",class:"text-sm"},"Max Length:",-1),V$e={class:"mb-4"},G$e=d("label",{for:"batch_size",class:"text-sm"},"Batch Size:",-1),K$e={class:"mb-4"},W$e=d("label",{for:"output_dir",class:"text-sm"},"Output Directory:",-1),Z$e=d("button",{type:"submit",class:"bg-blue-500 text-white px-4 py-2 rounded"},"Train LLM",-1);function Y$e(t,e,n,s,o,r){const i=Ve("ClipBoardTextInput"),a=Ve("Card");return k(),C("div",N$e,[d("form",{onSubmit:e[0]||(e[0]=le((...l)=>r.submitForm&&r.submitForm(...l),["prevent"])),class:""},[he(a,{title:"Training configuration",isHorizontal:!0,disableHoverAnimation:!0,disableFocus:!0},{default:De(()=>[he(a,{title:"Model",class:"",isHorizontal:!1},{default:De(()=>[d("div",D$e,[L$e,he(i,{id:"model_path",inputType:"text",value:o.model_name},null,8,["value"])]),d("div",I$e,[P$e,he(i,{id:"model_path",inputType:"text",value:o.tokenizer_name},null,8,["value"])])]),_:1}),he(a,{title:"Data",isHorizontal:!1},{default:De(()=>[d("div",F$e,[B$e,he(i,{id:"model_path",inputType:"file",value:o.dataset_path,onchange:"selectDataset()"},null,8,["value"])])]),_:1}),he(a,{title:"Training",isHorizontal:!1},{default:De(()=>[d("div",$$e,[j$e,he(i,{id:"model_path",inputType:"integer",value:o.lr},null,8,["value"])]),d("div",z$e,[U$e,he(i,{id:"model_path",inputType:"integer",value:o.num_epochs},null,8,["value"])]),d("div",q$e,[H$e,he(i,{id:"model_path",inputType:"integer",value:o.max_length},null,8,["value"])]),d("div",V$e,[G$e,he(i,{id:"model_path",inputType:"integer",value:o.batch_size},null,8,["value"])])]),_:1}),he(a,{title:"Output",isHorizontal:!1},{default:De(()=>[d("div",K$e,[W$e,he(i,{id:"model_path",inputType:"text",value:t.output_dir},null,8,["value"])])]),_:1})]),_:1}),he(a,{disableHoverAnimation:!0,disableFocus:!0},{default:De(()=>[Z$e]),_:1})],32)])}const J$e=Ue(R$e,[["render",Y$e]]),Q$e={components:{ClipBoardTextInput:yc,Card:vc},data(){return{model_name:"jondurbin/airoboros-7b-gpt4",tokenizer_name:"jondurbin/airoboros-7b-gpt4",dataset_path:"",max_length:1024,batch_size:4,lr:5e-5,num_epochs:2,selectedFolder:"",selectedDatasetPath:""}},methods:{submitForm(){this.model_name,this.tokenizer_name,this.selectedDatasetPath,this.max_length,this.batch_size,this.lr,this.num_epochs,this.selectedFolder},openFolderSelector(){this.$refs.folder_selector.click()},selectOutputDirectory(t){var n;console.log("here");const e=(n=t.target.files[0])==null?void 0:n.path;console.log(e),e&&(this.selectedFolder=e)},selectDatasetPath(t){const e=t.target.files;e.length>0&&(this.selectedDatasetPath=e[0].webkitRelativePath)}}},X$e={class:"container overflow-y-scroll flex flex-col no-scrollbar shadow-lg p-10 pt-2 bg-bg-light-tone dark:bg-bg-dark-tone"},eje={class:"mb-4"},tje=d("label",{for:"model_name",class:"text-sm"},"Model Name:",-1),nje={class:"mb-4"},sje=d("label",{for:"tokenizer_name",class:"text-sm"},"Tokenizer Name:",-1),oje=d("button",{type:"submit",class:"bg-blue-500 text-white px-4 py-2 rounded"},"Quantize LLM",-1);function rje(t,e,n,s,o,r){const i=Ve("ClipBoardTextInput"),a=Ve("Card");return k(),C("div",X$e,[d("form",{onSubmit:e[0]||(e[0]=le((...l)=>r.submitForm&&r.submitForm(...l),["prevent"])),class:"max-w-md mx-auto"},[he(a,{title:"Quantizing configuration",isHorizontal:!0,disableHoverAnimation:!0,disableFocus:!0},{default:De(()=>[he(a,{title:"Model",class:"",isHorizontal:!1},{default:De(()=>[d("div",eje,[tje,he(i,{id:"model_path",inputType:"text",value:o.model_name},null,8,["value"])]),d("div",nje,[sje,he(i,{id:"model_path",inputType:"text",value:o.tokenizer_name},null,8,["value"])])]),_:1})]),_:1}),he(a,{disableHoverAnimation:!0,disableFocus:!0},{default:De(()=>[oje]),_:1})],32)])}const ije=Ue(Q$e,[["render",rje]]),aje={name:"Discussion",emits:["delete","select","editTitle","checked"],props:{id:Number,title:String,selected:Boolean,loading:Boolean,isCheckbox:Boolean,checkBoxValue:Boolean},setup(){},data(){return{showConfirmation:!1,editTitleMode:!1,editTitle:!1,newTitle:String,checkBoxValue_local:!1}},methods:{deleteEvent(){this.showConfirmation=!1,this.$emit("delete")},selectEvent(){this.$emit("select")},editTitleEvent(){this.editTitle=!1,this.editTitleMode=!1,this.showConfirmation=!1,this.$emit("editTitle",{title:this.newTitle,id:this.id})},chnageTitle(t){this.newTitle=t},checkedChangeEvent(t,e){this.$emit("checked",t,e)}},mounted(){this.newTitle=this.title,be(()=>{ve.replace()})},watch:{showConfirmation(){be(()=>{ve.replace()})},editTitleMode(t){this.showConfirmation=t,this.editTitle=t,t&&be(()=>{this.$refs.titleBox.focus()})},checkBoxValue(t,e){this.checkBoxValue_local=t}}},lje=["id"],cje={class:"flex flex-row items-center gap-2"},dje={key:0},uje=["title"],hje=["value"],fje={class:"flex items-center flex-1 max-h-6"},pje={key:0,class:"flex gap-3 flex-1 items-center justify-end duration-75"},gje=d("i",{"data-feather":"check"},null,-1),mje=[gje],_je=d("i",{"data-feather":"x"},null,-1),bje=[_je],yje={key:1,class:"flex gap-3 flex-1 items-center justify-end duration-75"},vje=d("i",{"data-feather":"x"},null,-1),wje=[vje],xje=d("i",{"data-feather":"check"},null,-1),kje=[xje],Eje={key:2,class:"flex gap-3 flex-1 items-center justify-end invisible group-hover:visible duration-75"},Cje=d("i",{"data-feather":"edit-2"},null,-1),Aje=[Cje],Sje=d("i",{"data-feather":"trash"},null,-1),Tje=[Sje];function Mje(t,e,n,s,o,r){return k(),C("div",{class:Me([n.selected?"bg-bg-light-discussion dark:bg-bg-dark-discussion shadow-md min-w-[23rem] max-w-[23rem]":" min-w-[23rem] max-w-[23rem]","flex flex-row sm:flex-row flex-wrap flex-shrink: 0 item-center shadow-sm gap-2 py-2 my-2 hover:shadow-md hover:bg-primary-light dark:hover:bg-primary rounded-md p-2 duration-75 group cursor-pointer"]),id:"dis-"+n.id,onClick:e[13]||(e[13]=le(i=>r.selectEvent(),["stop"]))},[d("div",cje,[n.isCheckbox?(k(),C("div",dje,[fe(d("input",{type:"checkbox",class:"w-4 h-4 text-blue-600 bg-gray-100 border-gray-300 rounded focus:ring-blue-500 dark:focus:ring-blue-600 dark:ring-offset-gray-700 dark:focus:ring-offset-gray-700 focus:ring-2 dark:bg-gray-600 dark:border-gray-500",onClick:e[0]||(e[0]=le(()=>{},["stop"])),"onUpdate:modelValue":e[1]||(e[1]=i=>o.checkBoxValue_local=i),onInput:e[2]||(e[2]=i=>r.checkedChangeEvent(i,n.id))},null,544),[[kt,o.checkBoxValue_local]])])):B("",!0),n.selected?(k(),C("div",{key:1,class:Me(["min-h-full w-2 rounded-xl self-stretch",n.loading?"animate-bounce bg-accent ":" bg-secondary "])},null,2)):B("",!0),n.selected?B("",!0):(k(),C("div",{key:2,class:Me(["w-2",n.loading?"min-h-full w-2 rounded-xl self-stretch animate-bounce bg-accent ":" "])},null,2))]),o.editTitle?B("",!0):(k(),C("p",{key:0,title:n.title,class:"line-clamp-1 w-4/6 ml-1 -mx-5"},H(n.title?n.title==="untitled"?"New discussion":n.title:"New discussion"),9,uje)),o.editTitle?(k(),C("input",{key:1,type:"text",id:"title-box",ref:"titleBox",class:"bg-bg-light dark:bg-bg-dark rounded-md border-0 w-full -m-1 p-1",value:n.title,required:"",onKeydown:[e[3]||(e[3]=Ya(le(i=>r.editTitleEvent(),["exact"]),["enter"])),e[4]||(e[4]=Ya(le(i=>o.editTitleMode=!1,["exact"]),["esc"]))],onInput:e[5]||(e[5]=i=>r.chnageTitle(i.target.value)),onClick:e[6]||(e[6]=le(()=>{},["stop"]))},null,40,hje)):B("",!0),d("div",fje,[o.showConfirmation&&!o.editTitleMode?(k(),C("div",pje,[d("button",{class:"text-2xl hover:text-secondary duration-75 active:scale-90",title:"Confirm removal",type:"button",onClick:e[7]||(e[7]=le(i=>r.deleteEvent(),["stop"]))},mje),d("button",{class:"text-2xl hover:text-red-600 duration-75 active:scale-90",title:"Cancel removal",type:"button",onClick:e[8]||(e[8]=le(i=>o.showConfirmation=!1,["stop"]))},bje)])):B("",!0),o.showConfirmation&&o.editTitleMode?(k(),C("div",yje,[d("button",{class:"text-2xl hover:text-red-600 duration-75 active:scale-90",title:"Discard title changes",type:"button",onClick:e[9]||(e[9]=le(i=>o.editTitleMode=!1,["stop"]))},wje),d("button",{class:"text-2xl hover:text-secondary duration-75 active:scale-90",title:"Confirm title changes",type:"button",onClick:e[10]||(e[10]=le(i=>r.editTitleEvent(),["stop"]))},kje)])):B("",!0),o.showConfirmation?B("",!0):(k(),C("div",Eje,[d("button",{class:"text-2xl hover:text-secondary duration-75 active:scale-90",title:"Edit title",type:"button",onClick:e[11]||(e[11]=le(i=>o.editTitleMode=!0,["stop"]))},Aje),d("button",{class:"text-2xl hover:text-red-600 duration-75 active:scale-90",title:"Remove discussion",type:"button",onClick:e[12]||(e[12]=le(i=>o.showConfirmation=!0,["stop"]))},Tje)]))])],10,lje)}const Ug=Ue(aje,[["render",Mje]]),Oje={props:{htmlContent:{type:String,required:!0}}},Rje=["innerHTML"];function Nje(t,e,n,s,o,r){return k(),C("div",null,[d("div",{innerHTML:n.htmlContent},null,8,Rje)])}const Dje=Ue(Oje,[["render",Nje]]);const Lje={props:{jsonData:{type:[Object,Array,String],default:null},jsonFormText:{type:String,default:"JSON Form"}},data(){return{collapsed:!0}},computed:{formattedJson(){if(console.log(typeof this.jsonData),typeof this.jsonData=="string"){let t=JSON.stringify(JSON.parse(this.jsonData),null," ").replace(/\n/g,"
");return console.log(t),console.log(this.jsonFormText),t}else{let t=JSON.stringify(this.jsonData,null," ").replace(/\n/g,"
");return console.log(t),console.log(this.jsonFormText),t}},isObject(){return console.log(typeof this.jsonData),console.log(this.jsonData),typeof this.jsonData=="object"&&this.jsonData!==null},isContentPresent(){return this.jsonData!==null&&(typeof this.jsonData!="string"||this.jsonData.trim()!=="")}},methods:{toggleCollapsed(){this.collapsed=!this.collapsed},toggleCollapsible(){this.collapsed=!this.collapsed}}},Ije={key:0},Pje={class:"toggle-icon mr-1"},Fje={key:0,class:"fas fa-plus-circle text-gray-600"},Bje={key:1,class:"fas fa-minus-circle text-gray-600"},$je={class:"json-viewer max-h-64 overflow-auto p-4 bg-gray-100 border border-gray-300 rounded dark:bg-gray-600"},jje={key:0,class:"fas fa-plus-circle text-gray-600"},zje={key:1,class:"fas fa-minus-circle text-gray-600"},Uje=["innerHTML"];function qje(t,e,n,s,o,r){return r.isContentPresent?(k(),C("div",Ije,[d("div",{class:"collapsible-section cursor-pointer mb-4 font-bold hover:text-gray-900",onClick:e[0]||(e[0]=(...i)=>r.toggleCollapsible&&r.toggleCollapsible(...i))},[d("span",Pje,[o.collapsed?(k(),C("i",Fje)):(k(),C("i",Bje))]),xe(" "+H(n.jsonFormText),1)]),fe(d("div",null,[d("div",$je,[r.isObject?(k(),C("span",{key:0,onClick:e[1]||(e[1]=(...i)=>r.toggleCollapsed&&r.toggleCollapsed(...i)),class:"toggle-icon cursor-pointer mr-1"},[o.collapsed?(k(),C("i",jje)):(k(),C("i",zje))])):B("",!0),d("pre",{innerHTML:r.formattedJson},null,8,Uje)])],512),[[Ye,!o.collapsed]])])):B("",!0)}const Hje=Ue(Lje,[["render",qje]]),Vje={props:{done:{type:Boolean,required:!0},message:{type:String,required:!0},status:{type:Boolean,required:!0}}},Gje={class:"step flex items-center mb-4"},Kje={class:"flex items-center justify-center w-6 h-6 mr-2"},Wje={key:0},Zje=d("i",{"data-feather":"square",class:"text-gray-400 w-4 h-4"},null,-1),Yje=[Zje],Jje={key:1},Qje=d("i",{"data-feather":"check-square",class:"text-green-500 w-4 h-4"},null,-1),Xje=[Qje],eze={key:2},tze=d("i",{"data-feather":"x-square",class:"text-red-500 w-4 h-4"},null,-1),nze=[tze],sze={key:0,role:"status"},oze=d("svg",{"aria-hidden":"true",class:"w-6 h-6 animate-spin fill-secondary",viewBox:"0 0 100 101",fill:"none",xmlns:"http://www.w3.org/2000/svg"},[d("path",{d:"M100 50.5908C100 78.2051 77.6142 100.591 50 100.591C22.3858 100.591 0 78.2051 0 50.5908C0 22.9766 22.3858 0.59082 50 0.59082C77.6142 0.59082 100 22.9766 100 50.5908ZM9.08144 50.5908C9.08144 73.1895 27.4013 91.5094 50 91.5094C72.5987 91.5094 90.9186 73.1895 90.9186 50.5908C90.9186 27.9921 72.5987 9.67226 50 9.67226C27.4013 9.67226 9.08144 27.9921 9.08144 50.5908Z",fill:"currentColor"}),d("path",{d:"M93.9676 39.0409C96.393 38.4038 97.8624 35.9116 97.0079 33.5539C95.2932 28.8227 92.871 24.3692 89.8167 20.348C85.8452 15.1192 80.8826 10.7238 75.2124 7.41289C69.5422 4.10194 63.2754 1.94025 56.7698 1.05124C51.7666 0.367541 46.6976 0.446843 41.7345 1.27873C39.2613 1.69328 37.813 4.19778 38.4501 6.62326C39.0873 9.04874 41.5694 10.4717 44.0505 10.1071C47.8511 9.54855 51.7191 9.52689 55.5402 10.0491C60.8642 10.7766 65.9928 12.5457 70.6331 15.2552C75.2735 17.9648 79.3347 21.5619 82.5849 25.841C84.9175 28.9121 86.7997 32.2913 88.1811 35.8758C89.083 38.2158 91.5421 39.6781 93.9676 39.0409Z",fill:"currentFill"})],-1),rze=[oze];function ize(t,e,n,s,o,r){return k(),C("div",Gje,[d("div",Kje,[n.done?B("",!0):(k(),C("div",Wje,Yje)),n.done&&n.status?(k(),C("div",Jje,Xje)):B("",!0),n.done&&!n.status?(k(),C("div",eze,nze)):B("",!0)]),n.done?B("",!0):(k(),C("div",sze,rze)),d("div",{class:Me(["content flex-1 px-2",{"text-green-500":n.done,"text-yellow-500":!n.done}])},H(n.message),3)])}const aze=Ue(Vje,[["render",ize]]);const lze="/",cze={name:"Message",emits:["copy","delete","rankUp","rankDown","updateMessage","resendMessage","continueMessage"],components:{MarkdownRenderer:Fg,Step:aze,RenderHTMLJS:Dje,JsonViewer:Hje},props:{message:Object,avatar:""},data(){return{msg:null,isSpeaking:!1,speechSynthesis:null,voices:[],expanded:!1,showConfirmation:!1,editMsgMode:!1,deleteMsgMode:!1,mdRenderHeight:Number}},mounted(){"speechSynthesis"in window?(this.speechSynthesis=window.speechSynthesis,this.voices=this.speechSynthesis.getVoices(),this.voices.length===0&&this.speechSynthesis.addEventListener("voiceschanged",this.onVoicesChanged)):console.error("Speech synthesis is not supported in this browser."),be(()=>{ve.replace(),this.mdRenderHeight=this.$refs.mdRender.$el.offsetHeight})},methods:{onVoicesChanged(){this.voices=this.speechSynthesis.getVoices()},speak(){if(this.msg){this.speechSynthesis.cancel(),this.msg=null,this.isSpeaking=!1;return}let t=0;console.log("voice on"),this.isSpeaking=!0;const e=200;this.message.content,this.msg=new SpeechSynthesisUtterance,this.msg.pitch=this.$store.state.config.audio_pitch,this.voices.length>0&&(this.msg.voice=this.voices.filter(o=>o.name===this.$store.state.config.audio_out_voice)[0]);const n=o=>{let r=this.message.content.substring(o,o+e);const i=[".","!","?",` -`];let a=-1;return i.forEach(l=>{const c=r.lastIndexOf(l);c>a&&(a=c)}),a==-1&&(a=r.length),console.log(a),a+o+1},s=()=>{if(this.message.content.includes(".")){const o=n(t),r=this.message.content.substring(t,o);this.msg.text=r,t=o+1,this.msg.onend=i=>{t{s()},1):(this.isSpeaking=!1,console.log("voice off :",this.message.content.length," ",o))},this.speechSynthesis.speak(this.msg)}else setTimeout(()=>{s()},1)};s()},toggleModel(){this.expanded=!this.expanded},copyContentToClipboard(){this.$emit("copy",this)},deleteMsg(){this.$emit("delete",this.message.id),this.deleteMsgMode=!1},rankUp(){this.$emit("rankUp",this.message.id)},rankDown(){this.$emit("rankDown",this.message.id)},updateMessage(){this.$emit("updateMessage",this.message.id,this.message.content),this.editMsgMode=!1},resendMessage(){this.$emit("resendMessage",this.message.id,this.message.content)},continueMessage(){this.$emit("continueMessage",this.message.id,this.message.content)},getImgUrl(){return this.avatar?lze+this.avatar:Xn},defaultImg(t){t.target.src=Xn},parseDate(t){let e=new Date(Date.parse(t)),s=Math.floor((new Date-e)/1e3);return s<=1?"just now":s<20?s+" seconds ago":s<40?"half a minute ago":s<60?"less than a minute ago":s<=90?"one minute ago":s<=3540?Math.round(s/60)+" minutes ago":s<=5400?"1 hour ago":s<=86400?Math.round(s/3600)+" hours ago":s<=129600?"1 day ago":s<604800?Math.round(s/86400)+" days ago":s<=777600?"1 week ago":t},prettyDate(t){let e=new Date((t||"").replace(/-/g,"/").replace(/[TZ]/g," ")),n=(new Date().getTime()-e.getTime())/1e3,s=Math.floor(n/86400);if(!(isNaN(s)||s<0||s>=31))return s==0&&(n<60&&"just now"||n<120&&"1 minute ago"||n<3600&&Math.floor(n/60)+" minutes ago"||n<7200&&"1 hour ago"||n<86400&&Math.floor(n/3600)+" hours ago")||s==1&&"Yesterday"||s<7&&s+" days ago"||s<31&&Math.ceil(s/7)+" weeks ago"},checkForFullSentence(){if(this.message.content.trim().split(" ").length>3){this.speak();return}}},watch:{"message.content":function(t){this.$store.state.config.auto_speak&&(this.isSpeaking||this.checkForFullSentence())},showConfirmation(){be(()=>{ve.replace()})},editMsgMode(t){be(()=>{ve.replace()})},deleteMsgMode(){be(()=>{ve.replace()})}},computed:{isTalking:{get(){return this.isSpeaking}},created_at(){return this.prettyDate(this.message.created_at)},created_at_parsed(){return new Date(Date.parse(this.message.created_at)).toLocaleString()},finished_generating_at_parsed(){return new Date(Date.parse(this.message.finished_generating_at)).toLocaleString()},time_spent(){const t=new Date(Date.parse(this.message.created_at)),e=new Date(Date.parse(this.message.finished_generating_at));if(e.getTime()===t.getTime()||!e.getTime())return;let s=e.getTime()-t.getTime();const o=Math.floor(s/(1e3*60*60));s-=o*(1e3*60*60);const r=Math.floor(s/(1e3*60));s-=r*(1e3*60);const i=Math.floor(s/1e3);s-=i*1e3;function a(c){return c<10&&(c="0"+c),c}return a(o)+"h:"+a(r)+"m:"+a(i)+"s"}}},dze={class:"relative group rounded-lg m-2 shadow-lg hover:border-primary dark:hover:border-primary hover:border-solid hover:border-2 border-2 border-transparent even:bg-bg-light-discussion-odd dark:even:bg-bg-dark-discussion-odd flex flex-col flex-grow flex-wrap overflow-visible p-4 pb-2"},uze={class:"flex flex-row gap-2"},hze={class:"flex-shrink-0"},fze={class:"group/avatar"},pze=["src","data-popover-target"],gze={class:"flex flex-col w-full flex-grow-0"},mze={class:"flex flex-row flex-grow items-start"},_ze={class:"flex flex-col mb-2"},bze={class:"drop-shadow-sm text-lg text-opacity-95 font-bold grow"},yze=["title"],vze=d("div",{class:"flex-grow"},null,-1),wze={class:"flex-row justify-end mx-2"},xze={class:"invisible group-hover:visible flex flex-row"},kze={key:0,class:"flex items-center duration-75"},Eze=d("i",{"data-feather":"x"},null,-1),Cze=[Eze],Aze=d("i",{"data-feather":"check"},null,-1),Sze=[Aze],Tze=d("i",{"data-feather":"edit"},null,-1),Mze=[Tze],Oze=d("i",{"data-feather":"copy"},null,-1),Rze=[Oze],Nze=d("i",{"data-feather":"refresh-cw"},null,-1),Dze=[Nze],Lze=d("i",{"data-feather":"fast-forward"},null,-1),Ize=[Lze],Pze={key:4,class:"flex items-center duration-75"},Fze=d("i",{"data-feather":"x"},null,-1),Bze=[Fze],$ze=d("i",{"data-feather":"check"},null,-1),jze=[$ze],zze=d("i",{"data-feather":"trash"},null,-1),Uze=[zze],qze=d("i",{"data-feather":"thumbs-up"},null,-1),Hze=[qze],Vze={class:"flex flex-row items-center"},Gze=d("i",{"data-feather":"thumbs-down"},null,-1),Kze=[Gze],Wze={class:"flex flex-row items-center"},Zze=d("i",{"data-feather":"volume-2"},null,-1),Yze=[Zze],Jze={class:"overflow-x-auto w-full"},Qze={class:"flex flex-col items-start w-full"},Xze={class:"flex flex-col items-start w-full"},eUe={key:2},tUe={class:"text-sm text-gray-400 mt-2"},nUe={class:"flex flex-row items-center gap-2"},sUe={key:0},oUe={class:"font-thin"},rUe={key:1},iUe={class:"font-thin"},aUe={key:2},lUe={class:"font-thin"},cUe={key:3},dUe=["title"];function uUe(t,e,n,s,o,r){const i=Ve("Step"),a=Ve("RenderHTMLJS"),l=Ve("MarkdownRenderer"),c=Ve("JsonViewer");return k(),C("div",dze,[d("div",uze,[d("div",hze,[d("div",fze,[d("img",{src:r.getImgUrl(),onError:e[0]||(e[0]=u=>r.defaultImg(u)),"data-popover-target":"avatar"+n.message.id,"data-popover-placement":"bottom",class:"w-10 h-10 rounded-full object-fill text-red-700"},null,40,pze)])]),d("div",gze,[d("div",mze,[d("div",_ze,[d("div",bze,H(n.message.sender)+" ",1),n.message.created_at?(k(),C("div",{key:0,class:"text-sm text-gray-400 font-thin",title:"Created at: "+r.created_at_parsed},H(r.created_at),9,yze)):B("",!0)]),vze,d("div",wze,[d("div",xze,[o.editMsgMode?(k(),C("div",kze,[d("button",{class:"text-2xl hover:text-red-600 duration-75 active:scale-90 p-2",title:"Cancel edit",type:"button",onClick:e[1]||(e[1]=le(u=>o.editMsgMode=!1,["stop"]))},Cze),d("button",{class:"text-2xl hover:text-secondary duration-75 active:scale-90 p-2",title:"Update message",type:"button",onClick:e[2]||(e[2]=le((...u)=>r.updateMessage&&r.updateMessage(...u),["stop"]))},Sze)])):B("",!0),o.editMsgMode?B("",!0):(k(),C("div",{key:1,class:"text-lg hover:text-secondary duration-75 active:scale-90 p-2",title:"Edit message",onClick:e[3]||(e[3]=le(u=>o.editMsgMode=!0,["stop"]))},Mze)),d("div",{class:"text-lg hover:text-secondary duration-75 active:scale-90 p-2",title:"Copy message to clipboard",onClick:e[4]||(e[4]=le(u=>r.copyContentToClipboard(),["stop"]))},Rze),n.message.sender!=this.$store.state.mountedPers.name?(k(),C("div",{key:2,class:"text-lg hover:text-secondary duration-75 active:scale-90 p-2",title:"Resend message",onClick:e[5]||(e[5]=le(u=>r.resendMessage(),["stop"]))},Dze)):B("",!0),n.message.sender==this.$store.state.mountedPers.name?(k(),C("div",{key:3,class:"text-lg hover:text-secondary duration-75 active:scale-90 p-2",title:"Resend message",onClick:e[6]||(e[6]=le(u=>r.continueMessage(),["stop"]))},Ize)):B("",!0),o.deleteMsgMode?(k(),C("div",Pze,[d("button",{class:"text-2xl hover:text-red-600 duration-75 active:scale-90 p-2",title:"Cancel removal",type:"button",onClick:e[7]||(e[7]=le(u=>o.deleteMsgMode=!1,["stop"]))},Bze),d("button",{class:"text-2xl hover:text-secondary duration-75 active:scale-90 p-2",title:"Confirm removal",type:"button",onClick:e[8]||(e[8]=le(u=>r.deleteMsg(),["stop"]))},jze)])):B("",!0),o.deleteMsgMode?B("",!0):(k(),C("div",{key:5,class:"text-lg hover:text-red-600 duration-75 active:scale-90 p-2",title:"Remove message",onClick:e[9]||(e[9]=u=>o.deleteMsgMode=!0)},Uze)),d("div",{class:"text-lg hover:text-secondary duration-75 active:scale-90 p-2",title:"Upvote",onClick:e[10]||(e[10]=le(u=>r.rankUp(),["stop"]))},Hze),d("div",Vze,[d("div",{class:"text-lg hover:text-red-600 duration-75 active:scale-90 p-2",title:"Downvote",onClick:e[11]||(e[11]=le(u=>r.rankDown(),["stop"]))},Kze),n.message.rank!=0?(k(),C("div",{key:0,class:Me(["rounded-full px-2 text-sm flex items-center justify-center font-bold",n.message.rank>0?"bg-secondary":"bg-red-600"]),title:"Rank"},H(n.message.rank),3)):B("",!0)]),d("div",Wze,[d("div",{class:Me(["text-lg hover:text-red-600 duration-75 active:scale-90 p-2",{"text-red-500":r.isTalking}]),title:"speak",onClick:e[12]||(e[12]=le(u=>r.speak(),["stop"]))},Yze,2)])])])]),d("div",Jze,[d("div",Qze,[(k(!0),C(Oe,null,Ge(n.message.steps,(u,h)=>(k(),C("div",{key:"step-"+n.message.id+"-"+h,class:"step font-bold",style:bt({backgroundColor:u.done?"transparent":"inherit"})},[he(i,{done:u.done,message:u.message,status:u.status},null,8,["done","message","status"])],4))),128))]),d("div",Xze,[(k(!0),C(Oe,null,Ge(n.message.html_js_s,(u,h)=>(k(),C("div",{key:"htmljs-"+n.message.id+"-"+h,class:"htmljs font-bold",style:bt({backgroundColor:t.step.done?"transparent":"inherit"})},[he(a,{htmlContent:u},null,8,["htmlContent"])],4))),128))]),o.editMsgMode?B("",!0):(k(),st(l,{key:0,ref:"mdRender","markdown-text":n.message.content},null,8,["markdown-text"])),o.editMsgMode?fe((k(),C("textarea",{key:1,ref:"mdTextarea",rows:4,class:"block p-2.5 w-full text-sm text-gray-900 bg-gray-50 rounded-lg border border-gray-300 focus:ring-blue-500 focus:border-blue-500 dark:bg-gray-700 dark:border-gray-600 dark:placeholder-gray-400 dark:text-white dark:focus:ring-blue-500 dark:focus:border-blue-500",style:bt({minHeight:o.mdRenderHeight+"px"}),placeholder:"Enter message here...","onUpdate:modelValue":e[13]||(e[13]=u=>this.message.content=u)},null,4)),[[Ie,this.message.content]]):B("",!0),n.message.metadata!==null?(k(),C("div",eUe,[(k(!0),C(Oe,null,Ge(n.message.metadata,(u,h)=>(k(),C("div",{key:"json-"+n.message.id+"-"+h,class:"json font-bold"},[he(c,{jsonFormText:u.title,jsonData:u.content},null,8,["jsonFormText","jsonData"])]))),128))])):B("",!0)]),d("div",tUe,[d("div",nUe,[n.message.binding?(k(),C("p",sUe,[xe("Binding: "),d("span",oUe,H(n.message.binding),1)])):B("",!0),n.message.model?(k(),C("p",rUe,[xe("Model: "),d("span",iUe,H(n.message.model),1)])):B("",!0),n.message.seed?(k(),C("p",aUe,[xe("Seed: "),d("span",lUe,H(n.message.seed),1)])):B("",!0),r.time_spent?(k(),C("p",cUe,[xe("Time spent: "),d("span",{class:"font-thin",title:"Finished generating: "+r.finished_generating_at_parsed},H(r.time_spent),9,dUe)])):B("",!0)])])])])])}const qg=Ue(cze,[["render",uUe]]),hUe="/";ye.defaults.baseURL="/";const fUe={name:"MountedPersonalities",props:{onShowPersList:Function,onReady:Function},components:{UniversalForm:wc},data(){return{bUrl:hUe,isMounted:!1,show:!1}},async mounted(){await this.constructor(),this.isMounted=!0},async activated(){this.isMounted&&await this.constructor()},computed:{configFile:{get(){return this.$store.state.config},set(t){this.$store.commit("setConfig",t)}},mountedPers:{get(){return this.$store.state.mountedPers},set(t){this.$store.commit("setMountedPers",t)}},personalities:{get(){return this.$store.state.personalities},set(t){this.$store.commit("setPersonalities",t)}},mountedPersArr:{get(){return this.$store.state.mountedPersArr},set(t){this.$store.commit("setMountedPers",t)}}},methods:{onSettingsPersonality(t){try{ye.get("/get_active_personality_settings").then(e=>{e&&(console.log("pers sett",e),e.data&&Object.keys(e.data).length>0?this.$refs.universalForm.showForm(e.data,"Personality settings - "+t.name,"Save changes","Cancel").then(n=>{try{ye.post("/set_active_personality_settings",n).then(s=>{s&&s.data?(console.log("personality set with new settings",s.data),this.$refs.toast.showToast("Personality settings updated successfully!",4,!0)):this.$refs.toast.showToast(`Did not get Personality settings responses. +You need to select model before you leave, or else.`,"Ok","Cancel"),!1}},ce=t=>(ns("data-v-d851eb8b"),t=t(),ss(),t),wLe={class:"container overflow-y-scroll flex flex-col no-scrollbar shadow-lg p-10 pt-0"},xLe={class:"sticky top-0 z-10 flex flex-row mb-2 p-3 gap-3 w-full rounded-b-lg bg-bg-light-tone dark:bg-bg-dark-tone shadow-lg"},kLe={key:0,class:"flex gap-3 flex-1 items-center duration-75"},ELe=ce(()=>d("i",{"data-feather":"x"},null,-1)),CLe=[ELe],ALe=ce(()=>d("i",{"data-feather":"check"},null,-1)),SLe=[ALe],TLe={key:1,class:"flex gap-3 flex-1 items-center"},MLe=ce(()=>d("i",{"data-feather":"save"},null,-1)),OLe=[MLe],RLe=ce(()=>d("i",{"data-feather":"refresh-ccw"},null,-1)),NLe=[RLe],DLe=ce(()=>d("i",{"data-feather":"list"},null,-1)),LLe=[DLe],ILe={class:"flex gap-3 flex-1 items-center justify-end"},PLe=ce(()=>d("i",{"data-feather":"trash-2"},null,-1)),FLe=[PLe],BLe=ce(()=>d("i",{"data-feather":"refresh-ccw"},null,-1)),$Le=[BLe],jLe=ce(()=>d("i",{"data-feather":"arrow-up-circle"},null,-1)),zLe={key:0},ULe=ce(()=>d("i",{"data-feather":"alert-circle"},null,-1)),qLe=[ULe],HLe={class:"flex gap-3 items-center"},VLe={key:0,class:"flex gap-3 items-center"},GLe=ce(()=>d("i",{"data-feather":"check"},null,-1)),KLe=[GLe],WLe={key:1,role:"status"},ZLe=ce(()=>d("svg",{"aria-hidden":"true",class:"w-6 h-6 animate-spin fill-secondary",viewBox:"0 0 100 101",fill:"none",xmlns:"http://www.w3.org/2000/svg"},[d("path",{d:"M100 50.5908C100 78.2051 77.6142 100.591 50 100.591C22.3858 100.591 0 78.2051 0 50.5908C0 22.9766 22.3858 0.59082 50 0.59082C77.6142 0.59082 100 22.9766 100 50.5908ZM9.08144 50.5908C9.08144 73.1895 27.4013 91.5094 50 91.5094C72.5987 91.5094 90.9186 73.1895 90.9186 50.5908C90.9186 27.9921 72.5987 9.67226 50 9.67226C27.4013 9.67226 9.08144 27.9921 9.08144 50.5908Z",fill:"currentColor"}),d("path",{d:"M93.9676 39.0409C96.393 38.4038 97.8624 35.9116 97.0079 33.5539C95.2932 28.8227 92.871 24.3692 89.8167 20.348C85.8452 15.1192 80.8826 10.7238 75.2124 7.41289C69.5422 4.10194 63.2754 1.94025 56.7698 1.05124C51.7666 0.367541 46.6976 0.446843 41.7345 1.27873C39.2613 1.69328 37.813 4.19778 38.4501 6.62326C39.0873 9.04874 41.5694 10.4717 44.0505 10.1071C47.8511 9.54855 51.7191 9.52689 55.5402 10.0491C60.8642 10.7766 65.9928 12.5457 70.6331 15.2552C75.2735 17.9648 79.3347 21.5619 82.5849 25.841C84.9175 28.9121 86.7997 32.2913 88.1811 35.8758C89.083 38.2158 91.5421 39.6781 93.9676 39.0409Z",fill:"currentFill"})],-1)),YLe=ce(()=>d("span",{class:"sr-only"},"Loading...",-1)),JLe={class:"flex flex-col mb-2 rounded-lg bg-bg-light-tone dark:bg-bg-dark-tone hover:bg-bg-light-tone-panel hover:dark:bg-bg-dark-tone-panel duration-150 shadow-lg"},QLe={class:"flex flex-row p-3"},XLe=ce(()=>d("i",{"data-feather":"chevron-right"},null,-1)),eIe=[XLe],tIe=ce(()=>d("i",{"data-feather":"chevron-down"},null,-1)),nIe=[tIe],sIe=ce(()=>d("h3",{class:"text-lg font-semibold cursor-pointer select-none mr-2"}," System status",-1)),oIe=ce(()=>d("div",{class:"mr-2"},"|",-1)),rIe={class:"text-base font-semibold cursor-pointer select-none items-center"},iIe={class:"flex gap-2 items-center"},aIe={key:0},lIe={class:"flex gap-2 items-center"},cIe=["title"],dIe=os('',34),uIe=[dIe],hIe={class:"font-bold font-large text-lg"},fIe={key:1},pIe={class:"flex gap-2 items-center"},gIe=os('',1),mIe={class:"font-bold font-large text-lg"},_Ie=ce(()=>d("i",{"data-feather":"cpu",title:"CPU Ram",class:"w-5 h-5 mx-1 flex-shrink-0"},null,-1)),bIe={class:"font-bold font-large text-lg"},yIe=ce(()=>d("i",{"data-feather":"hard-drive",title:"Hard drive",class:"w-5 h-5 mx-1 flex-shrink-0"},null,-1)),vIe={class:"font-bold font-large text-lg"},wIe={class:"mb-2"},xIe=ce(()=>d("label",{class:"flex items-center gap-1 ml-2 mb-2 text-sm font-medium text-gray-900 dark:text-white"},[d("svg",{xmlns:"http://www.w3.org/2000/svg",width:"24",height:"24",viewBox:"0 0 24 24"},[d("path",{fill:"currentColor",d:"M17 17H7V7h10m4 4V9h-2V7a2 2 0 0 0-2-2h-2V3h-2v2h-2V3H9v2H7c-1.11 0-2 .89-2 2v2H3v2h2v2H3v2h2v2a2 2 0 0 0 2 2h2v2h2v-2h2v2h2v-2h2a2 2 0 0 0 2-2v-2h2v-2h-2v-2m-6 2h-2v-2h2m2-2H9v6h6V9Z"})]),xe(" CPU Ram usage: ")],-1)),kIe={class:"flex flex-col mx-2"},EIe=ce(()=>d("b",null,"Avaliable ram: ",-1)),CIe=ce(()=>d("b",null,"Ram usage: ",-1)),AIe={class:"p-2"},SIe={class:"w-full bg-gray-200 rounded-full h-2.5 dark:bg-gray-700"},TIe={class:"mb-2"},MIe=ce(()=>d("label",{class:"flex items-center gap-1 ml-2 mb-2 text-sm font-medium text-gray-900 dark:text-white"},[d("i",{"data-feather":"hard-drive",class:"w-5 h-5"}),xe(" Disk usage: ")],-1)),OIe={class:"flex flex-col mx-2"},RIe=ce(()=>d("b",null,"Avaliable disk space: ",-1)),NIe=ce(()=>d("b",null,"Disk usage: ",-1)),DIe={class:"p-2"},LIe={class:"w-full bg-gray-200 rounded-full h-2.5 dark:bg-gray-700"},IIe={class:"mb-2"},PIe=os('',1),FIe={class:"flex flex-col mx-2"},BIe=ce(()=>d("b",null,"Model: ",-1)),$Ie=ce(()=>d("b",null,"Avaliable vram: ",-1)),jIe=ce(()=>d("b",null,"GPU usage: ",-1)),zIe={class:"p-2"},UIe={class:"w-full bg-gray-200 rounded-full h-2.5 dark:bg-gray-700"},qIe={class:"flex flex-col mb-2 rounded-lg bg-bg-light-tone dark:bg-bg-dark-tone hover:bg-bg-light-tone-panel hover:dark:bg-bg-dark-tone-panel duration-150 shadow-lg"},HIe={class:"flex flex-row p-3"},VIe=ce(()=>d("i",{"data-feather":"chevron-right"},null,-1)),GIe=[VIe],KIe=ce(()=>d("i",{"data-feather":"chevron-down"},null,-1)),WIe=[KIe],ZIe=ce(()=>d("h3",{class:"text-lg font-semibold cursor-pointer select-none mr-2"}," Main configurations",-1)),YIe={class:"flex flex-row mb-2 px-3 pb-2"},JIe={class:"pb-2 m-2 expand-to-fit"},QIe={class:"bg-gray-50 border border-gray-300 text-gray-900 text-sm rounded-lg focus:ring-blue-500 focus:border-blue-500 block w-full p-2.5 dark:bg-gray-700 dark:border-gray-600 dark:placeholder-gray-400 dark:text-white dark:focus:ring-blue-500 dark:focus:border-blue-500"},XIe=ce(()=>d("th",null,"Generic",-1)),ePe=ce(()=>d("td",{style:{"min-width":"200px"}},[d("label",{for:"db_path",class:"text-sm font-bold",style:{"margin-right":"1rem"}},"Database path:")],-1)),tPe={style:{width:"100%"}},nPe=ce(()=>d("td",{style:{"min-width":"200px"}},[d("label",{for:"enable_gpu",class:"text-sm font-bold",style:{"margin-right":"1rem"}},"Enable GPU:")],-1)),sPe=ce(()=>d("td",{style:{"min-width":"200px"}},[d("label",{for:"auto_update",class:"text-sm font-bold",style:{"margin-right":"1rem"}},"Auto update:")],-1)),oPe={class:"pb-2 m-2"},rPe={class:"bg-gray-50 border border-gray-300 text-gray-900 text-sm rounded-lg focus:ring-blue-500 focus:border-blue-500 block w-full p-2.5 dark:bg-gray-700 dark:border-gray-600 dark:placeholder-gray-400 dark:text-white dark:focus:ring-blue-500 dark:focus:border-blue-500"},iPe=ce(()=>d("th",null,"User",-1)),aPe=ce(()=>d("td",{style:{"min-width":"200px"}},[d("label",{for:"user_name",class:"text-sm font-bold",style:{"margin-right":"1rem"}},"User name:")],-1)),lPe={style:{width:"100%"}},cPe=ce(()=>d("td",{style:{"min-width":"200px"}},[d("label",{for:"user_name",class:"text-sm font-bold",style:{"margin-right":"1rem"}},"User avatar:")],-1)),dPe={style:{width:"100%"}},uPe={for:"avatar-upload"},hPe=["src"],fPe=ce(()=>d("td",{style:{"min-width":"200px"}},[d("label",{for:"use_user_name_in_discussions",class:"text-sm font-bold",style:{"margin-right":"1rem"}},"Use User Name in discussions:")],-1)),pPe={class:"pb-2 m-2"},gPe={class:"bg-gray-50 border border-gray-300 text-gray-900 text-sm rounded-lg focus:ring-blue-500 focus:border-blue-500 block w-full p-2.5 dark:bg-gray-700 dark:border-gray-600 dark:placeholder-gray-400 dark:text-white dark:focus:ring-blue-500 dark:focus:border-blue-500"},mPe=ce(()=>d("th",null,"Audio",-1)),_Pe=ce(()=>d("td",{style:{"min-width":"200px"}},[d("label",{for:"auto_speak",class:"text-sm font-bold",style:{"margin-right":"1rem"}},"Enable auto speak:")],-1)),bPe=ce(()=>d("td",{style:{"min-width":"200px"}},[d("label",{for:"audio_pitch",class:"text-sm font-bold",style:{"margin-right":"1rem"}},"audio pitch:")],-1)),yPe={class:"w-full mt-1 px-2 py-1 border border-gray-300 rounded dark:bg-gray-600"},vPe=ce(()=>d("td",{style:{"min-width":"200px"}},[d("label",{for:"audio_in_language",class:"text-sm font-bold",style:{"margin-right":"1rem"}},"Input Audio Language:")],-1)),wPe=["value"],xPe=ce(()=>d("td",{style:{"min-width":"200px"}},[d("label",{for:"audio_out_voice",class:"text-sm font-bold",style:{"margin-right":"1rem"}},"Output Audio Voice:")],-1)),kPe=["value"],EPe={class:"flex flex-col mb-2 rounded-lg bg-bg-light-tone dark:bg-bg-dark-tone hover:bg-bg-light-tone-panel hover:dark:bg-bg-dark-tone-panel duration-150 shadow-lg"},CPe={class:"flex flex-row p-3"},APe=ce(()=>d("i",{"data-feather":"chevron-right"},null,-1)),SPe=[APe],TPe=ce(()=>d("i",{"data-feather":"chevron-down"},null,-1)),MPe=[TPe],OPe=ce(()=>d("h3",{class:"text-lg font-semibold cursor-pointer select-none mr-2"}," Binding zoo",-1)),RPe={key:0,class:"text-base text-red-600 flex gap-3 items-center mr-2"},NPe=ce(()=>d("i",{"data-feather":"alert-triangle",class:"flex-shrink-0"},null,-1)),DPe={key:1,class:"mr-2"},LPe={key:2,class:"text-base font-semibold cursor-pointer select-none items-center"},IPe={class:"flex gap-1 items-center"},PPe=["src"],FPe={class:"font-bold font-large text-lg line-clamp-1"},BPe={key:0,class:"mb-2"},$Pe={for:"binding",class:"block ml-2 mb-2 text-sm font-medium text-gray-900 dark:text-white"},jPe=ce(()=>d("i",{"data-feather":"chevron-up"},null,-1)),zPe=[jPe],UPe=ce(()=>d("i",{"data-feather":"chevron-down"},null,-1)),qPe=[UPe],HPe={class:"flex flex-col mb-2 rounded-lg bg-bg-light-tone dark:bg-bg-dark-tone hover:bg-bg-light-tone-panel hover:dark:bg-bg-dark-tone-panel duration-150 shadow-lg"},VPe={class:"flex flex-row p-3"},GPe=ce(()=>d("i",{"data-feather":"chevron-right"},null,-1)),KPe=[GPe],WPe=ce(()=>d("i",{"data-feather":"chevron-down"},null,-1)),ZPe=[WPe],YPe=ce(()=>d("h3",{class:"text-lg font-semibold cursor-pointer select-none mr-2"}," Models zoo",-1)),JPe={class:"flex flex-row items-center"},QPe={key:0,class:"text-base text-red-600 flex gap-3 items-center mr-2"},XPe=ce(()=>d("i",{"data-feather":"alert-triangle",class:"flex-shrink-0"},null,-1)),eFe={key:1,class:"text-base text-red-600 flex gap-3 items-center mr-2"},tFe=ce(()=>d("i",{"data-feather":"alert-triangle",class:"flex-shrink-0"},null,-1)),nFe={key:2,class:"mr-2"},sFe={key:3,class:"text-base font-semibold cursor-pointer select-none items-center"},oFe={class:"flex gap-1 items-center"},rFe=["src"],iFe={class:"font-bold font-large text-lg line-clamp-1"},aFe={class:"mx-2 mb-4"},lFe={class:"relative"},cFe={class:"absolute inset-y-0 left-0 flex items-center pl-3 pointer-events-none"},dFe={key:0},uFe=ce(()=>d("div",{role:"status"},[d("svg",{"aria-hidden":"true",class:"inline w-4 h-4 mr-2 text-gray-200 animate-spin dark:text-gray-600 fill-blue-600",viewBox:"0 0 100 101",fill:"none",xmlns:"http://www.w3.org/2000/svg"},[d("path",{d:"M100 50.5908C100 78.2051 77.6142 100.591 50 100.591C22.3858 100.591 0 78.2051 0 50.5908C0 22.9766 22.3858 0.59082 50 0.59082C77.6142 0.59082 100 22.9766 100 50.5908ZM9.08144 50.5908C9.08144 73.1895 27.4013 91.5094 50 91.5094C72.5987 91.5094 90.9186 73.1895 90.9186 50.5908C90.9186 27.9921 72.5987 9.67226 50 9.67226C27.4013 9.67226 9.08144 27.9921 9.08144 50.5908Z",fill:"currentColor"}),d("path",{d:"M93.9676 39.0409C96.393 38.4038 97.8624 35.9116 97.0079 33.5539C95.2932 28.8227 92.871 24.3692 89.8167 20.348C85.8452 15.1192 80.8826 10.7238 75.2124 7.41289C69.5422 4.10194 63.2754 1.94025 56.7698 1.05124C51.7666 0.367541 46.6976 0.446843 41.7345 1.27873C39.2613 1.69328 37.813 4.19778 38.4501 6.62326C39.0873 9.04874 41.5694 10.4717 44.0505 10.1071C47.8511 9.54855 51.7191 9.52689 55.5402 10.0491C60.8642 10.7766 65.9928 12.5457 70.6331 15.2552C75.2735 17.9648 79.3347 21.5619 82.5849 25.841C84.9175 28.9121 86.7997 32.2913 88.1811 35.8758C89.083 38.2158 91.5421 39.6781 93.9676 39.0409Z",fill:"currentFill"})]),d("span",{class:"sr-only"},"Loading...")],-1)),hFe=[uFe],fFe={key:1},pFe=ce(()=>d("svg",{"aria-hidden":"true",class:"w-5 h-5 text-gray-500 dark:text-gray-400",fill:"none",stroke:"currentColor",viewBox:"0 0 24 24",xmlns:"http://www.w3.org/2000/svg"},[d("path",{"stroke-linecap":"round","stroke-linejoin":"round","stroke-width":"2",d:"M21 21l-6-6m2-5a7 7 0 11-14 0 7 7 0 0114 0z"})],-1)),gFe=[pFe],mFe={key:0},_Fe={key:0,class:"mb-2"},bFe={for:"model",class:"block ml-2 mb-2 text-sm font-medium text-gray-900 dark:text-white"},yFe={key:1},vFe={key:0,class:"mb-2"},wFe={for:"model",class:"block ml-2 mb-2 text-sm font-medium text-gray-900 dark:text-white"},xFe=ce(()=>d("i",{"data-feather":"chevron-up"},null,-1)),kFe=[xFe],EFe=ce(()=>d("i",{"data-feather":"chevron-down"},null,-1)),CFe=[EFe],AFe={class:"flex flex-col mb-2 rounded-lg bg-bg-light-tone dark:bg-bg-dark-tone hover:bg-bg-light-tone-panel hover:dark:bg-bg-dark-tone-panel duration-150 shadow-lg"},SFe={class:"flex flex-row p-3"},TFe=ce(()=>d("i",{"data-feather":"chevron-right"},null,-1)),MFe=[TFe],OFe=ce(()=>d("i",{"data-feather":"chevron-down"},null,-1)),RFe=[OFe],NFe=ce(()=>d("h3",{class:"text-lg font-semibold cursor-pointer select-none mr-2"}," Add models for binding",-1)),DFe={key:0,class:"text-base text-red-600 flex gap-3 items-center mr-2"},LFe=ce(()=>d("i",{"data-feather":"alert-triangle",class:"flex-shrink-0"},null,-1)),IFe={key:1,class:"mr-2"},PFe={key:2,class:"text-base font-semibold cursor-pointer select-none items-center"},FFe={class:"flex gap-1 items-center"},BFe=["src"],$Fe={class:"font-bold font-large text-lg line-clamp-1"},jFe={class:"mb-2"},zFe={class:"p-2"},UFe={class:"mb-3"},qFe=ce(()=>d("label",{class:"block mb-2 text-sm font-medium text-gray-900 dark:text-white"},"Create a reference from local file path:",-1)),HFe={key:0},VFe={class:"mb-3"},GFe=ce(()=>d("label",{class:"block mb-2 text-sm font-medium text-gray-900 dark:text-white"},"Download from web:",-1)),KFe={key:1,class:"relative flex flex-col items-center justify-center flex-grow h-full"},WFe=ce(()=>d("div",{role:"status",class:"justify-center"},null,-1)),ZFe={class:"relative flex flex-row flex-grow items-center w-full h-full bottom-0"},YFe={class:"w-full p-2"},JFe={class:"flex justify-between mb-1"},QFe=os(' Downloading Loading...',1),XFe={class:"text-sm font-medium text-blue-700 dark:text-white"},eBe=["title"],tBe={class:"w-full bg-gray-200 rounded-full h-2.5 dark:bg-gray-700"},nBe={class:"flex justify-between mb-1"},sBe={class:"text-base font-medium text-blue-700 dark:text-white"},oBe={class:"text-sm font-medium text-blue-700 dark:text-white"},rBe={class:"flex flex-grow"},iBe={class:"flex flex-row flex-grow gap-3"},aBe={class:"p-2 text-center grow"},lBe={class:"flex flex-col mb-2 rounded-lg bg-bg-light-tone dark:bg-bg-dark-tone hover:bg-bg-light-tone-panel hover:dark:bg-bg-dark-tone-panel duration-150 shadow-lg"},cBe={class:"flex flex-row p-3 items-center"},dBe=ce(()=>d("i",{"data-feather":"chevron-right"},null,-1)),uBe=[dBe],hBe=ce(()=>d("i",{"data-feather":"chevron-down"},null,-1)),fBe=[hBe],pBe=ce(()=>d("h3",{class:"text-lg font-semibold cursor-pointer select-none mr-2"}," Personalities zoo",-1)),gBe={key:0,class:"mr-2"},mBe={class:"mr-2 font-bold font-large text-lg line-clamp-1"},_Be={key:1,class:"mr-2"},bBe={key:2,class:"text-base font-semibold cursor-pointer select-none items-center flex flex-row"},yBe={key:0,class:"flex -space-x-4 items-center"},vBe={class:"group items-center flex flex-row"},wBe=["onClick"],xBe=["src","title"],kBe=["onClick"],EBe=ce(()=>d("span",{class:"hidden group-hover:block top-0 left-7 absolute active:scale-90 bg-bg-light dark:bg-bg-dark rounded-full border-2 border-transparent",title:"Unmount personality"},[d("svg",{"aria-hidden":"true",class:"w-4 h-4 text-red-600 hover:text-red-500",fill:"currentColor",viewBox:"0 0 20 20",xmlns:"http://www.w3.org/2000/svg"},[d("path",{"fill-rule":"evenodd",d:"M4.293 4.293a1 1 0 011.414 0L10 8.586l4.293-4.293a1 1 0 111.414 1.414L11.414 10l4.293 4.293a1 1 0 01-1.414 1.414L10 11.414l-4.293 4.293a1 1 0 01-1.414-1.414L8.586 10 4.293 5.707a1 1 0 010-1.414z","clip-rule":"evenodd"})])],-1)),CBe=[EBe],ABe={class:"mx-2 mb-4"},SBe=ce(()=>d("label",{for:"personality-search",class:"mb-2 text-sm font-medium text-gray-900 sr-only dark:text-white"},"Search",-1)),TBe={class:"relative"},MBe={class:"absolute inset-y-0 left-0 flex items-center pl-3 pointer-events-none"},OBe={key:0},RBe=ce(()=>d("div",{role:"status"},[d("svg",{"aria-hidden":"true",class:"inline w-4 h-4 mr-2 text-gray-200 animate-spin dark:text-gray-600 fill-blue-600",viewBox:"0 0 100 101",fill:"none",xmlns:"http://www.w3.org/2000/svg"},[d("path",{d:"M100 50.5908C100 78.2051 77.6142 100.591 50 100.591C22.3858 100.591 0 78.2051 0 50.5908C0 22.9766 22.3858 0.59082 50 0.59082C77.6142 0.59082 100 22.9766 100 50.5908ZM9.08144 50.5908C9.08144 73.1895 27.4013 91.5094 50 91.5094C72.5987 91.5094 90.9186 73.1895 90.9186 50.5908C90.9186 27.9921 72.5987 9.67226 50 9.67226C27.4013 9.67226 9.08144 27.9921 9.08144 50.5908Z",fill:"currentColor"}),d("path",{d:"M93.9676 39.0409C96.393 38.4038 97.8624 35.9116 97.0079 33.5539C95.2932 28.8227 92.871 24.3692 89.8167 20.348C85.8452 15.1192 80.8826 10.7238 75.2124 7.41289C69.5422 4.10194 63.2754 1.94025 56.7698 1.05124C51.7666 0.367541 46.6976 0.446843 41.7345 1.27873C39.2613 1.69328 37.813 4.19778 38.4501 6.62326C39.0873 9.04874 41.5694 10.4717 44.0505 10.1071C47.8511 9.54855 51.7191 9.52689 55.5402 10.0491C60.8642 10.7766 65.9928 12.5457 70.6331 15.2552C75.2735 17.9648 79.3347 21.5619 82.5849 25.841C84.9175 28.9121 86.7997 32.2913 88.1811 35.8758C89.083 38.2158 91.5421 39.6781 93.9676 39.0409Z",fill:"currentFill"})]),d("span",{class:"sr-only"},"Loading...")],-1)),NBe=[RBe],DBe={key:1},LBe=ce(()=>d("svg",{"aria-hidden":"true",class:"w-5 h-5 text-gray-500 dark:text-gray-400",fill:"none",stroke:"currentColor",viewBox:"0 0 24 24",xmlns:"http://www.w3.org/2000/svg"},[d("path",{"stroke-linecap":"round","stroke-linejoin":"round","stroke-width":"2",d:"M21 21l-6-6m2-5a7 7 0 11-14 0 7 7 0 0114 0z"})],-1)),IBe=[LBe],PBe={key:0,class:"mx-2 mb-4"},FBe={for:"persCat",class:"block mb-2 text-sm font-medium text-gray-900 dark:text-white"},BBe=["selected"],$Be={key:0,class:"mb-2"},jBe={for:"model",class:"block ml-2 mb-2 text-sm font-medium text-gray-900 dark:text-white"},zBe=ce(()=>d("i",{"data-feather":"chevron-up"},null,-1)),UBe=[zBe],qBe=ce(()=>d("i",{"data-feather":"chevron-down"},null,-1)),HBe=[qBe],VBe={class:"flex flex-col mb-2 p-3 rounded-lg bg-bg-light-tone dark:bg-bg-dark-tone hover:bg-bg-light-tone-panel hover:dark:bg-bg-dark-tone-panel duration-150 shadow-lg"},GBe={class:"flex flex-row"},KBe=ce(()=>d("i",{"data-feather":"chevron-right"},null,-1)),WBe=[KBe],ZBe=ce(()=>d("i",{"data-feather":"chevron-down"},null,-1)),YBe=[ZBe],JBe=ce(()=>d("h3",{class:"text-lg font-semibold cursor-pointer select-none"}," Model Configuration",-1)),QBe={class:"m-2"},XBe={class:"flex flex-row gap-2 items-center"},e$e=ce(()=>d("label",{for:"override-model-parameters",class:"block text-sm font-medium"}," Override personality model parameters ",-1)),t$e={class:"m-2"},n$e=ce(()=>d("label",{for:"seed",class:"block mb-2 text-sm font-medium"}," Seed: ",-1)),s$e={class:"m-2"},o$e={class:"flex flex-col align-bottom"},r$e={class:"relative"},i$e=ce(()=>d("p",{class:"absolute left-0 mt-6"},[d("label",{for:"temperature",class:"text-sm font-medium"}," Temperature: ")],-1)),a$e={class:"absolute right-0"},l$e={class:"m-2"},c$e={class:"flex flex-col align-bottom"},d$e={class:"relative"},u$e=ce(()=>d("p",{class:"absolute left-0 mt-6"},[d("label",{for:"predict",class:"text-sm font-medium"}," N Predict: ")],-1)),h$e={class:"absolute right-0"},f$e={class:"m-2"},p$e={class:"flex flex-col align-bottom"},g$e={class:"relative"},m$e=ce(()=>d("p",{class:"absolute left-0 mt-6"},[d("label",{for:"top_k",class:"text-sm font-medium"}," Top-K: ")],-1)),_$e={class:"absolute right-0"},b$e={class:"m-2"},y$e={class:"flex flex-col align-bottom"},v$e={class:"relative"},w$e=ce(()=>d("p",{class:"absolute left-0 mt-6"},[d("label",{for:"top_p",class:"text-sm font-medium"}," Top-P: ")],-1)),x$e={class:"absolute right-0"},k$e={class:"m-2"},E$e={class:"flex flex-col align-bottom"},C$e={class:"relative"},A$e=ce(()=>d("p",{class:"absolute left-0 mt-6"},[d("label",{for:"repeat_penalty",class:"text-sm font-medium"}," Repeat penalty: ")],-1)),S$e={class:"absolute right-0"},T$e={class:"m-2"},M$e={class:"flex flex-col align-bottom"},O$e={class:"relative"},R$e=ce(()=>d("p",{class:"absolute left-0 mt-6"},[d("label",{for:"repeat_last_n",class:"text-sm font-medium"}," Repeat last N: ")],-1)),N$e={class:"absolute right-0"};function D$e(t,e,n,s,o,r){const i=Ve("BindingEntry"),a=Ve("model-entry"),l=Ve("personality-entry"),c=Ve("YesNoDialog"),u=Ve("AddModelDialog"),h=Ve("MessageBox"),f=Ve("Toast"),g=Ve("UniversalForm"),m=Ve("ChoiceDialog");return k(),C(Oe,null,[d("div",wLe,[d("div",xLe,[o.showConfirmation?(k(),C("div",kLe,[d("button",{class:"text-2xl hover:text-red-600 duration-75 active:scale-90",title:"Cancel",type:"button",onClick:e[0]||(e[0]=le(p=>o.showConfirmation=!1,["stop"]))},CLe),d("button",{class:"text-2xl hover:text-secondary duration-75 active:scale-90",title:"Confirm save changes",type:"button",onClick:e[1]||(e[1]=le(p=>r.save_configuration(),["stop"]))},SLe)])):F("",!0),o.showConfirmation?F("",!0):(k(),C("div",TLe,[d("button",{title:"Save configuration",class:"text-2xl hover:text-secondary duration-75 active:scale-90",onClick:e[2]||(e[2]=p=>o.showConfirmation=!0)},OLe),d("button",{title:"Reset configuration",class:"text-2xl hover:text-secondary duration-75 active:scale-90",onClick:e[3]||(e[3]=p=>r.reset_configuration())},NLe),d("button",{class:"text-2xl hover:text-secondary duration-75 active:scale-90",title:"Collapse / Expand all panels",type:"button",onClick:e[4]||(e[4]=le(p=>o.all_collapsed=!o.all_collapsed,["stop"]))},LLe)])),d("div",ILe,[d("button",{title:"Clear uploads",class:"text-2xl hover:text-secondary duration-75 active:scale-90",onClick:e[5]||(e[5]=p=>r.api_get_req("clear_uploads").then(b=>{b.status?this.$refs.toast.showToast("Success!",4,!0):this.$refs.toast.showToast(["failed!"],4,!1)}))},FLe),d("button",{title:"Restart program",class:"text-2xl hover:text-secondary duration-75 active:scale-90",onClick:e[6]||(e[6]=p=>r.api_get_req("restart_program").then(b=>{b.status?this.$refs.toast.showToast("Success!",4,!0):this.$refs.toast.showToast(["failed!"],4,!1)}))},$Le),d("button",{title:"Upgrade program ",class:"text-2xl hover:text-secondary duration-75 active:scale-90",onClick:e[7]||(e[7]=p=>r.api_get_req("update_software").then(b=>{b.status?this.$refs.toast.showToast("Success!",4,!0):this.$refs.toast.showToast("Success!",4,!0)}))},[jLe,o.has_updates?(k(),C("div",zLe,qLe)):F("",!0)]),d("div",HLe,[o.settingsChanged?(k(),C("div",VLe,[xe(" Apply changes: "),o.isLoading?F("",!0):(k(),C("button",{key:0,class:"text-2xl hover:text-secondary duration-75 active:scale-90",title:"Apply changes",type:"button",onClick:e[8]||(e[8]=le(p=>r.applyConfiguration(),["stop"]))},KLe))])):F("",!0),o.isLoading?(k(),C("div",WLe,[d("p",null,H(o.loading_text),1),ZLe,YLe])):F("",!0)])])]),d("div",{class:Me(o.isLoading?"pointer-events-none opacity-30":"")},[d("div",JLe,[d("div",QLe,[d("button",{onClick:e[9]||(e[9]=le(p=>o.sc_collapsed=!o.sc_collapsed,["stop"])),class:"text-2xl hover:text-primary p-2 -m-2 w-full text-left flex flex-row items-center"},[fe(d("div",null,eIe,512),[[Ye,o.sc_collapsed]]),fe(d("div",null,nIe,512),[[Ye,!o.sc_collapsed]]),sIe,oIe,d("div",rIe,[d("div",iIe,[d("div",null,[r.vramUsage&&r.vramUsage.gpus&&r.vramUsage.gpus.length==1?(k(),C("div",aIe,[(k(!0),C(Oe,null,Ge(r.vramUsage.gpus,p=>(k(),C("div",lIe,[(k(),C("svg",{title:p.gpu_model,"aria-hidden":"true",class:"w-10 h-10 fill-secondary",viewBox:"0 -3 82 66",fill:"none",xmlns:"http://www.w3.org/2000/svg"},uIe,8,cIe)),d("h3",hIe,[d("div",null,H(r.computedFileSize(p.used_vram))+" / "+H(r.computedFileSize(p.total_vram))+" ("+H(p.percentage)+"%) ",1)])]))),256))])):F("",!0),r.vramUsage&&r.vramUsage.gpus&&r.vramUsage.gpus.length>1?(k(),C("div",fIe,[d("div",pIe,[gIe,d("h3",mIe,[d("div",null,H(r.vramUsage.gpus.length)+"x ",1)])])])):F("",!0)]),_Ie,d("h3",bIe,[d("div",null,H(r.ram_usage)+" / "+H(r.ram_total_space)+" ("+H(r.ram_percent_usage)+"%)",1)]),yIe,d("h3",vIe,[d("div",null,H(r.disk_binding_models_usage)+" / "+H(r.disk_total_space)+" ("+H(r.disk_percent_usage)+"%)",1)])])])])]),d("div",{class:Me([{hidden:o.sc_collapsed},"flex flex-col mb-2 px-3 pb-0"])},[d("div",wIe,[xIe,d("div",kIe,[d("div",null,[EIe,xe(H(r.ram_available_space),1)]),d("div",null,[CIe,xe(" "+H(r.ram_usage)+" / "+H(r.ram_total_space)+" ("+H(r.ram_percent_usage)+")% ",1)])]),d("div",AIe,[d("div",SIe,[d("div",{class:"bg-blue-600 h-2.5 rounded-full",style:bt("width: "+r.ram_percent_usage+"%;")},null,4)])])]),d("div",TIe,[MIe,d("div",OIe,[d("div",null,[RIe,xe(H(r.disk_available_space),1)]),d("div",null,[NIe,xe(" "+H(r.disk_binding_models_usage)+" / "+H(r.disk_total_space)+" ("+H(r.disk_percent_usage)+"%)",1)])]),d("div",DIe,[d("div",LIe,[d("div",{class:"bg-blue-600 h-2.5 rounded-full",style:bt("width: "+r.disk_percent_usage+"%;")},null,4)])])]),(k(!0),C(Oe,null,Ge(r.vramUsage.gpus,p=>(k(),C("div",IIe,[PIe,d("div",FIe,[d("div",null,[BIe,xe(H(p.gpu_model),1)]),d("div",null,[$Ie,xe(H(this.computedFileSize(p.available_space)),1)]),d("div",null,[jIe,xe(" "+H(this.computedFileSize(p.used_vram))+" / "+H(this.computedFileSize(p.total_vram))+" ("+H(p.percentage)+"%)",1)])]),d("div",zIe,[d("div",UIe,[d("div",{class:"bg-blue-600 h-2.5 rounded-full",style:bt("width: "+p.percentage+"%;")},null,4)])])]))),256))],2)]),d("div",qIe,[d("div",HIe,[d("button",{onClick:e[10]||(e[10]=le(p=>o.minconf_collapsed=!o.minconf_collapsed,["stop"])),class:"text-2xl hover:text-primary p-2 -m-2 w-full text-left flex flex-row items-center"},[fe(d("div",null,GIe,512),[[Ye,o.minconf_collapsed]]),fe(d("div",null,WIe,512),[[Ye,!o.minconf_collapsed]]),ZIe])]),d("div",{class:Me([{hidden:o.minconf_collapsed},"flex flex-col mb-2 px-3 pb-0"])},[d("div",YIe,[d("div",JIe,[d("table",QIe,[XIe,d("tr",null,[ePe,d("td",tPe,[fe(d("input",{type:"text",id:"db_path",required:"","onUpdate:modelValue":e[11]||(e[11]=p=>r.configFile.db_path=p),onChange:e[12]||(e[12]=p=>o.settingsChanged=!0),class:"w-full w-full mt-1 px-2 py-1 border border-gray-300 rounded dark:bg-gray-600 dark:bg-gray-600"},null,544),[[Ie,r.configFile.db_path]])])]),d("tr",null,[nPe,d("td",null,[fe(d("input",{type:"checkbox",id:"enable_gpu",required:"","onUpdate:modelValue":e[13]||(e[13]=p=>r.configFile.enable_gpu=p),onChange:e[14]||(e[14]=p=>o.settingsChanged=!0),class:"w-full mt-1 px-2 py-1 border border-gray-300 rounded dark:bg-gray-600"},null,544),[[kt,r.configFile.enable_gpu]])])]),d("tr",null,[sPe,d("td",null,[fe(d("input",{type:"checkbox",id:"auto_update",required:"","onUpdate:modelValue":e[15]||(e[15]=p=>r.configFile.auto_update=p),onChange:e[16]||(e[16]=p=>o.settingsChanged=!0),class:"w-full mt-1 px-2 py-1 border border-gray-300 rounded dark:bg-gray-600"},null,544),[[kt,r.configFile.auto_update]])])])])]),d("div",oPe,[d("table",rPe,[iPe,d("tr",null,[aPe,d("td",lPe,[fe(d("input",{type:"text",id:"user_name",required:"","onUpdate:modelValue":e[17]||(e[17]=p=>r.configFile.userName=p),onChange:e[18]||(e[18]=p=>o.settingsChanged=!0),class:"w-full w-full mt-1 px-2 py-1 border border-gray-300 rounded dark:bg-gray-600"},null,544),[[Ie,r.configFile.userName]])])]),d("tr",null,[cPe,d("td",dPe,[d("label",uPe,[d("img",{src:r.configFile.user_avatar,class:"w-50 h-50 rounded-full",style:{"max-width":"50px","max-height":"50px",cursor:"pointer"}},null,8,hPe)]),d("input",{type:"file",id:"avatar-upload",style:{display:"none"},onChange:e[19]||(e[19]=(...p)=>r.uploadAvatar&&r.uploadAvatar(...p))},null,32)])]),d("tr",null,[fPe,d("td",null,[fe(d("input",{type:"checkbox",id:"use_user_name_in_discussions",required:"","onUpdate:modelValue":e[20]||(e[20]=p=>r.configFile.use_user_name_in_discussions=p),onChange:e[21]||(e[21]=p=>o.settingsChanged=!0),class:"w-full mt-1 px-2 py-1 border border-gray-300 rounded dark:bg-gray-600"},null,544),[[kt,r.configFile.use_user_name_in_discussions]])])])])]),d("div",pPe,[d("table",gPe,[mPe,d("tr",null,[_Pe,d("td",null,[fe(d("input",{type:"checkbox",id:"auto_speak",required:"","onUpdate:modelValue":e[22]||(e[22]=p=>r.configFile.auto_speak=p),onChange:e[23]||(e[23]=p=>o.settingsChanged=!0),class:"w-full mt-1 px-2 py-1 border border-gray-300 rounded dark:bg-gray-600"},null,544),[[kt,r.configFile.auto_speak]])])]),d("tr",null,[bPe,d("td",null,[fe(d("input",{id:"audio_pitch","onUpdate:modelValue":e[24]||(e[24]=p=>r.configFile.audio_pitch=p),onChange:e[25]||(e[25]=p=>o.settingsChanged=!0),type:"range",min:"0",max:"10",step:"0.1",class:"flex-none h-2 mt-14 mb-2 w-full bg-gray-200 rounded-lg appearance-none cursor-pointer dark:bg-gray-700 focus:ring-blue-500 focus:border-blue-500 dark:border-gray-600 dark:placeholder-gray-400 dark:focus:ring-blue-500 dark:focus:border-blue-500"},null,544),[[Ie,r.configFile.audio_pitch]]),d("p",yPe,H(r.audio_pitch),1)])]),d("tr",null,[vPe,d("td",null,[fe(d("select",{id:"audio_in_language","onUpdate:modelValue":e[26]||(e[26]=p=>r.configFile.audio_in_language=p),onChange:e[27]||(e[27]=p=>o.settingsChanged=!0),class:"w-full mt-1 px-2 py-1 border border-gray-300 rounded dark:bg-gray-600"},[(k(!0),C(Oe,null,Ge(r.audioLanguages,p=>(k(),C("option",{key:p.code,value:p.code},H(p.name),9,wPe))),128))],544),[[Ms,r.configFile.audio_in_language]])])]),d("tr",null,[xPe,d("td",null,[fe(d("select",{id:"audio_out_voice","onUpdate:modelValue":e[28]||(e[28]=p=>r.configFile.audio_out_voice=p),onChange:e[29]||(e[29]=p=>o.settingsChanged=!0),class:"w-full mt-1 px-2 py-1 border border-gray-300 rounded dark:bg-gray-600"},[(k(!0),C(Oe,null,Ge(o.audioVoices,p=>(k(),C("option",{key:p.name,value:p.name},H(p.name),9,kPe))),128))],544),[[Ms,r.configFile.audio_out_voice]])])])])])])],2)]),d("div",EPe,[d("div",CPe,[d("button",{onClick:e[30]||(e[30]=le(p=>o.bzc_collapsed=!o.bzc_collapsed,["stop"])),class:"text-2xl hover:text-primary p-2 -m-2 w-full text-left flex flex-row items-center"},[fe(d("div",null,SPe,512),[[Ye,o.bzc_collapsed]]),fe(d("div",null,MPe,512),[[Ye,!o.bzc_collapsed]]),OPe,r.configFile.binding_name?F("",!0):(k(),C("div",RPe,[NPe,xe(" No binding selected! ")])),r.configFile.binding_name?(k(),C("div",DPe,"|")):F("",!0),r.configFile.binding_name?(k(),C("div",LPe,[d("div",IPe,[d("img",{src:r.imgBinding,class:"w-8 h-8 rounded-full object-fill text-blue-700"},null,8,PPe),d("h3",FPe,H(r.binding_name),1)])])):F("",!0)])]),d("div",{class:Me([{hidden:o.bzc_collapsed},"flex flex-col mb-2 px-3 pb-0"])},[r.bindingsArr&&r.bindingsArr.length>0?(k(),C("div",BPe,[d("label",$Pe," Bindings: ("+H(r.bindingsArr.length)+") ",1),d("div",{class:Me(["overflow-y-auto no-scrollbar p-2 pb-0 grid lg:grid-cols-3 md:grid-cols-2 gap-4",o.bzl_collapsed?"":"max-h-96"])},[he(Ut,{name:"list"},{default:De(()=>[(k(!0),C(Oe,null,Ge(r.bindingsArr,(p,b)=>(k(),st(i,{ref_for:!0,ref:"bindingZoo",key:"index-"+b+"-"+p.folder,binding:p,"on-selected":r.onSelectedBinding,"on-reinstall":r.onReinstallBinding,"on-install":r.onInstallBinding,"on-settings":r.onSettingsBinding,"on-reload-binding":r.onReloadBinding,selected:p.folder===r.configFile.binding_name},null,8,["binding","on-selected","on-reinstall","on-install","on-settings","on-reload-binding","selected"]))),128))]),_:1})],2)])):F("",!0),o.bzl_collapsed?(k(),C("button",{key:1,class:"text-2xl hover:text-secondary duration-75 flex justify-center hover:bg-bg-light-tone hover:dark:bg-bg-dark-tone rounded-lg",title:"Collapse",type:"button",onClick:e[31]||(e[31]=p=>o.bzl_collapsed=!o.bzl_collapsed)},zPe)):(k(),C("button",{key:2,class:"text-2xl hover:text-secondary duration-75 flex justify-center hover:bg-bg-light-tone hover:dark:bg-bg-dark-tone rounded-lg",title:"Expand",type:"button",onClick:e[32]||(e[32]=p=>o.bzl_collapsed=!o.bzl_collapsed)},qPe))],2)]),d("div",HPe,[d("div",VPe,[d("button",{onClick:e[33]||(e[33]=le(p=>o.mzc_collapsed=!o.mzc_collapsed,["stop"])),class:"text-2xl hover:text-primary p-2 -m-2 w-full text-left flex items-center"},[fe(d("div",null,KPe,512),[[Ye,o.mzc_collapsed]]),fe(d("div",null,ZPe,512),[[Ye,!o.mzc_collapsed]]),YPe,d("div",JPe,[r.configFile.binding_name?F("",!0):(k(),C("div",QPe,[XPe,xe(" Select binding first! ")])),!o.isModelSelected&&r.configFile.binding_name?(k(),C("div",eFe,[tFe,xe(" No model selected! ")])):F("",!0),r.configFile.model_name?(k(),C("div",nFe,"|")):F("",!0),r.configFile.model_name?(k(),C("div",sFe,[d("div",oFe,[d("img",{src:r.imgModel,class:"w-8 h-8 rounded-lg object-fill"},null,8,rFe),d("h3",iFe,H(r.model_name),1)])])):F("",!0)])])]),d("div",{class:Me([{hidden:o.mzc_collapsed},"flex flex-col mb-2 px-3 pb-0"])},[d("div",aFe,[d("div",lFe,[d("div",cFe,[o.searchModelInProgress?(k(),C("div",dFe,hFe)):F("",!0),o.searchModelInProgress?F("",!0):(k(),C("div",fFe,gFe))]),fe(d("input",{type:"search",class:"block w-full p-4 pl-10 text-sm text-gray-900 border border-gray-300 rounded-lg bg-gray-50 focus:ring-blue-500 focus:border-blue-500 dark:bg-gray-700 dark:border-gray-600 dark:placeholder-gray-400 dark:text-white dark:focus:ring-blue-500 dark:focus:border-blue-500",placeholder:"Search models...",required:"","onUpdate:modelValue":e[34]||(e[34]=p=>o.searchModel=p),onKeyup:e[35]||(e[35]=le((...p)=>r.searchModel_func&&r.searchModel_func(...p),["stop"]))},null,544),[[Ie,o.searchModel]]),o.searchModel?(k(),C("button",{key:0,onClick:e[36]||(e[36]=le(p=>o.searchModel="",["stop"])),type:"button",class:"text-white absolute right-2.5 bottom-2.5 bg-blue-700 hover:bg-blue-800 focus:ring-4 focus:outline-none focus:ring-blue-300 font-medium rounded-lg text-sm px-4 py-2 dark:bg-blue-600 dark:hover:bg-blue-700 dark:focus:ring-blue-800"}," Clear search")):F("",!0)])]),o.searchModel?(k(),C("div",mFe,[o.modelsFiltered.length>0?(k(),C("div",_Fe,[d("label",bFe," Search results: ("+H(o.modelsFiltered.length)+") ",1),d("div",{class:Me(["overflow-y-auto no-scrollbar p-2 pb-0 grid lg:grid-cols-3 md:grid-cols-2 gap-4",o.mzl_collapsed?"":"max-h-96"])},[he(Ut,{name:"list"},{default:De(()=>[(k(!0),C(Oe,null,Ge(o.modelsFiltered,(p,b)=>(k(),st(a,{ref_for:!0,ref:"modelZoo",key:"index-"+b+"-"+p.title,title:p.title,icon:p.icon,path:p.path,owner:p.owner,owner_link:p.owner_link,license:p.license,description:p.description,"is-installed":p.isInstalled,"on-install":r.onInstall,"on-uninstall":r.onUninstall,"on-selected":r.onSelected,selected:p.title===r.configFile.model_name,model:p,model_type:p.model_type,"on-copy":r.onCopy,"on-copy-link":r.onCopyLink,"on-cancel-install":r.onCancelInstall},null,8,["title","icon","path","owner","owner_link","license","description","is-installed","on-install","on-uninstall","on-selected","selected","model","model_type","on-copy","on-copy-link","on-cancel-install"]))),128))]),_:1})],2)])):F("",!0)])):F("",!0),o.searchModel?F("",!0):(k(),C("div",yFe,[r.models&&r.models.length>0?(k(),C("div",vFe,[d("label",wFe," Models: ("+H(r.models.length)+") ",1),d("div",{class:Me(["overflow-y-auto no-scrollbar p-2 pb-0 grid lg:grid-cols-3 md:grid-cols-2 gap-4",o.mzl_collapsed?"":"max-h-96"])},[he(Ut,{name:"list"},{default:De(()=>[(k(!0),C(Oe,null,Ge(r.models,(p,b)=>(k(),st(a,{ref_for:!0,ref:"modelZoo",key:"index-"+b+"-"+p.title,title:p.title,icon:p.icon,path:p.path,owner:p.owner,owner_link:p.owner_link,license:p.license,description:p.description,"is-installed":p.isInstalled,"on-install":r.onInstall,"on-uninstall":r.onUninstall,"on-selected":r.onSelected,selected:p.title===r.configFile.model_name,model:p,model_type:p.model_type,"on-copy":r.onCopy,"on-copy-link":r.onCopyLink,"on-cancel-install":r.onCancelInstall},null,8,["title","icon","path","owner","owner_link","license","description","is-installed","on-install","on-uninstall","on-selected","selected","model","model_type","on-copy","on-copy-link","on-cancel-install"]))),128))]),_:1})],2)])):F("",!0)])),o.mzl_collapsed?(k(),C("button",{key:2,class:"text-2xl hover:text-secondary duration-75 flex justify-center hover:bg-bg-light-tone hover:dark:bg-bg-dark-tone rounded-lg",title:"Collapse",type:"button",onClick:e[37]||(e[37]=(...p)=>r.open_mzl&&r.open_mzl(...p))},kFe)):(k(),C("button",{key:3,class:"text-2xl hover:text-secondary duration-75 flex justify-center hover:bg-bg-light-tone hover:dark:bg-bg-dark-tone rounded-lg",title:"Expand",type:"button",onClick:e[38]||(e[38]=(...p)=>r.open_mzl&&r.open_mzl(...p))},CFe))],2)]),d("div",AFe,[d("div",SFe,[d("button",{onClick:e[39]||(e[39]=le(p=>o.mzdc_collapsed=!o.mzdc_collapsed,["stop"])),class:"text-2xl hover:text-primary p-2 -m-2 w-full text-left flex items-center"},[fe(d("div",null,MFe,512),[[Ye,o.mzdc_collapsed]]),fe(d("div",null,RFe,512),[[Ye,!o.mzdc_collapsed]]),NFe,r.binding_name?F("",!0):(k(),C("div",DFe,[LFe,xe(" No binding selected! ")])),r.configFile.binding_name?(k(),C("div",IFe,"|")):F("",!0),r.configFile.binding_name?(k(),C("div",PFe,[d("div",FFe,[d("img",{src:r.imgBinding,class:"w-8 h-8 rounded-full object-fill text-blue-700"},null,8,BFe),d("h3",$Fe,H(r.binding_name),1)])])):F("",!0)])]),d("div",{class:Me([{hidden:o.mzdc_collapsed},"flex flex-col mb-2 px-3 pb-0"])},[d("div",jFe,[d("div",zFe,[d("div",null,[d("div",UFe,[qFe,fe(d("input",{type:"text","onUpdate:modelValue":e[40]||(e[40]=p=>o.reference_path=p),class:"bg-gray-50 border border-gray-300 text-gray-900 text-sm rounded-lg focus:ring-blue-500 focus:border-blue-500 block w-full p-2.5 dark:bg-gray-700 dark:border-gray-600 dark:placeholder-gray-400 dark:text-white dark:focus:ring-blue-500 dark:focus:border-blue-500",placeholder:"Enter Path ...",required:""},null,512),[[Ie,o.reference_path]])]),d("button",{type:"button",onClick:e[41]||(e[41]=le(p=>r.onCreateReference(),["stop"])),class:"text-white bg-blue-700 hover:bg-blue-800 focus:ring-4 focus:outline-none focus:ring-blue-300 font-medium rounded-lg text-sm w-full sm:w-auto px-5 py-2.5 text-center dark:bg-blue-600 dark:hover:bg-blue-700 dark:focus:ring-blue-800"},"Add reference")]),o.modelDownlaodInProgress?F("",!0):(k(),C("div",HFe,[d("div",VFe,[GFe,fe(d("input",{type:"text","onUpdate:modelValue":e[42]||(e[42]=p=>o.addModel.url=p),class:"bg-gray-50 border border-gray-300 text-gray-900 text-sm rounded-lg focus:ring-blue-500 focus:border-blue-500 block w-full p-2.5 dark:bg-gray-700 dark:border-gray-600 dark:placeholder-gray-400 dark:text-white dark:focus:ring-blue-500 dark:focus:border-blue-500",placeholder:"Enter URL ...",required:""},null,512),[[Ie,o.addModel.url]])]),d("button",{type:"button",onClick:e[43]||(e[43]=le(p=>r.onInstallAddModel(),["stop"])),class:"text-white bg-blue-700 hover:bg-blue-800 focus:ring-4 focus:outline-none focus:ring-blue-300 font-medium rounded-lg text-sm w-full sm:w-auto px-5 py-2.5 text-center dark:bg-blue-600 dark:hover:bg-blue-700 dark:focus:ring-blue-800"},"Download")])),o.modelDownlaodInProgress?(k(),C("div",KFe,[WFe,d("div",ZFe,[d("div",YFe,[d("div",JFe,[QFe,d("span",XFe,H(Math.floor(o.addModel.progress))+"%",1)]),d("div",{class:"mx-1 opacity-80 line-clamp-1",title:o.addModel.url},H(o.addModel.url),9,eBe),d("div",tBe,[d("div",{class:"bg-blue-600 h-2.5 rounded-full",style:bt({width:o.addModel.progress+"%"})},null,4)]),d("div",nBe,[d("span",sBe,"Download speed: "+H(r.speed_computed)+"/s",1),d("span",oBe,H(r.downloaded_size_computed)+"/"+H(r.total_size_computed),1)])])]),d("div",rBe,[d("div",iBe,[d("div",aBe,[d("button",{onClick:e[44]||(e[44]=le((...p)=>r.onCancelInstall&&r.onCancelInstall(...p),["stop"])),type:"button",title:"Cancel download",class:"text-gray-500 bg-white hover:bg-gray-100 focus:ring-4 focus:outline-none focus:ring-gray-200 rounded-lg border border-gray-200 text-sm font-medium px-5 py-2.5 hover:text-gray-900 focus:z-10 dark:bg-gray-700 dark:text-gray-300 dark:border-gray-500 dark:hover:text-white dark:hover:bg-gray-600 dark:focus:ring-gray-600"}," Cancel ")])])])])):F("",!0)])])],2)]),d("div",lBe,[d("div",cBe,[d("button",{onClick:e[46]||(e[46]=le(p=>o.pzc_collapsed=!o.pzc_collapsed,["stop"])),class:"text-2xl hover:text-primary p-2 -m-2 text-left w-full flex items-center"},[fe(d("div",null,uBe,512),[[Ye,o.pzc_collapsed]]),fe(d("div",null,fBe,512),[[Ye,!o.pzc_collapsed]]),pBe,r.configFile.personalities?(k(),C("div",gBe,"|")):F("",!0),d("div",mBe,H(r.active_pesonality),1),r.configFile.personalities?(k(),C("div",_Be,"|")):F("",!0),r.configFile.personalities?(k(),C("div",bBe,[r.mountedPersArr.length>0?(k(),C("div",yBe,[(k(!0),C(Oe,null,Ge(r.mountedPersArr,(p,b)=>(k(),C("div",{class:"relative hover:-translate-y-2 duration-300 hover:z-10 shrink-0",key:b+"-"+p.name,ref_for:!0,ref:"mountedPersonalities"},[d("div",vBe,[d("button",{onClick:le(_=>r.onPersonalitySelected(p),["stop"])},[d("img",{src:o.bUrl+p.avatar,onError:e[45]||(e[45]=(..._)=>r.personalityImgPlacehodler&&r.personalityImgPlacehodler(..._)),class:Me(["w-8 h-8 rounded-full object-fill text-red-700 border-2 active:scale-90 group-hover:border-secondary",r.configFile.active_personality_id==r.configFile.personalities.indexOf(p.full_path)?"border-secondary":"border-transparent z-0"]),title:p.name},null,42,xBe)],8,wBe),d("button",{onClick:le(_=>r.onPersonalityMounted(p),["stop"])},CBe,8,kBe)])]))),128))])):F("",!0)])):F("",!0)])]),d("div",{class:Me([{hidden:o.pzc_collapsed},"flex flex-col mb-2 px-3 pb-0"])},[d("div",ABe,[SBe,d("div",TBe,[d("div",MBe,[o.searchPersonalityInProgress?(k(),C("div",OBe,NBe)):F("",!0),o.searchPersonalityInProgress?F("",!0):(k(),C("div",DBe,IBe))]),fe(d("input",{type:"search",id:"personality-search",class:"block w-full p-4 pl-10 text-sm text-gray-900 border border-gray-300 rounded-lg bg-gray-50 focus:ring-blue-500 focus:border-blue-500 dark:bg-gray-700 dark:border-gray-600 dark:placeholder-gray-400 dark:text-white dark:focus:ring-blue-500 dark:focus:border-blue-500",placeholder:"Search personality...",required:"","onUpdate:modelValue":e[47]||(e[47]=p=>o.searchPersonality=p),onKeyup:e[48]||(e[48]=le((...p)=>r.searchPersonality_func&&r.searchPersonality_func(...p),["stop"]))},null,544),[[Ie,o.searchPersonality]]),o.searchPersonality?(k(),C("button",{key:0,onClick:e[49]||(e[49]=le(p=>o.searchPersonality="",["stop"])),type:"button",class:"text-white absolute right-2.5 bottom-2.5 bg-blue-700 hover:bg-blue-800 focus:ring-4 focus:outline-none focus:ring-blue-300 font-medium rounded-lg text-sm px-4 py-2 dark:bg-blue-600 dark:hover:bg-blue-700 dark:focus:ring-blue-800"}," Clear search")):F("",!0)])]),o.searchPersonality?F("",!0):(k(),C("div",PBe,[d("label",FBe," Personalities Category: ("+H(o.persCatgArr.length)+") ",1),d("select",{id:"persCat",onChange:e[50]||(e[50]=p=>r.update_personality_category(p.target.value,r.refresh)),class:"bg-gray-50 border border-gray-300 text-gray-900 text-sm rounded-lg focus:ring-blue-500 focus:border-blue-500 block w-full p-2.5 dark:bg-gray-700 dark:border-gray-600 dark:placeholder-gray-400 dark:text-white dark:focus:ring-blue-500 dark:focus:border-blue-500"},[(k(!0),C(Oe,null,Ge(o.persCatgArr,(p,b)=>(k(),C("option",{key:b,selected:p==this.configFile.personality_category},H(p),9,BBe))),128))],32)])),d("div",null,[o.personalitiesFiltered.length>0?(k(),C("div",$Be,[d("label",jBe,H(o.searchPersonality?"Search results":"Personalities")+": ("+H(o.personalitiesFiltered.length)+") ",1),d("div",{class:Me(["overflow-y-auto no-scrollbar p-2 pb-0 grid lg:grid-cols-3 md:grid-cols-2 gap-4",o.pzl_collapsed?"":"max-h-96"])},[he(Ut,{name:"bounce"},{default:De(()=>[(k(!0),C(Oe,null,Ge(o.personalitiesFiltered,(p,b)=>(k(),st(l,{ref_for:!0,ref:"personalitiesZoo",key:"index-"+b+"-"+p.name,personality:p,full_path:p.full_path,"on-remount":r.onRemount,selected:r.configFile.active_personality_id==r.configFile.personalities.findIndex(_=>_===p.full_path),"on-selected":r.onPersonalitySelected,"on-mounted":r.onPersonalityMounted,"on-reinstall":r.onPersonalityReinstall,"on-settings":r.onSettingsPersonality},null,8,["personality","full_path","on-remount","selected","on-selected","on-mounted","on-reinstall","on-settings"]))),128))]),_:1})],2)])):F("",!0)]),o.pzl_collapsed?(k(),C("button",{key:1,class:"text-2xl hover:text-secondary duration-75 flex justify-center hover:bg-bg-light-tone hover:dark:bg-bg-dark-tone rounded-lg",title:"Collapse",type:"button",onClick:e[51]||(e[51]=p=>o.pzl_collapsed=!o.pzl_collapsed)},UBe)):(k(),C("button",{key:2,class:"text-2xl hover:text-secondary duration-75 flex justify-center hover:bg-bg-light-tone hover:dark:bg-bg-dark-tone rounded-lg",title:"Expand",type:"button",onClick:e[52]||(e[52]=p=>o.pzl_collapsed=!o.pzl_collapsed)},HBe))],2)]),d("div",VBe,[d("div",GBe,[d("button",{onClick:e[53]||(e[53]=le(p=>o.mc_collapsed=!o.mc_collapsed,["stop"])),class:"text-2xl hover:text-primary p-2 -m-2 w-full text-left flex items-center"},[fe(d("div",null,WBe,512),[[Ye,o.mc_collapsed]]),fe(d("div",null,YBe,512),[[Ye,!o.mc_collapsed]]),JBe])]),d("div",{class:Me([{hidden:o.mc_collapsed},"flex flex-col mb-2 p-2"])},[d("div",QBe,[d("div",XBe,[fe(d("input",{id:"override-model-parameters",type:"checkbox",class:"w-4 h-4 text-blue-600 bg-gray-100 border-gray-300 rounded focus:ring-blue-500 dark:focus:ring-blue-600 dark:ring-offset-gray-700 dark:focus:ring-offset-gray-700 focus:ring-2 dark:bg-gray-600 dark:border-gray-500",onClick:e[54]||(e[54]=le(()=>{},["stop"])),"onUpdate:modelValue":e[55]||(e[55]=p=>r.configFile.override_personality_model_parameters=p),onChange:e[56]||(e[56]=p=>r.update_setting("override_personality_model_parameters",r.configFile.override_personality_model_parameters))},null,544),[[kt,r.configFile.override_personality_model_parameters]]),e$e])]),d("div",{class:Me(r.configFile.override_personality_model_parameters?"":"pointer-events-none opacity-30")},[d("div",t$e,[n$e,fe(d("input",{type:"text",id:"seed","onUpdate:modelValue":e[57]||(e[57]=p=>r.configFile.seed=p),class:"bg-gray-50 border border-gray-300 text-sm rounded-lg focus:ring-blue-500 focus:border-blue-500 block w-full p-2.5 dark:bg-gray-700 dark:border-gray-600 dark:placeholder-gray-400 dark:focus:ring-blue-500 dark:focus:border-blue-500"},null,512),[[Ie,r.configFile.seed]])]),d("div",s$e,[d("div",o$e,[d("div",r$e,[i$e,d("p",a$e,[fe(d("input",{type:"text",id:"temp-val","onUpdate:modelValue":e[58]||(e[58]=p=>r.configFile.temperature=p),class:"mt-2 w-16 text-right p-2 border border-gray-300 rounded-lg bg-gray-50 sm:text-xs focus:ring-blue-500 focus:border-blue-500 dark:bg-gray-700 dark:border-gray-600 dark:placeholder-gray-400 dark:focus:ring-blue-500 dark:focus:border-blue-500"},null,512),[[Ie,r.configFile.temperature]])])]),fe(d("input",{id:"temperature",onChange:e[59]||(e[59]=p=>r.update_setting("temperature",p.target.value)),type:"range","onUpdate:modelValue":e[60]||(e[60]=p=>r.configFile.temperature=p),min:"0",max:"5",step:"0.1",class:"flex-none h-2 mt-14 mb-2 w-full bg-gray-200 rounded-lg appearance-none cursor-pointer dark:bg-gray-700 focus:ring-blue-500 focus:border-blue-500 dark:border-gray-600 dark:placeholder-gray-400 dark:focus:ring-blue-500 dark:focus:border-blue-500"},null,544),[[Ie,r.configFile.temperature]])])]),d("div",l$e,[d("div",c$e,[d("div",d$e,[u$e,d("p",h$e,[fe(d("input",{type:"text",id:"predict-val","onUpdate:modelValue":e[61]||(e[61]=p=>r.configFile.n_predict=p),class:"mt-2 w-16 text-right p-2 border border-gray-300 rounded-lg bg-gray-50 sm:text-xs focus:ring-blue-500 focus:border-blue-500 dark:bg-gray-700 dark:border-gray-600 dark:placeholder-gray-400 dark:focus:ring-blue-500 dark:focus:border-blue-500"},null,512),[[Ie,r.configFile.n_predict]])])]),fe(d("input",{id:"predict",onChange:e[62]||(e[62]=p=>r.update_setting("n_predict",p.target.value)),type:"range","onUpdate:modelValue":e[63]||(e[63]=p=>r.configFile.n_predict=p),min:"0",max:"2048",step:"32",class:"flex-none h-2 mt-14 mb-2 w-full bg-gray-200 rounded-lg appearance-none cursor-pointer dark:bg-gray-700 focus:ring-blue-500 focus:border-blue-500 dark:border-gray-600 dark:placeholder-gray-400 dark:focus:ring-blue-500 dark:focus:border-blue-500"},null,544),[[Ie,r.configFile.n_predict]])])]),d("div",f$e,[d("div",p$e,[d("div",g$e,[m$e,d("p",_$e,[fe(d("input",{type:"text",id:"top_k-val","onUpdate:modelValue":e[64]||(e[64]=p=>r.configFile.top_k=p),class:"mt-2 w-16 text-right p-2 border border-gray-300 rounded-lg bg-gray-50 sm:text-xs focus:ring-blue-500 focus:border-blue-500 dark:bg-gray-700 dark:border-gray-600 dark:placeholder-gray-400 dark:focus:ring-blue-500 dark:focus:border-blue-500"},null,512),[[Ie,r.configFile.top_k]])])]),fe(d("input",{id:"top_k",onChange:e[65]||(e[65]=p=>r.update_setting("top_k",p.target.value)),type:"range","onUpdate:modelValue":e[66]||(e[66]=p=>r.configFile.top_k=p),min:"0",max:"100",step:"1",class:"flex-none h-2 mt-14 mb-2 w-full bg-gray-200 rounded-lg appearance-none cursor-pointer dark:bg-gray-700 focus:ring-blue-500 focus:border-blue-500 dark:border-gray-600 dark:placeholder-gray-400 dark:focus:ring-blue-500 dark:focus:border-blue-500"},null,544),[[Ie,r.configFile.top_k]])])]),d("div",b$e,[d("div",y$e,[d("div",v$e,[w$e,d("p",x$e,[fe(d("input",{type:"text",id:"top_p-val","onUpdate:modelValue":e[67]||(e[67]=p=>r.configFile.top_p=p),class:"mt-2 w-16 text-right p-2 border border-gray-300 rounded-lg bg-gray-50 sm:text-xs focus:ring-blue-500 focus:border-blue-500 dark:bg-gray-700 dark:border-gray-600 dark:placeholder-gray-400 dark:focus:ring-blue-500 dark:focus:border-blue-500"},null,512),[[Ie,r.configFile.top_p]])])]),fe(d("input",{id:"top_p",onChange:e[68]||(e[68]=p=>r.update_setting("top_p",p.target.value)),type:"range","onUpdate:modelValue":e[69]||(e[69]=p=>r.configFile.top_p=p),min:"0",max:"1",step:"0.01",class:"flex-none h-2 mt-14 mb-2 w-full bg-gray-200 rounded-lg appearance-none cursor-pointer dark:bg-gray-700 focus:ring-blue-500 focus:border-blue-500 dark:border-gray-600 dark:placeholder-gray-400 dark:focus:ring-blue-500 dark:focus:border-blue-500"},null,544),[[Ie,r.configFile.top_p]])])]),d("div",k$e,[d("div",E$e,[d("div",C$e,[A$e,d("p",S$e,[fe(d("input",{type:"text",id:"repeat_penalty-val","onUpdate:modelValue":e[70]||(e[70]=p=>r.configFile.repeat_penalty=p),class:"mt-2 w-16 text-right p-2 border border-gray-300 rounded-lg bg-gray-50 sm:text-xs focus:ring-blue-500 focus:border-blue-500 dark:bg-gray-700 dark:border-gray-600 dark:placeholder-gray-400 dark:focus:ring-blue-500 dark:focus:border-blue-500"},null,512),[[Ie,r.configFile.repeat_penalty]])])]),fe(d("input",{id:"repeat_penalty",onChange:e[71]||(e[71]=p=>r.update_setting("repeat_penalty",p.target.value)),type:"range","onUpdate:modelValue":e[72]||(e[72]=p=>r.configFile.repeat_penalty=p),min:"0",max:"2",step:"0.01",class:"flex-none h-2 mt-14 mb-2 w-full bg-gray-200 rounded-lg appearance-none cursor-pointer dark:bg-gray-700 focus:ring-blue-500 focus:border-blue-500 dark:border-gray-600 dark:placeholder-gray-400 dark:focus:ring-blue-500 dark:focus:border-blue-500"},null,544),[[Ie,r.configFile.repeat_penalty]])])]),d("div",T$e,[d("div",M$e,[d("div",O$e,[R$e,d("p",N$e,[fe(d("input",{type:"text",id:"repeat_last_n-val","onUpdate:modelValue":e[73]||(e[73]=p=>r.configFile.repeat_last_n=p),class:"mt-2 w-16 text-right p-2 border border-gray-300 rounded-lg bg-gray-50 sm:text-xs focus:ring-blue-500 focus:border-blue-500 dark:bg-gray-700 dark:border-gray-600 dark:placeholder-gray-400 dark:focus:ring-blue-500 dark:focus:border-blue-500"},null,512),[[Ie,r.configFile.repeat_last_n]])])]),fe(d("input",{id:"repeat_last_n",onChange:e[74]||(e[74]=p=>r.update_setting("repeat_last_n",p.target.value)),type:"range","onUpdate:modelValue":e[75]||(e[75]=p=>r.configFile.repeat_last_n=p),min:"0",max:"100",step:"1",class:"flex-none h-2 mt-14 mb-2 w-full bg-gray-200 rounded-lg appearance-none cursor-pointer dark:bg-gray-700 focus:ring-blue-500 focus:border-blue-500 dark:border-gray-600 dark:placeholder-gray-400 dark:focus:ring-blue-500 dark:focus:border-blue-500"},null,544),[[Ie,r.configFile.repeat_last_n]])])])],2)],2)])],2)]),he(c,{ref:"yesNoDialog",class:"z-20"},null,512),he(u,{ref:"addmodeldialog"},null,512),he(h,{ref:"messageBox"},null,512),he(f,{ref:"toast"},null,512),he(g,{ref:"universalForm",class:"z-20"},null,512),he(m,{class:"z-20",show:o.variantSelectionDialogVisible,choices:o.variant_choices,onChoiceSelected:r.onVariantChoiceSelected,onCloseDialog:r.oncloseVariantChoiceDialog,onChoiceValidated:r.onvalidateVariantChoice},null,8,["show","choices","onChoiceSelected","onCloseDialog","onChoiceValidated"])],64)}const L$e=Ue(vLe,[["render",D$e],["__scopeId","data-v-d851eb8b"]]),I$e={components:{ClipBoardTextInput:yc,Card:vc},data(){return{model_name:"jondurbin/airoboros-7b-gpt4",tokenizer_name:"jondurbin/airoboros-7b-gpt4",dataset_path:"",max_length:1024,batch_size:4,lr:5e-5,num_epochs:2,selectedFolder:"",selectedDataset:""}},methods:{submitForm(){const t={model_name:this.model_name,tokenizer_name:this.tokenizer_name,dataset_file:this.selectedDataset,max_length:this.max_length,batch_size:this.batch_size,lr:this.lr,num_epochs:this.num_epochs,output_dir:this.selectedFolder};ye.post("/start_training",t).then(e=>{})},openFolderSelector(){this.$refs.folder_selector.click()},selectOutputDirectory(t){var n;console.log("here");const e=(n=t.target.files[0])==null?void 0:n.path;console.log(e),e&&(this.selectedFolder=e)},selectDataset(t){const e=t.target.files;e.length>0&&(this.selectedDataset=e[0])}},watch:{model_name(t){console.log("watching model_name",t),this.$refs.clipboardInput.inputValue=t}}},P$e={class:"container overflow-y-scroll flex flex-col no-scrollbar shadow-lg p-10 pt-2 bg-bg-light-tone dark:bg-bg-dark-tone"},F$e={class:"mb-4"},B$e=d("label",{for:"model_name",class:"text-sm"},"Model Name:",-1),$$e={class:"mb-4"},j$e=d("label",{for:"tokenizer_name",class:"text-sm"},"Tokenizer Name:",-1),z$e={class:"mb-4"},U$e=d("label",{for:"dataset_path",class:"text-sm"},"Dataset:",-1),q$e={class:"mb-4"},H$e=d("label",{for:"lr",class:"text-sm"},"Learning Rate:",-1),V$e={class:"mb-4"},G$e=d("label",{for:"num_epochs",class:"text-sm"},"Number of Epochs:",-1),K$e={class:"mb-4"},W$e=d("label",{for:"max_length",class:"text-sm"},"Max Length:",-1),Z$e={class:"mb-4"},Y$e=d("label",{for:"batch_size",class:"text-sm"},"Batch Size:",-1),J$e={class:"mb-4"},Q$e=d("label",{for:"output_dir",class:"text-sm"},"Output Directory:",-1),X$e=d("button",{type:"submit",class:"bg-blue-500 text-white px-4 py-2 rounded"},"Train LLM",-1);function eje(t,e,n,s,o,r){const i=Ve("ClipBoardTextInput"),a=Ve("Card");return k(),C("div",P$e,[d("form",{onSubmit:e[0]||(e[0]=le((...l)=>r.submitForm&&r.submitForm(...l),["prevent"])),class:""},[he(a,{title:"Training configuration",isHorizontal:!0,disableHoverAnimation:!0,disableFocus:!0},{default:De(()=>[he(a,{title:"Model",class:"",isHorizontal:!1},{default:De(()=>[d("div",F$e,[B$e,he(i,{id:"model_path",inputType:"text",value:o.model_name},null,8,["value"])]),d("div",$$e,[j$e,he(i,{id:"model_path",inputType:"text",value:o.tokenizer_name},null,8,["value"])])]),_:1}),he(a,{title:"Data",isHorizontal:!1},{default:De(()=>[d("div",z$e,[U$e,he(i,{id:"model_path",inputType:"file",value:o.dataset_path,onchange:"selectDataset()"},null,8,["value"])])]),_:1}),he(a,{title:"Training",isHorizontal:!1},{default:De(()=>[d("div",q$e,[H$e,he(i,{id:"model_path",inputType:"integer",value:o.lr},null,8,["value"])]),d("div",V$e,[G$e,he(i,{id:"model_path",inputType:"integer",value:o.num_epochs},null,8,["value"])]),d("div",K$e,[W$e,he(i,{id:"model_path",inputType:"integer",value:o.max_length},null,8,["value"])]),d("div",Z$e,[Y$e,he(i,{id:"model_path",inputType:"integer",value:o.batch_size},null,8,["value"])])]),_:1}),he(a,{title:"Output",isHorizontal:!1},{default:De(()=>[d("div",J$e,[Q$e,he(i,{id:"model_path",inputType:"text",value:t.output_dir},null,8,["value"])])]),_:1})]),_:1}),he(a,{disableHoverAnimation:!0,disableFocus:!0},{default:De(()=>[X$e]),_:1})],32)])}const tje=Ue(I$e,[["render",eje]]),nje={components:{ClipBoardTextInput:yc,Card:vc},data(){return{model_name:"jondurbin/airoboros-7b-gpt4",tokenizer_name:"jondurbin/airoboros-7b-gpt4",dataset_path:"",max_length:1024,batch_size:4,lr:5e-5,num_epochs:2,selectedFolder:"",selectedDatasetPath:""}},methods:{submitForm(){this.model_name,this.tokenizer_name,this.selectedDatasetPath,this.max_length,this.batch_size,this.lr,this.num_epochs,this.selectedFolder},openFolderSelector(){this.$refs.folder_selector.click()},selectOutputDirectory(t){var n;console.log("here");const e=(n=t.target.files[0])==null?void 0:n.path;console.log(e),e&&(this.selectedFolder=e)},selectDatasetPath(t){const e=t.target.files;e.length>0&&(this.selectedDatasetPath=e[0].webkitRelativePath)}}},sje={class:"container overflow-y-scroll flex flex-col no-scrollbar shadow-lg p-10 pt-2 bg-bg-light-tone dark:bg-bg-dark-tone"},oje={class:"mb-4"},rje=d("label",{for:"model_name",class:"text-sm"},"Model Name:",-1),ije={class:"mb-4"},aje=d("label",{for:"tokenizer_name",class:"text-sm"},"Tokenizer Name:",-1),lje=d("button",{type:"submit",class:"bg-blue-500 text-white px-4 py-2 rounded"},"Quantize LLM",-1);function cje(t,e,n,s,o,r){const i=Ve("ClipBoardTextInput"),a=Ve("Card");return k(),C("div",sje,[d("form",{onSubmit:e[0]||(e[0]=le((...l)=>r.submitForm&&r.submitForm(...l),["prevent"])),class:"max-w-md mx-auto"},[he(a,{title:"Quantizing configuration",isHorizontal:!0,disableHoverAnimation:!0,disableFocus:!0},{default:De(()=>[he(a,{title:"Model",class:"",isHorizontal:!1},{default:De(()=>[d("div",oje,[rje,he(i,{id:"model_path",inputType:"text",value:o.model_name},null,8,["value"])]),d("div",ije,[aje,he(i,{id:"model_path",inputType:"text",value:o.tokenizer_name},null,8,["value"])])]),_:1})]),_:1}),he(a,{disableHoverAnimation:!0,disableFocus:!0},{default:De(()=>[lje]),_:1})],32)])}const dje=Ue(nje,[["render",cje]]),uje={name:"Discussion",emits:["delete","select","editTitle","checked"],props:{id:Number,title:String,selected:Boolean,loading:Boolean,isCheckbox:Boolean,checkBoxValue:Boolean},setup(){},data(){return{showConfirmation:!1,editTitleMode:!1,editTitle:!1,newTitle:String,checkBoxValue_local:!1}},methods:{deleteEvent(){this.showConfirmation=!1,this.$emit("delete")},selectEvent(){this.$emit("select")},editTitleEvent(){this.editTitle=!1,this.editTitleMode=!1,this.showConfirmation=!1,this.$emit("editTitle",{title:this.newTitle,id:this.id})},chnageTitle(t){this.newTitle=t},checkedChangeEvent(t,e){this.$emit("checked",t,e)}},mounted(){this.newTitle=this.title,be(()=>{ve.replace()})},watch:{showConfirmation(){be(()=>{ve.replace()})},editTitleMode(t){this.showConfirmation=t,this.editTitle=t,t&&be(()=>{this.$refs.titleBox.focus()})},checkBoxValue(t,e){this.checkBoxValue_local=t}}},hje=["id"],fje={class:"flex flex-row items-center gap-2"},pje={key:0},gje=["title"],mje=["value"],_je={class:"flex items-center flex-1 max-h-6"},bje={key:0,class:"flex gap-3 flex-1 items-center justify-end duration-75"},yje=d("i",{"data-feather":"check"},null,-1),vje=[yje],wje=d("i",{"data-feather":"x"},null,-1),xje=[wje],kje={key:1,class:"flex gap-3 flex-1 items-center justify-end duration-75"},Eje=d("i",{"data-feather":"x"},null,-1),Cje=[Eje],Aje=d("i",{"data-feather":"check"},null,-1),Sje=[Aje],Tje={key:2,class:"flex gap-3 flex-1 items-center justify-end invisible group-hover:visible duration-75"},Mje=d("i",{"data-feather":"edit-2"},null,-1),Oje=[Mje],Rje=d("i",{"data-feather":"trash"},null,-1),Nje=[Rje];function Dje(t,e,n,s,o,r){return k(),C("div",{class:Me([n.selected?"bg-bg-light-discussion dark:bg-bg-dark-discussion shadow-md min-w-[23rem] max-w-[23rem]":" min-w-[23rem] max-w-[23rem]","flex flex-row sm:flex-row flex-wrap flex-shrink: 0 item-center shadow-sm gap-2 py-2 my-2 hover:shadow-md hover:bg-primary-light dark:hover:bg-primary rounded-md p-2 duration-75 group cursor-pointer"]),id:"dis-"+n.id,onClick:e[13]||(e[13]=le(i=>r.selectEvent(),["stop"]))},[d("div",fje,[n.isCheckbox?(k(),C("div",pje,[fe(d("input",{type:"checkbox",class:"w-4 h-4 text-blue-600 bg-gray-100 border-gray-300 rounded focus:ring-blue-500 dark:focus:ring-blue-600 dark:ring-offset-gray-700 dark:focus:ring-offset-gray-700 focus:ring-2 dark:bg-gray-600 dark:border-gray-500",onClick:e[0]||(e[0]=le(()=>{},["stop"])),"onUpdate:modelValue":e[1]||(e[1]=i=>o.checkBoxValue_local=i),onInput:e[2]||(e[2]=i=>r.checkedChangeEvent(i,n.id))},null,544),[[kt,o.checkBoxValue_local]])])):F("",!0),n.selected?(k(),C("div",{key:1,class:Me(["min-h-full w-2 rounded-xl self-stretch",n.loading?"animate-bounce bg-accent ":" bg-secondary "])},null,2)):F("",!0),n.selected?F("",!0):(k(),C("div",{key:2,class:Me(["w-2",n.loading?"min-h-full w-2 rounded-xl self-stretch animate-bounce bg-accent ":" "])},null,2))]),o.editTitle?F("",!0):(k(),C("p",{key:0,title:n.title,class:"line-clamp-1 w-4/6 ml-1 -mx-5"},H(n.title?n.title==="untitled"?"New discussion":n.title:"New discussion"),9,gje)),o.editTitle?(k(),C("input",{key:1,type:"text",id:"title-box",ref:"titleBox",class:"bg-bg-light dark:bg-bg-dark rounded-md border-0 w-full -m-1 p-1",value:n.title,required:"",onKeydown:[e[3]||(e[3]=Ya(le(i=>r.editTitleEvent(),["exact"]),["enter"])),e[4]||(e[4]=Ya(le(i=>o.editTitleMode=!1,["exact"]),["esc"]))],onInput:e[5]||(e[5]=i=>r.chnageTitle(i.target.value)),onClick:e[6]||(e[6]=le(()=>{},["stop"]))},null,40,mje)):F("",!0),d("div",_je,[o.showConfirmation&&!o.editTitleMode?(k(),C("div",bje,[d("button",{class:"text-2xl hover:text-secondary duration-75 active:scale-90",title:"Confirm removal",type:"button",onClick:e[7]||(e[7]=le(i=>r.deleteEvent(),["stop"]))},vje),d("button",{class:"text-2xl hover:text-red-600 duration-75 active:scale-90",title:"Cancel removal",type:"button",onClick:e[8]||(e[8]=le(i=>o.showConfirmation=!1,["stop"]))},xje)])):F("",!0),o.showConfirmation&&o.editTitleMode?(k(),C("div",kje,[d("button",{class:"text-2xl hover:text-red-600 duration-75 active:scale-90",title:"Discard title changes",type:"button",onClick:e[9]||(e[9]=le(i=>o.editTitleMode=!1,["stop"]))},Cje),d("button",{class:"text-2xl hover:text-secondary duration-75 active:scale-90",title:"Confirm title changes",type:"button",onClick:e[10]||(e[10]=le(i=>r.editTitleEvent(),["stop"]))},Sje)])):F("",!0),o.showConfirmation?F("",!0):(k(),C("div",Tje,[d("button",{class:"text-2xl hover:text-secondary duration-75 active:scale-90",title:"Edit title",type:"button",onClick:e[11]||(e[11]=le(i=>o.editTitleMode=!0,["stop"]))},Oje),d("button",{class:"text-2xl hover:text-red-600 duration-75 active:scale-90",title:"Remove discussion",type:"button",onClick:e[12]||(e[12]=le(i=>o.showConfirmation=!0,["stop"]))},Nje)]))])],10,hje)}const Ug=Ue(uje,[["render",Dje]]),Lje={props:{htmlContent:{type:String,required:!0}}},Ije=["innerHTML"];function Pje(t,e,n,s,o,r){return k(),C("div",null,[d("div",{innerHTML:n.htmlContent},null,8,Ije)])}const Fje=Ue(Lje,[["render",Pje]]);const Bje={props:{jsonData:{type:[Object,Array,String],default:null},jsonFormText:{type:String,default:"JSON Form"}},data(){return{collapsed:!0}},computed:{formattedJson(){if(console.log(typeof this.jsonData),typeof this.jsonData=="string"){let t=JSON.stringify(JSON.parse(this.jsonData),null," ").replace(/\n/g,"
");return console.log(t),console.log(this.jsonFormText),t}else{let t=JSON.stringify(this.jsonData,null," ").replace(/\n/g,"
");return console.log(t),console.log(this.jsonFormText),t}},isObject(){return console.log(typeof this.jsonData),console.log(this.jsonData),typeof this.jsonData=="object"&&this.jsonData!==null},isContentPresent(){return this.jsonData!==null&&(typeof this.jsonData!="string"||this.jsonData.trim()!=="")}},methods:{toggleCollapsed(){this.collapsed=!this.collapsed},toggleCollapsible(){this.collapsed=!this.collapsed}}},$je={key:0},jje={class:"toggle-icon mr-1"},zje={key:0,class:"fas fa-plus-circle text-gray-600"},Uje={key:1,class:"fas fa-minus-circle text-gray-600"},qje={class:"json-viewer max-h-64 overflow-auto p-4 bg-gray-100 border border-gray-300 rounded dark:bg-gray-600"},Hje={key:0,class:"fas fa-plus-circle text-gray-600"},Vje={key:1,class:"fas fa-minus-circle text-gray-600"},Gje=["innerHTML"];function Kje(t,e,n,s,o,r){return r.isContentPresent?(k(),C("div",$je,[d("div",{class:"collapsible-section cursor-pointer mb-4 font-bold hover:text-gray-900",onClick:e[0]||(e[0]=(...i)=>r.toggleCollapsible&&r.toggleCollapsible(...i))},[d("span",jje,[o.collapsed?(k(),C("i",zje)):(k(),C("i",Uje))]),xe(" "+H(n.jsonFormText),1)]),fe(d("div",null,[d("div",qje,[r.isObject?(k(),C("span",{key:0,onClick:e[1]||(e[1]=(...i)=>r.toggleCollapsed&&r.toggleCollapsed(...i)),class:"toggle-icon cursor-pointer mr-1"},[o.collapsed?(k(),C("i",Hje)):(k(),C("i",Vje))])):F("",!0),d("pre",{innerHTML:r.formattedJson},null,8,Gje)])],512),[[Ye,!o.collapsed]])])):F("",!0)}const Wje=Ue(Bje,[["render",Kje]]),Zje={props:{done:{type:Boolean,required:!0},message:{type:String,required:!0},status:{type:Boolean,required:!0}}},Yje={class:"step flex items-center mb-4"},Jje={class:"flex items-center justify-center w-6 h-6 mr-2"},Qje={key:0},Xje=d("i",{"data-feather":"square",class:"text-gray-400 w-4 h-4"},null,-1),eze=[Xje],tze={key:1},nze=d("i",{"data-feather":"check-square",class:"text-green-500 w-4 h-4"},null,-1),sze=[nze],oze={key:2},rze=d("i",{"data-feather":"x-square",class:"text-red-500 w-4 h-4"},null,-1),ize=[rze],aze={key:0,role:"status"},lze=d("svg",{"aria-hidden":"true",class:"w-6 h-6 animate-spin fill-secondary",viewBox:"0 0 100 101",fill:"none",xmlns:"http://www.w3.org/2000/svg"},[d("path",{d:"M100 50.5908C100 78.2051 77.6142 100.591 50 100.591C22.3858 100.591 0 78.2051 0 50.5908C0 22.9766 22.3858 0.59082 50 0.59082C77.6142 0.59082 100 22.9766 100 50.5908ZM9.08144 50.5908C9.08144 73.1895 27.4013 91.5094 50 91.5094C72.5987 91.5094 90.9186 73.1895 90.9186 50.5908C90.9186 27.9921 72.5987 9.67226 50 9.67226C27.4013 9.67226 9.08144 27.9921 9.08144 50.5908Z",fill:"currentColor"}),d("path",{d:"M93.9676 39.0409C96.393 38.4038 97.8624 35.9116 97.0079 33.5539C95.2932 28.8227 92.871 24.3692 89.8167 20.348C85.8452 15.1192 80.8826 10.7238 75.2124 7.41289C69.5422 4.10194 63.2754 1.94025 56.7698 1.05124C51.7666 0.367541 46.6976 0.446843 41.7345 1.27873C39.2613 1.69328 37.813 4.19778 38.4501 6.62326C39.0873 9.04874 41.5694 10.4717 44.0505 10.1071C47.8511 9.54855 51.7191 9.52689 55.5402 10.0491C60.8642 10.7766 65.9928 12.5457 70.6331 15.2552C75.2735 17.9648 79.3347 21.5619 82.5849 25.841C84.9175 28.9121 86.7997 32.2913 88.1811 35.8758C89.083 38.2158 91.5421 39.6781 93.9676 39.0409Z",fill:"currentFill"})],-1),cze=[lze];function dze(t,e,n,s,o,r){return k(),C("div",Yje,[d("div",Jje,[n.done?F("",!0):(k(),C("div",Qje,eze)),n.done&&n.status?(k(),C("div",tze,sze)):F("",!0),n.done&&!n.status?(k(),C("div",oze,ize)):F("",!0)]),n.done?F("",!0):(k(),C("div",aze,cze)),d("div",{class:Me(["content flex-1 px-2",{"text-green-500":n.done,"text-yellow-500":!n.done}])},H(n.message),3)])}const uze=Ue(Zje,[["render",dze]]);const hze="/",fze={name:"Message",emits:["copy","delete","rankUp","rankDown","updateMessage","resendMessage","continueMessage"],components:{MarkdownRenderer:Fg,Step:uze,RenderHTMLJS:Fje,JsonViewer:Wje},props:{message:Object,avatar:""},data(){return{msg:null,isSpeaking:!1,speechSynthesis:null,voices:[],expanded:!1,showConfirmation:!1,editMsgMode:!1,deleteMsgMode:!1,mdRenderHeight:Number}},mounted(){"speechSynthesis"in window?(this.speechSynthesis=window.speechSynthesis,this.voices=this.speechSynthesis.getVoices(),this.voices.length===0&&this.speechSynthesis.addEventListener("voiceschanged",this.onVoicesChanged)):console.error("Speech synthesis is not supported in this browser."),be(()=>{ve.replace(),this.mdRenderHeight=this.$refs.mdRender.$el.offsetHeight})},methods:{onVoicesChanged(){this.voices=this.speechSynthesis.getVoices()},speak(){if(this.msg){this.speechSynthesis.cancel(),this.msg=null,this.isSpeaking=!1;return}let t=0;console.log("voice on"),this.isSpeaking=!0;const e=200;this.message.content,this.msg=new SpeechSynthesisUtterance,this.msg.pitch=this.$store.state.config.audio_pitch,this.voices.length>0&&(this.msg.voice=this.voices.filter(o=>o.name===this.$store.state.config.audio_out_voice)[0]);const n=o=>{let r=this.message.content.substring(o,o+e);const i=[".","!","?",` +`];let a=-1;return i.forEach(l=>{const c=r.lastIndexOf(l);c>a&&(a=c)}),a==-1&&(a=r.length),console.log(a),a+o+1},s=()=>{if(this.message.content.includes(".")){const o=n(t),r=this.message.content.substring(t,o);this.msg.text=r,t=o+1,this.msg.onend=i=>{t{s()},1):(this.isSpeaking=!1,console.log("voice off :",this.message.content.length," ",o))},this.speechSynthesis.speak(this.msg)}else setTimeout(()=>{s()},1)};s()},toggleModel(){this.expanded=!this.expanded},copyContentToClipboard(){this.$emit("copy",this)},deleteMsg(){this.$emit("delete",this.message.id),this.deleteMsgMode=!1},rankUp(){this.$emit("rankUp",this.message.id)},rankDown(){this.$emit("rankDown",this.message.id)},updateMessage(){this.$emit("updateMessage",this.message.id,this.message.content),this.editMsgMode=!1},resendMessage(){this.$emit("resendMessage",this.message.id,this.message.content)},continueMessage(){this.$emit("continueMessage",this.message.id,this.message.content)},getImgUrl(){return this.avatar?hze+this.avatar:Xn},defaultImg(t){t.target.src=Xn},parseDate(t){let e=new Date(Date.parse(t)),s=Math.floor((new Date-e)/1e3);return s<=1?"just now":s<20?s+" seconds ago":s<40?"half a minute ago":s<60?"less than a minute ago":s<=90?"one minute ago":s<=3540?Math.round(s/60)+" minutes ago":s<=5400?"1 hour ago":s<=86400?Math.round(s/3600)+" hours ago":s<=129600?"1 day ago":s<604800?Math.round(s/86400)+" days ago":s<=777600?"1 week ago":t},prettyDate(t){let e=new Date((t||"").replace(/-/g,"/").replace(/[TZ]/g," ")),n=(new Date().getTime()-e.getTime())/1e3,s=Math.floor(n/86400);if(!(isNaN(s)||s<0||s>=31))return s==0&&(n<60&&"just now"||n<120&&"1 minute ago"||n<3600&&Math.floor(n/60)+" minutes ago"||n<7200&&"1 hour ago"||n<86400&&Math.floor(n/3600)+" hours ago")||s==1&&"Yesterday"||s<7&&s+" days ago"||s<31&&Math.ceil(s/7)+" weeks ago"},checkForFullSentence(){if(this.message.content.trim().split(" ").length>3){this.speak();return}}},watch:{"message.content":function(t){this.$store.state.config.auto_speak&&(this.isSpeaking||this.checkForFullSentence())},showConfirmation(){be(()=>{ve.replace()})},editMsgMode(t){be(()=>{ve.replace()})},deleteMsgMode(){be(()=>{ve.replace()})}},computed:{isTalking:{get(){return this.isSpeaking}},created_at(){return this.prettyDate(this.message.created_at)},created_at_parsed(){return new Date(Date.parse(this.message.created_at)).toLocaleString()},finished_generating_at_parsed(){return new Date(Date.parse(this.message.finished_generating_at)).toLocaleString()},time_spent(){const t=new Date(Date.parse(this.message.created_at)),e=new Date(Date.parse(this.message.finished_generating_at));if(e.getTime()===t.getTime()||!e.getTime())return;let s=e.getTime()-t.getTime();const o=Math.floor(s/(1e3*60*60));s-=o*(1e3*60*60);const r=Math.floor(s/(1e3*60));s-=r*(1e3*60);const i=Math.floor(s/1e3);s-=i*1e3;function a(c){return c<10&&(c="0"+c),c}return a(o)+"h:"+a(r)+"m:"+a(i)+"s"}}},pze={class:"relative group rounded-lg m-2 shadow-lg hover:border-primary dark:hover:border-primary hover:border-solid hover:border-2 border-2 border-transparent even:bg-bg-light-discussion-odd dark:even:bg-bg-dark-discussion-odd flex flex-col flex-grow flex-wrap overflow-visible p-4 pb-2"},gze={class:"flex flex-row gap-2"},mze={class:"flex-shrink-0"},_ze={class:"group/avatar"},bze=["src","data-popover-target"],yze={class:"flex flex-col w-full flex-grow-0"},vze={class:"flex flex-row flex-grow items-start"},wze={class:"flex flex-col mb-2"},xze={class:"drop-shadow-sm text-lg text-opacity-95 font-bold grow"},kze=["title"],Eze=d("div",{class:"flex-grow"},null,-1),Cze={class:"flex-row justify-end mx-2"},Aze={class:"invisible group-hover:visible flex flex-row"},Sze={key:0,class:"flex items-center duration-75"},Tze=d("i",{"data-feather":"x"},null,-1),Mze=[Tze],Oze=d("i",{"data-feather":"check"},null,-1),Rze=[Oze],Nze=d("i",{"data-feather":"edit"},null,-1),Dze=[Nze],Lze=d("i",{"data-feather":"copy"},null,-1),Ize=[Lze],Pze=d("i",{"data-feather":"refresh-cw"},null,-1),Fze=[Pze],Bze=d("i",{"data-feather":"fast-forward"},null,-1),$ze=[Bze],jze={key:4,class:"flex items-center duration-75"},zze=d("i",{"data-feather":"x"},null,-1),Uze=[zze],qze=d("i",{"data-feather":"check"},null,-1),Hze=[qze],Vze=d("i",{"data-feather":"trash"},null,-1),Gze=[Vze],Kze=d("i",{"data-feather":"thumbs-up"},null,-1),Wze=[Kze],Zze={class:"flex flex-row items-center"},Yze=d("i",{"data-feather":"thumbs-down"},null,-1),Jze=[Yze],Qze={class:"flex flex-row items-center"},Xze=d("i",{"data-feather":"volume-2"},null,-1),eUe=[Xze],tUe={class:"overflow-x-auto w-full"},nUe={class:"flex flex-col items-start w-full"},sUe={class:"flex flex-col items-start w-full"},oUe={key:2},rUe={class:"text-sm text-gray-400 mt-2"},iUe={class:"flex flex-row items-center gap-2"},aUe={key:0},lUe={class:"font-thin"},cUe={key:1},dUe={class:"font-thin"},uUe={key:2},hUe={class:"font-thin"},fUe={key:3},pUe=["title"];function gUe(t,e,n,s,o,r){const i=Ve("Step"),a=Ve("RenderHTMLJS"),l=Ve("MarkdownRenderer"),c=Ve("JsonViewer");return k(),C("div",pze,[d("div",gze,[d("div",mze,[d("div",_ze,[d("img",{src:r.getImgUrl(),onError:e[0]||(e[0]=u=>r.defaultImg(u)),"data-popover-target":"avatar"+n.message.id,"data-popover-placement":"bottom",class:"w-10 h-10 rounded-full object-fill text-red-700"},null,40,bze)])]),d("div",yze,[d("div",vze,[d("div",wze,[d("div",xze,H(n.message.sender)+" ",1),n.message.created_at?(k(),C("div",{key:0,class:"text-sm text-gray-400 font-thin",title:"Created at: "+r.created_at_parsed},H(r.created_at),9,kze)):F("",!0)]),Eze,d("div",Cze,[d("div",Aze,[o.editMsgMode?(k(),C("div",Sze,[d("button",{class:"text-2xl hover:text-red-600 duration-75 active:scale-90 p-2",title:"Cancel edit",type:"button",onClick:e[1]||(e[1]=le(u=>o.editMsgMode=!1,["stop"]))},Mze),d("button",{class:"text-2xl hover:text-secondary duration-75 active:scale-90 p-2",title:"Update message",type:"button",onClick:e[2]||(e[2]=le((...u)=>r.updateMessage&&r.updateMessage(...u),["stop"]))},Rze)])):F("",!0),o.editMsgMode?F("",!0):(k(),C("div",{key:1,class:"text-lg hover:text-secondary duration-75 active:scale-90 p-2",title:"Edit message",onClick:e[3]||(e[3]=le(u=>o.editMsgMode=!0,["stop"]))},Dze)),d("div",{class:"text-lg hover:text-secondary duration-75 active:scale-90 p-2",title:"Copy message to clipboard",onClick:e[4]||(e[4]=le(u=>r.copyContentToClipboard(),["stop"]))},Ize),n.message.sender!=this.$store.state.mountedPers.name?(k(),C("div",{key:2,class:"text-lg hover:text-secondary duration-75 active:scale-90 p-2",title:"Resend message",onClick:e[5]||(e[5]=le(u=>r.resendMessage(),["stop"]))},Fze)):F("",!0),n.message.sender==this.$store.state.mountedPers.name?(k(),C("div",{key:3,class:"text-lg hover:text-secondary duration-75 active:scale-90 p-2",title:"Resend message",onClick:e[6]||(e[6]=le(u=>r.continueMessage(),["stop"]))},$ze)):F("",!0),o.deleteMsgMode?(k(),C("div",jze,[d("button",{class:"text-2xl hover:text-red-600 duration-75 active:scale-90 p-2",title:"Cancel removal",type:"button",onClick:e[7]||(e[7]=le(u=>o.deleteMsgMode=!1,["stop"]))},Uze),d("button",{class:"text-2xl hover:text-secondary duration-75 active:scale-90 p-2",title:"Confirm removal",type:"button",onClick:e[8]||(e[8]=le(u=>r.deleteMsg(),["stop"]))},Hze)])):F("",!0),o.deleteMsgMode?F("",!0):(k(),C("div",{key:5,class:"text-lg hover:text-red-600 duration-75 active:scale-90 p-2",title:"Remove message",onClick:e[9]||(e[9]=u=>o.deleteMsgMode=!0)},Gze)),d("div",{class:"text-lg hover:text-secondary duration-75 active:scale-90 p-2",title:"Upvote",onClick:e[10]||(e[10]=le(u=>r.rankUp(),["stop"]))},Wze),d("div",Zze,[d("div",{class:"text-lg hover:text-red-600 duration-75 active:scale-90 p-2",title:"Downvote",onClick:e[11]||(e[11]=le(u=>r.rankDown(),["stop"]))},Jze),n.message.rank!=0?(k(),C("div",{key:0,class:Me(["rounded-full px-2 text-sm flex items-center justify-center font-bold",n.message.rank>0?"bg-secondary":"bg-red-600"]),title:"Rank"},H(n.message.rank),3)):F("",!0)]),d("div",Qze,[d("div",{class:Me(["text-lg hover:text-red-600 duration-75 active:scale-90 p-2",{"text-red-500":r.isTalking}]),title:"speak",onClick:e[12]||(e[12]=le(u=>r.speak(),["stop"]))},eUe,2)])])])]),d("div",tUe,[d("div",nUe,[(k(!0),C(Oe,null,Ge(n.message.steps,(u,h)=>(k(),C("div",{key:"step-"+n.message.id+"-"+h,class:"step font-bold",style:bt({backgroundColor:u.done?"transparent":"inherit"})},[he(i,{done:u.done,message:u.message,status:u.status},null,8,["done","message","status"])],4))),128))]),d("div",sUe,[(k(!0),C(Oe,null,Ge(n.message.html_js_s,(u,h)=>(k(),C("div",{key:"htmljs-"+n.message.id+"-"+h,class:"htmljs font-bold",style:bt({backgroundColor:t.step.done?"transparent":"inherit"})},[he(a,{htmlContent:u},null,8,["htmlContent"])],4))),128))]),o.editMsgMode?F("",!0):(k(),st(l,{key:0,ref:"mdRender","markdown-text":n.message.content},null,8,["markdown-text"])),o.editMsgMode?fe((k(),C("textarea",{key:1,ref:"mdTextarea",rows:4,class:"block p-2.5 w-full text-sm text-gray-900 bg-gray-50 rounded-lg border border-gray-300 focus:ring-blue-500 focus:border-blue-500 dark:bg-gray-700 dark:border-gray-600 dark:placeholder-gray-400 dark:text-white dark:focus:ring-blue-500 dark:focus:border-blue-500",style:bt({minHeight:o.mdRenderHeight+"px"}),placeholder:"Enter message here...","onUpdate:modelValue":e[13]||(e[13]=u=>this.message.content=u)},null,4)),[[Ie,this.message.content]]):F("",!0),n.message.metadata!==null?(k(),C("div",oUe,[(k(!0),C(Oe,null,Ge(n.message.metadata,(u,h)=>(k(),C("div",{key:"json-"+n.message.id+"-"+h,class:"json font-bold"},[he(c,{jsonFormText:u.title,jsonData:u.content},null,8,["jsonFormText","jsonData"])]))),128))])):F("",!0)]),d("div",rUe,[d("div",iUe,[n.message.binding?(k(),C("p",aUe,[xe("Binding: "),d("span",lUe,H(n.message.binding),1)])):F("",!0),n.message.model?(k(),C("p",cUe,[xe("Model: "),d("span",dUe,H(n.message.model),1)])):F("",!0),n.message.seed?(k(),C("p",uUe,[xe("Seed: "),d("span",hUe,H(n.message.seed),1)])):F("",!0),r.time_spent?(k(),C("p",fUe,[xe("Time spent: "),d("span",{class:"font-thin",title:"Finished generating: "+r.finished_generating_at_parsed},H(r.time_spent),9,pUe)])):F("",!0)])])])])])}const qg=Ue(fze,[["render",gUe]]),mUe="/";ye.defaults.baseURL="/";const _Ue={name:"MountedPersonalities",props:{onShowPersList:Function,onReady:Function},components:{UniversalForm:wc},data(){return{bUrl:mUe,isMounted:!1,show:!1}},async mounted(){await this.constructor(),this.isMounted=!0},async activated(){this.isMounted&&await this.constructor()},computed:{configFile:{get(){return this.$store.state.config},set(t){this.$store.commit("setConfig",t)}},mountedPers:{get(){return this.$store.state.mountedPers},set(t){this.$store.commit("setMountedPers",t)}},personalities:{get(){return this.$store.state.personalities},set(t){this.$store.commit("setPersonalities",t)}},mountedPersArr:{get(){return this.$store.state.mountedPersArr},set(t){this.$store.commit("setMountedPers",t)}}},methods:{onSettingsPersonality(t){try{ye.get("/get_active_personality_settings").then(e=>{e&&(console.log("pers sett",e),e.data&&Object.keys(e.data).length>0?this.$refs.universalForm.showForm(e.data,"Personality settings - "+t.name,"Save changes","Cancel").then(n=>{try{ye.post("/set_active_personality_settings",n).then(s=>{s&&s.data?(console.log("personality set with new settings",s.data),this.$refs.toast.showToast("Personality settings updated successfully!",4,!0)):this.$refs.toast.showToast(`Did not get Personality settings responses. `+s,4,!1)})}catch(s){this.$refs.toast.showToast(`Did not get Personality settings responses. - Endpoint error: `+s.message,4,!1)}}):this.$refs.toast.showToast("Personality has no settings",4,!1))})}catch(e){this.$refs.toast.showToast("Could not open personality settings. Endpoint error: "+e.message,4,!1)}},toggleShowPersList(){this.onShowPersList()},async constructor(){for(be(()=>{ve.replace()});this.$store.state.ready===!1;)await new Promise(t=>setTimeout(t,100));this.onReady()},async api_get_req(t){try{const e=await ye.get("/"+t);if(e)return e.data}catch(e){console.log(e.message,"api_get_req - mountedPersonalities");return}},personalityImgPlacehodler(t){t.target.src=Xn}}},pUe={class:"w-fit select-none"},gUe={key:0,class:"flex -space-x-4"},mUe=["src","title"],_Ue={key:1,class:"flex -space-x-4"},bUe=["src","title"],yUe={key:2,title:"Loading personalities"},vUe=d("div",{role:"status"},[d("svg",{"aria-hidden":"true",class:"w-6 h-6 animate-spin fill-secondary",viewBox:"0 0 100 101",fill:"none",xmlns:"http://www.w3.org/2000/svg"},[d("path",{d:"M100 50.5908C100 78.2051 77.6142 100.591 50 100.591C22.3858 100.591 0 78.2051 0 50.5908C0 22.9766 22.3858 0.59082 50 0.59082C77.6142 0.59082 100 22.9766 100 50.5908ZM9.08144 50.5908C9.08144 73.1895 27.4013 91.5094 50 91.5094C72.5987 91.5094 90.9186 73.1895 90.9186 50.5908C90.9186 27.9921 72.5987 9.67226 50 9.67226C27.4013 9.67226 9.08144 27.9921 9.08144 50.5908Z",fill:"currentColor"}),d("path",{d:"M93.9676 39.0409C96.393 38.4038 97.8624 35.9116 97.0079 33.5539C95.2932 28.8227 92.871 24.3692 89.8167 20.348C85.8452 15.1192 80.8826 10.7238 75.2124 7.41289C69.5422 4.10194 63.2754 1.94025 56.7698 1.05124C51.7666 0.367541 46.6976 0.446843 41.7345 1.27873C39.2613 1.69328 37.813 4.19778 38.4501 6.62326C39.0873 9.04874 41.5694 10.4717 44.0505 10.1071C47.8511 9.54855 51.7191 9.52689 55.5402 10.0491C60.8642 10.7766 65.9928 12.5457 70.6331 15.2552C75.2735 17.9648 79.3347 21.5619 82.5849 25.841C84.9175 28.9121 86.7997 32.2913 88.1811 35.8758C89.083 38.2158 91.5421 39.6781 93.9676 39.0409Z",fill:"currentFill"})]),d("span",{class:"sr-only"},"Loading...")],-1),wUe=[vUe];function xUe(t,e,n,s,o,r){const i=Ve("UniversalForm");return k(),C(Oe,null,[d("div",pUe,[r.mountedPersArr.length>1?(k(),C("div",gUe,[d("img",{src:o.bUrl+r.mountedPers.avatar,onError:e[0]||(e[0]=(...a)=>r.personalityImgPlacehodler&&r.personalityImgPlacehodler(...a)),class:"w-8 h-8 rounded-full object-fill text-red-700 border-2 active:scale-90 hover:z-20 hover:-translate-y-2 duration-150 border-secondary cursor-pointer",title:"Active personality: "+r.mountedPers.name,onClick:e[1]||(e[1]=a=>r.onSettingsPersonality(r.mountedPers))},null,40,mUe),d("div",{class:"flex items-center justify-center w-8 h-8 cursor-pointer text-xs font-medium bg-bg-light dark:bg-bg-dark border-2 hover:border-secondary rounded-full hover:bg-bg-light-tone dark:hover:bg-bg-dark-tone dark:border-gray-800 hover:z-20 hover:-translate-y-2 duration-150 active:scale-90",onClick:e[2]||(e[2]=le((...a)=>r.toggleShowPersList&&r.toggleShowPersList(...a),["stop"])),title:"Click to show more"},"+"+H(r.mountedPersArr.length-1),1)])):B("",!0),r.mountedPersArr.length==1?(k(),C("div",_Ue,[d("img",{src:o.bUrl+this.$store.state.mountedPers.avatar,onError:e[3]||(e[3]=(...a)=>r.personalityImgPlacehodler&&r.personalityImgPlacehodler(...a)),class:"w-8 h-8 rounded-full object-fill text-red-700 border-2 active:scale-90 hover:z-20 cursor-pointer border-secondary",title:"Active personality: "+this.$store.state.mountedPers.name,onClick:e[4]||(e[4]=le((...a)=>r.toggleShowPersList&&r.toggleShowPersList(...a),["stop"]))},null,40,bUe)])):B("",!0),r.mountedPersArr.length==0?(k(),C("div",yUe,wUe)):B("",!0)]),he(i,{ref:"universalForm",class:"z-20"},null,512)],64)}const kUe=Ue(fUe,[["render",xUe]]);const EUe="/";ye.defaults.baseURL="/";const CUe={props:{onTalk:Function,onMountUnmount:Function,onRemount:Function,discussionPersonalities:Array,onShowPersList:Function},components:{PersonalityEntry:zg,Toast:Io,UniversalForm:wc},name:"MountedPersonalitiesList",data(){return{bUrl:EUe,isMounted:!1,isLoading:!1}},async mounted(){await this.constructor(),this.isMounted=!0},async activated(){this.isMounted&&await this.constructor()},computed:{configFile:{get(){return this.$store.state.config},set(t){this.$store.commit("setConfig",t)}},personalities:{get(){return this.$store.state.personalities},set(t){this.$store.commit("setPersonalities",t)}},mountedPersArr:{get(){return this.$store.state.mountedPersArr},set(t){this.$store.commit("setMountedPers",t)}}},methods:{toggleShowPersList(){this.onShowPersList()},toggleMountUnmount(){this.onMountUnmount(this)},async constructor(){},async api_get_req(t){try{const e=await ye.get("/"+t);if(e)return e.data}catch(e){console.log(e.message,"api_get_req - mountedPersonalities");return}},personalityImgPlacehodler(t){t.target.src=Xn},onPersonalityReinstall(t){console.log("on reinstall ",t),this.isLoading=!0,ye.post("/reinstall_personality",{name:t.personality.full_path}).then(e=>{if(e)return this.isLoading=!1,console.log("reinstall_personality",e),e.data.status?this.$refs.toast.showToast("Personality reinstalled successfully!",4,!0):this.$refs.toast.showToast("Could not reinstall personality",4,!1),e.data;this.isLoading=!1}).catch(e=>(this.isLoading=!1,this.$refs.toast.showToast(`Could not reinstall personality + Endpoint error: `+s.message,4,!1)}}):this.$refs.toast.showToast("Personality has no settings",4,!1))})}catch(e){this.$refs.toast.showToast("Could not open personality settings. Endpoint error: "+e.message,4,!1)}},toggleShowPersList(){this.onShowPersList()},async constructor(){for(be(()=>{ve.replace()});this.$store.state.ready===!1;)await new Promise(t=>setTimeout(t,100));this.onReady()},async api_get_req(t){try{const e=await ye.get("/"+t);if(e)return e.data}catch(e){console.log(e.message,"api_get_req - mountedPersonalities");return}},personalityImgPlacehodler(t){t.target.src=Xn}}},bUe={class:"w-fit select-none"},yUe={key:0,class:"flex -space-x-4"},vUe=["src","title"],wUe={key:1,class:"flex -space-x-4"},xUe=["src","title"],kUe={key:2,title:"Loading personalities"},EUe=d("div",{role:"status"},[d("svg",{"aria-hidden":"true",class:"w-6 h-6 animate-spin fill-secondary",viewBox:"0 0 100 101",fill:"none",xmlns:"http://www.w3.org/2000/svg"},[d("path",{d:"M100 50.5908C100 78.2051 77.6142 100.591 50 100.591C22.3858 100.591 0 78.2051 0 50.5908C0 22.9766 22.3858 0.59082 50 0.59082C77.6142 0.59082 100 22.9766 100 50.5908ZM9.08144 50.5908C9.08144 73.1895 27.4013 91.5094 50 91.5094C72.5987 91.5094 90.9186 73.1895 90.9186 50.5908C90.9186 27.9921 72.5987 9.67226 50 9.67226C27.4013 9.67226 9.08144 27.9921 9.08144 50.5908Z",fill:"currentColor"}),d("path",{d:"M93.9676 39.0409C96.393 38.4038 97.8624 35.9116 97.0079 33.5539C95.2932 28.8227 92.871 24.3692 89.8167 20.348C85.8452 15.1192 80.8826 10.7238 75.2124 7.41289C69.5422 4.10194 63.2754 1.94025 56.7698 1.05124C51.7666 0.367541 46.6976 0.446843 41.7345 1.27873C39.2613 1.69328 37.813 4.19778 38.4501 6.62326C39.0873 9.04874 41.5694 10.4717 44.0505 10.1071C47.8511 9.54855 51.7191 9.52689 55.5402 10.0491C60.8642 10.7766 65.9928 12.5457 70.6331 15.2552C75.2735 17.9648 79.3347 21.5619 82.5849 25.841C84.9175 28.9121 86.7997 32.2913 88.1811 35.8758C89.083 38.2158 91.5421 39.6781 93.9676 39.0409Z",fill:"currentFill"})]),d("span",{class:"sr-only"},"Loading...")],-1),CUe=[EUe];function AUe(t,e,n,s,o,r){const i=Ve("UniversalForm");return k(),C(Oe,null,[d("div",bUe,[r.mountedPersArr.length>1?(k(),C("div",yUe,[d("img",{src:o.bUrl+r.mountedPers.avatar,onError:e[0]||(e[0]=(...a)=>r.personalityImgPlacehodler&&r.personalityImgPlacehodler(...a)),class:"w-8 h-8 rounded-full object-fill text-red-700 border-2 active:scale-90 hover:z-20 hover:-translate-y-2 duration-150 border-secondary cursor-pointer",title:"Active personality: "+r.mountedPers.name,onClick:e[1]||(e[1]=a=>r.onSettingsPersonality(r.mountedPers))},null,40,vUe),d("div",{class:"flex items-center justify-center w-8 h-8 cursor-pointer text-xs font-medium bg-bg-light dark:bg-bg-dark border-2 hover:border-secondary rounded-full hover:bg-bg-light-tone dark:hover:bg-bg-dark-tone dark:border-gray-800 hover:z-20 hover:-translate-y-2 duration-150 active:scale-90",onClick:e[2]||(e[2]=le((...a)=>r.toggleShowPersList&&r.toggleShowPersList(...a),["stop"])),title:"Click to show more"},"+"+H(r.mountedPersArr.length-1),1)])):F("",!0),r.mountedPersArr.length==1?(k(),C("div",wUe,[d("img",{src:o.bUrl+this.$store.state.mountedPers.avatar,onError:e[3]||(e[3]=(...a)=>r.personalityImgPlacehodler&&r.personalityImgPlacehodler(...a)),class:"w-8 h-8 rounded-full object-fill text-red-700 border-2 active:scale-90 hover:z-20 cursor-pointer border-secondary",title:"Active personality: "+this.$store.state.mountedPers.name,onClick:e[4]||(e[4]=le((...a)=>r.toggleShowPersList&&r.toggleShowPersList(...a),["stop"]))},null,40,xUe)])):F("",!0),r.mountedPersArr.length==0?(k(),C("div",kUe,CUe)):F("",!0)]),he(i,{ref:"universalForm",class:"z-20"},null,512)],64)}const SUe=Ue(_Ue,[["render",AUe]]);const TUe="/";ye.defaults.baseURL="/";const MUe={props:{onTalk:Function,onMountUnmount:Function,onRemount:Function,discussionPersonalities:Array,onShowPersList:Function},components:{PersonalityEntry:zg,Toast:Io,UniversalForm:wc},name:"MountedPersonalitiesList",data(){return{bUrl:TUe,isMounted:!1,isLoading:!1}},async mounted(){await this.constructor(),this.isMounted=!0},async activated(){this.isMounted&&await this.constructor()},computed:{configFile:{get(){return this.$store.state.config},set(t){this.$store.commit("setConfig",t)}},personalities:{get(){return this.$store.state.personalities},set(t){this.$store.commit("setPersonalities",t)}},mountedPersArr:{get(){return this.$store.state.mountedPersArr},set(t){this.$store.commit("setMountedPers",t)}}},methods:{toggleShowPersList(){this.onShowPersList()},toggleMountUnmount(){this.onMountUnmount(this)},async constructor(){},async api_get_req(t){try{const e=await ye.get("/"+t);if(e)return e.data}catch(e){console.log(e.message,"api_get_req - mountedPersonalities");return}},personalityImgPlacehodler(t){t.target.src=Xn},onPersonalityReinstall(t){console.log("on reinstall ",t),this.isLoading=!0,ye.post("/reinstall_personality",{name:t.personality.full_path}).then(e=>{if(e)return this.isLoading=!1,console.log("reinstall_personality",e),e.data.status?this.$refs.toast.showToast("Personality reinstalled successfully!",4,!0):this.$refs.toast.showToast("Could not reinstall personality",4,!1),e.data;this.isLoading=!1}).catch(e=>(this.isLoading=!1,this.$refs.toast.showToast(`Could not reinstall personality `+e.message,4,!1),{status:!1}))},onPersonalityMounted(t){this.configFile.personalities.includes(t.full_path)?this.configFile.personalities.length==1?this.$refs.toast.showToast("Can't unmount last personality",4,!1):this.unmountPersonality(t):this.mountPersonality(t)},onPersonalityRemount(t){this.reMountPersonality(t)},async handleOnTalk(t){if(ve.replace(),console.log("ppa",t),t){if(t.isMounted){const e=await this.select_personality(t);e&&e.status&&(await this.constructor(),this.$refs.toast.showToast(`Selected personality: `+t.name,4,!0))}else this.onPersonalityMounted(t);this.onTalk(t)}},async onPersonalitySelected(t){if(ve.replace(),console.log("ppa",t),t){if(t.selected){this.$refs.toast.showToast("Personality already selected",4,!0);return}if(t.isMounted){const e=await this.select_personality(t);e&&e.status&&(await this.constructor(),this.$refs.toast.showToast(`Selected personality: `+t.name,4,!0))}else this.onPersonalityMounted(t)}},onSettingsPersonality(t){try{ye.get("/get_active_personality_settings").then(e=>{e&&(console.log("pers sett",e),e.data&&Object.keys(e.data).length>0?this.$refs.universalForm.showForm(e.data,"Personality settings - "+t.personality.name,"Save changes","Cancel").then(n=>{try{ye.post("/set_active_personality_settings",n).then(s=>{s&&s.data?(console.log("personality set with new settings",s.data),this.$refs.toast.showToast("Personality settings updated successfully!",4,!0)):this.$refs.toast.showToast(`Did not get Personality settings responses. @@ -183,12 +183,12 @@ Error: `+e.error,4,!1))},async reMountPersonality(t){if(console.log("remount per `+t.personality.name,4,!0),this.getMountedPersonalities()):(t.isMounted=!1,this.$refs.toast.showToast(`Could not mount personality Error: `+e.error,4,!1))},async unmountPersonality(t){if(!t)return;const e=await this.unmount_personality(t.personality||t);if(e.status){this.toggleMountUnmount(),console.log("unmount response",e),this.configFile.active_personality_id=e.active_personality_id,this.configFile.personalities=e.personalities,this.$refs.toast.showToast("Personality unmounted",4,!0);const n=this.configFile.personalities[this.configFile.active_personality_id];console.log();const s=this.personalities.findIndex(a=>a.full_path==n),o=this.$refs.personalitiesZoo.findIndex(a=>a.full_path==t.full_path);console.log("ppp",this.personalities[s]);const r=this.personalities[s];r.isMounted=!1,r.selected=!0,this.$refs.personalitiesZoo[o].isMounted=!1,this.getMountedPersonalities(),(await this.select_personality(r)).status&&this.$refs.toast.showToast(`Selected personality: `+r.name,4,!0)}else this.$refs.toast.showToast(`Could not unmount personality -Error: `+e.error,4,!1)},getMountedPersonalities(){this.isLoading=!0;let t=[];console.log(this.configFile.personalities.length);for(let e=0;er.full_path==n),o=this.personalities[s];if(o)console.log("adding from config"),t.push(o);else{console.log("adding default");const r=this.personalities.findIndex(a=>a.full_path=="english/generic/lollms"),i=this.personalities[r];t.push(i)}}if(this.mountedPersArr=[],this.mountedPersArr=t,console.log("discussionPersonalities",this.discussionPersonalities),this.discussionPersonalities!=null&&this.discussionPersonalities.length>0)for(let e=0;eo.full_path==n);if(console.log("discussionPersonalities -includes",s),console.log("discussionPersonalities -mounted list",this.mountedPersArr),s==-1){const o=this.personalities.findIndex(i=>i.full_path==n),r=this.personalities[o];console.log("adding discucc121",r,n),r&&(this.mountedPersArr.push(r),console.log("adding discucc",r))}}this.isLoading=!1,console.log("getMountedPersonalities",this.mountedPersArr),console.log("fig",this.configFile)}}},xc=t=>(ns("data-v-d93302b0"),t=t(),ss(),t),AUe={class:"text-left overflow-visible text-base font-semibold cursor-pointer select-none items-center flex flex-col flex-grow w-full overflow-x-auto scrollbar-thin scrollbar-track-bg-light scrollbar-thumb-bg-light-tone hover:scrollbar-thumb-primary dark:scrollbar-track-bg-dark dark:scrollbar-thumb-bg-dark-tone dark:hover:scrollbar-thumb-primary active:scrollbar-thumb-secondary"},SUe={key:0,role:"status",class:"flex justify-center overflow-y-hidden"},TUe=xc(()=>d("svg",{"aria-hidden":"true",class:"w-6 h-6 animate-spin fill-secondary",viewBox:"0 0 100 101",fill:"none",xmlns:"http://www.w3.org/2000/svg"},[d("path",{d:"M100 50.5908C100 78.2051 77.6142 100.591 50 100.591C22.3858 100.591 0 78.2051 0 50.5908C0 22.9766 22.3858 0.59082 50 0.59082C77.6142 0.59082 100 22.9766 100 50.5908ZM9.08144 50.5908C9.08144 73.1895 27.4013 91.5094 50 91.5094C72.5987 91.5094 90.9186 73.1895 90.9186 50.5908C90.9186 27.9921 72.5987 9.67226 50 9.67226C27.4013 9.67226 9.08144 27.9921 9.08144 50.5908Z",fill:"currentColor"}),d("path",{d:"M93.9676 39.0409C96.393 38.4038 97.8624 35.9116 97.0079 33.5539C95.2932 28.8227 92.871 24.3692 89.8167 20.348C85.8452 15.1192 80.8826 10.7238 75.2124 7.41289C69.5422 4.10194 63.2754 1.94025 56.7698 1.05124C51.7666 0.367541 46.6976 0.446843 41.7345 1.27873C39.2613 1.69328 37.813 4.19778 38.4501 6.62326C39.0873 9.04874 41.5694 10.4717 44.0505 10.1071C47.8511 9.54855 51.7191 9.52689 55.5402 10.0491C60.8642 10.7766 65.9928 12.5457 70.6331 15.2552C75.2735 17.9648 79.3347 21.5619 82.5849 25.841C84.9175 28.9121 86.7997 32.2913 88.1811 35.8758C89.083 38.2158 91.5421 39.6781 93.9676 39.0409Z",fill:"currentFill"})],-1)),MUe=xc(()=>d("span",{class:"sr-only"},"Loading...",-1)),OUe=[TUe,MUe],RUe=xc(()=>d("i",{"data-feather":"chevron-down"},null,-1)),NUe=[RUe],DUe={class:"block my-2 text-sm font-medium text-gray-900 dark:text-white"},LUe={class:"overflow-y-auto no-scrollbar pb-0 grid lg:grid-cols-3 md:grid-cols-2 gap-4 max-h-96"};function IUe(t,e,n,s,o,r){const i=Ve("personality-entry"),a=Ve("Toast"),l=Ve("UniversalForm");return k(),C("div",AUe,[o.isLoading?(k(),C("div",SUe,OUe)):B("",!0),d("div",null,[r.mountedPersArr.length>0?(k(),C("div",{key:0,class:Me(o.isLoading?"pointer-events-none opacity-30 cursor-default":"")},[d("button",{class:"mt-0 w-full text-2xl hover:text-secondary duration-75 flex justify-center hover:bg-bg-light-tone hover:dark:bg-bg-dark-tone rounded-lg",title:"Close personality list",type:"button",onClick:e[0]||(e[0]=le((...c)=>r.toggleShowPersList&&r.toggleShowPersList(...c),["stop"]))},NUe),d("label",DUe," Mounted Personalities: ("+H(r.mountedPersArr.length)+") ",1),d("div",LUe,[he(Ut,{name:"bounce"},{default:De(()=>[(k(!0),C(Oe,null,Ge(this.$store.state.mountedPersArr,(c,u)=>(k(),st(i,{ref_for:!0,ref:"personalitiesZoo",key:"index-"+u+"-"+c.name,personality:c,full_path:c.full_path,selected:r.configFile.personalities[r.configFile.active_personality_id]===c.full_path,"on-selected":r.onPersonalitySelected,"on-mounted":r.onPersonalityMounted,"on-remount":r.onPersonalityRemount,"on-settings":r.onSettingsPersonality,"on-reinstall":r.onPersonalityReinstall,"on-talk":r.handleOnTalk},null,8,["personality","full_path","selected","on-selected","on-mounted","on-remount","on-settings","on-reinstall","on-talk"]))),128))]),_:1})])],2)):B("",!0)]),he(a,{ref:"toast"},null,512),he(l,{ref:"universalForm",class:"z-20"},null,512)])}const PUe=Ue(CUe,[["render",IUe],["__scopeId","data-v-d93302b0"]]);const FUe={components:{InteractiveMenu:jg},props:{commandsList:{type:Array,required:!0},sendCommand:Function,onShowToastMessage:Function},data(){return{loading:!1,selectedFile:null,showMenu:!1,showHelpText:!1,helpText:"",commands:[]}},async mounted(){nextTick(()=>{ve.replace()})},methods:{isHTML(t){const n=new DOMParser().parseFromString(t,"text/html");return Array.from(n.body.childNodes).some(s=>s.nodeType===Node.ELEMENT_NODE)},selectFile(t,e){const n=document.createElement("input");n.type="file",n.accept=t,n.onchange=s=>{this.selectedFile=s.target.files[0],console.log("File selected"),e()},n.click()},uploadFile(){new FormData().append("file",this.selectedFile),console.log("Uploading file"),this.loading=!0;const e=new FileReader;e.onload=()=>{const n={filename:this.selectedFile.name,fileData:e.result};Ee.on("file_received",s=>{s.status?this.onShowToastMessage("File uploaded successfully",4,!0):this.onShowToastMessage(`Couldn't upload file -`+s.error,4,!1),this.loading=!1,Ee.off("file_received")}),Ee.emit("send_file",n)},e.readAsDataURL(this.selectedFile)},async constructor(){nextTick(()=>{ve.replace()})},toggleMenu(){this.showMenu=!this.showMenu},execute_cmd(t){this.showMenu=!this.showMenu,t.hasOwnProperty("is_file")?(console.log("Need to send a file."),this.selectFile(t.hasOwnProperty("file_types")?t.file_types:"*",()=>{this.selectedFile!=null&&this.uploadFile()})):this.sendCommand(t.value)},handleClickOutside(t){const e=this.$el.querySelector(".commands-menu-items-wrapper");e&&!e.contains(t.target)&&(this.showMenu=!1)}},mounted(){this.commands=this.commandsList,document.addEventListener("click",this.handleClickOutside)},beforeUnmount(){document.removeEventListener("click",this.handleClickOutside)}},BUe=t=>(ns("data-v-52cfa09c"),t=t(),ss(),t),$Ue={key:0,title:"Loading..",class:"flex flex-row flex-grow justify-end"},jUe=BUe(()=>d("div",{role:"status"},[d("svg",{"aria-hidden":"true",class:"w-6 h-6 animate-spin fill-secondary",viewBox:"0 0 100 101",fill:"none",xmlns:"http://www.w3.org/2000/svg"},[d("path",{d:"M100 50.5908C100 78.2051 77.6142 100.591 50 100.591C22.3858 100.591 0 78.2051 0 50.5908C0 22.9766 22.3858 0.59082 50 0.59082C77.6142 0.59082 100 22.9766 100 50.5908ZM9.08144 50.5908C9.08144 73.1895 27.4013 91.5094 50 91.5094C72.5987 91.5094 90.9186 73.1895 90.9186 50.5908C90.9186 27.9921 72.5987 9.67226 50 9.67226C27.4013 9.67226 9.08144 27.9921 9.08144 50.5908Z",fill:"currentColor"}),d("path",{d:"M93.9676 39.0409C96.393 38.4038 97.8624 35.9116 97.0079 33.5539C95.2932 28.8227 92.871 24.3692 89.8167 20.348C85.8452 15.1192 80.8826 10.7238 75.2124 7.41289C69.5422 4.10194 63.2754 1.94025 56.7698 1.05124C51.7666 0.367541 46.6976 0.446843 41.7345 1.27873C39.2613 1.69328 37.813 4.19778 38.4501 6.62326C39.0873 9.04874 41.5694 10.4717 44.0505 10.1071C47.8511 9.54855 51.7191 9.52689 55.5402 10.0491C60.8642 10.7766 65.9928 12.5457 70.6331 15.2552C75.2735 17.9648 79.3347 21.5619 82.5849 25.841C84.9175 28.9121 86.7997 32.2913 88.1811 35.8758C89.083 38.2158 91.5421 39.6781 93.9676 39.0409Z",fill:"currentFill"})]),d("span",{class:"sr-only"},"Loading...")],-1)),zUe=[jUe];function UUe(t,e,n,s,o,r){const i=Ve("InteractiveMenu");return o.loading?(k(),C("div",$Ue,zUe)):(k(),st(i,{key:1,commands:n.commandsList,execute_cmd:r.execute_cmd},null,8,["commands","execute_cmd"]))}const qUe=Ue(FUe,[["render",UUe],["__scopeId","data-v-52cfa09c"]]);const HUe={name:"ChatBox",emits:["messageSentEvent","stopGenerating"],props:{onTalk:Function,discussionList:Array,loading:!1,onShowToastMessage:Function},components:{MountedPersonalities:kUe,MountedPersonalitiesList:PUe,PersonalitiesCommands:qUe},setup(){},data(){return{message:"",isLesteningToVoice:!1,fileList:[],isFileSentList:[],totalSize:0,showFileList:!0,showPersonalities:!1,personalities_ready:!1}},computed:{config(){return this.$store.state.config},mountedPers(){return this.$store.state.mountedPers},allDiscussionPersonalities(){if(this.discussionList.length>0){let t=[];for(let e=0;e{const s={filename:t.name,fileData:n.result};Ee.on("file_received",o=>{if(o.status){console.log(o.filename);let r=this.fileList.findIndex(i=>i.name===o.filename);r>=0?(this.isFileSentList[r]=!0,console.log(this.isFileSentList)):console.log("Not found"),this.onShowToastMessage("File uploaded successfully",4,!0)}else this.onShowToastMessage(`Couldn't upload file -`+o.error,4,!1);Ee.off("file_received")}),Ee.emit("send_file",s)},n.readAsDataURL(t)},startSpeechRecognition(){"SpeechRecognition"in window||"webkitSpeechRecognition"in window?(this.recognition=new(window.SpeechRecognition||window.webkitSpeechRecognition),this.recognition.lang=this.$store.state.config.audio_in_language,this.recognition.interimResults=!0,this.recognition.onstart=()=>{this.isLesteningToVoice=!0,this.silenceTimer=setTimeout(()=>{this.recognition.stop()},this.silenceTimeout)},this.recognition.onresult=t=>{let e="";for(let n=t.resultIndex;n{this.recognition.stop()},this.silenceTimeout)},this.recognition.onerror=t=>{console.error("Speech recognition error:",t.error),this.isLesteningToVoice=!1,clearTimeout(this.silenceTimer)},this.recognition.onend=()=>{console.log("Speech recognition ended."),this.isLesteningToVoice=!1,clearTimeout(this.silenceTimer),this.submit()},this.recognition.start()):console.error("Speech recognition is not supported in this browser.")},onPersonalitiesReadyFun(){this.personalities_ready=!0},onShowPersListFun(t){this.showPersonalities=!this.showPersonalities},handleOnTalk(t){this.showPersonalities=!1,this.onTalk(t)},onMountUnmountFun(t){console.log("Mounting/unmounting chat"),this.$refs.mountedPers.constructor()},onRemount(t){console.log("Remounting chat"),this.$refs.mountedPers.constructor()},computedFileSize(t){return be(()=>{ve.replace()}),Gt(t)},removeItem(t){this.fileList=this.fileList.filter(e=>e!=t)},sendMessageEvent(t){this.fileList=[],this.$emit("messageSentEvent",t)},submitOnEnter(t){t.which===13&&(t.preventDefault(),t.repeat||(this.sendMessageEvent(this.message),this.message=""))},submit(){this.message&&(this.sendMessageEvent(this.message),this.message="")},stopGenerating(){this.$emit("stopGenerating")},addFiles(t){this.fileList=this.fileList.concat([...t.target.files]),this.isFileSentList=this.isFileSentList.concat([!1]*this.fileList.length),this.send_file(this.fileList[this.fileList.length-1])}},watch:{showFileList(){be(()=>{ve.replace()})},loading(t,e){be(()=>{ve.replace()})},fileList:{handler(t,e){let n=0;if(t.length>0)for(let s=0;s{ve.replace()})},activated(){be(()=>{ve.replace()})}},ft=t=>(ns("data-v-55bd190c"),t=t(),ss(),t),VUe={class:"absolute bottom-0 min-w-96 w-full justify-center text-center p-4"},GUe={key:0,class:"flex items-center justify-center w-full"},KUe={class:"flex flex-row p-2 rounded-t-lg"},WUe=ft(()=>d("label",{for:"chat",class:"sr-only"},"Send message",-1)),ZUe={class:"px-3 py-3 rounded-lg bg-bg-light-tone-panel dark:bg-bg-dark-tone-panel shadow-lg"},YUe={class:"flex flex-col gap-2"},JUe={class:"flex"},QUe=["title"],XUe=ft(()=>d("i",{"data-feather":"list"},null,-1)),eqe=[XUe],tqe={key:0},nqe={key:0,class:"flex flex-col max-h-64"},sqe=["title"],oqe={class:"flex flex-row items-center gap-1 text-left p-2 text-sm font-medium bg-bg-dark-tone-panel dark:bg-bg-dark-tone rounded-lg hover:bg-primary dark:hover:bg-primary"},rqe={key:0,fileList:"",role:"status"},iqe=ft(()=>d("svg",{"aria-hidden":"true",class:"w-6 h-6 animate-spin fill-secondary",viewBox:"0 0 100 101",fill:"none",xmlns:"http://www.w3.org/2000/svg"},[d("path",{d:"M100 50.5908C100 78.2051 77.6142 100.591 50 100.591C22.3858 100.591 0 78.2051 0 50.5908C0 22.9766 22.3858 0.59082 50 0.59082C77.6142 0.59082 100 22.9766 100 50.5908ZM9.08144 50.5908C9.08144 73.1895 27.4013 91.5094 50 91.5094C72.5987 91.5094 90.9186 73.1895 90.9186 50.5908C90.9186 27.9921 72.5987 9.67226 50 9.67226C27.4013 9.67226 9.08144 27.9921 9.08144 50.5908Z",fill:"currentColor"}),d("path",{d:"M93.9676 39.0409C96.393 38.4038 97.8624 35.9116 97.0079 33.5539C95.2932 28.8227 92.871 24.3692 89.8167 20.348C85.8452 15.1192 80.8826 10.7238 75.2124 7.41289C69.5422 4.10194 63.2754 1.94025 56.7698 1.05124C51.7666 0.367541 46.6976 0.446843 41.7345 1.27873C39.2613 1.69328 37.813 4.19778 38.4501 6.62326C39.0873 9.04874 41.5694 10.4717 44.0505 10.1071C47.8511 9.54855 51.7191 9.52689 55.5402 10.0491C60.8642 10.7766 65.9928 12.5457 70.6331 15.2552C75.2735 17.9648 79.3347 21.5619 82.5849 25.841C84.9175 28.9121 86.7997 32.2913 88.1811 35.8758C89.083 38.2158 91.5421 39.6781 93.9676 39.0409Z",fill:"currentFill"})],-1)),aqe=ft(()=>d("span",{class:"sr-only"},"Loading...",-1)),lqe=[iqe,aqe],cqe=ft(()=>d("div",null,[d("i",{"data-feather":"file",class:"w-5 h-5"})],-1)),dqe={class:"line-clamp-1 w-3/5"},uqe=ft(()=>d("div",{class:"grow"},null,-1)),hqe={class:"flex flex-row items-center"},fqe={class:"whitespace-nowrap"},pqe=["onClick"],gqe=ft(()=>d("i",{"data-feather":"x",class:"w-5 h-5"},null,-1)),mqe=[gqe],_qe={key:1,class:"flex items-center mx-1"},bqe={class:"whitespace-nowrap flex flex-row gap-2"},yqe=ft(()=>d("p",{class:"font-bold"}," Total size: ",-1)),vqe=ft(()=>d("div",{class:"grow"},null,-1)),wqe=ft(()=>d("i",{"data-feather":"trash",class:"w-5 h-5"},null,-1)),xqe=[wqe],kqe={key:2,class:"mx-1"},Eqe={class:"flex flex-row flex-grow items-center gap-2 overflow-visible"},Cqe={class:"w-fit"},Aqe={class:"w-fit"},Sqe={class:"relative grow"},Tqe=ft(()=>d("i",{"data-feather":"file-plus"},null,-1)),Mqe=[Tqe],Oqe={class:"inline-flex justify-center rounded-full"},Rqe=ft(()=>d("i",{"data-feather":"mic"},null,-1)),Nqe=[Rqe],Dqe=ft(()=>d("i",{"data-feather":"send"},null,-1)),Lqe=ft(()=>d("span",{class:"sr-only"},"Send message",-1)),Iqe=[Dqe,Lqe],Pqe={key:1,title:"Waiting for reply"},Fqe=ft(()=>d("div",{role:"status"},[d("svg",{"aria-hidden":"true",class:"w-6 h-6 animate-spin fill-secondary",viewBox:"0 0 100 101",fill:"none",xmlns:"http://www.w3.org/2000/svg"},[d("path",{d:"M100 50.5908C100 78.2051 77.6142 100.591 50 100.591C22.3858 100.591 0 78.2051 0 50.5908C0 22.9766 22.3858 0.59082 50 0.59082C77.6142 0.59082 100 22.9766 100 50.5908ZM9.08144 50.5908C9.08144 73.1895 27.4013 91.5094 50 91.5094C72.5987 91.5094 90.9186 73.1895 90.9186 50.5908C90.9186 27.9921 72.5987 9.67226 50 9.67226C27.4013 9.67226 9.08144 27.9921 9.08144 50.5908Z",fill:"currentColor"}),d("path",{d:"M93.9676 39.0409C96.393 38.4038 97.8624 35.9116 97.0079 33.5539C95.2932 28.8227 92.871 24.3692 89.8167 20.348C85.8452 15.1192 80.8826 10.7238 75.2124 7.41289C69.5422 4.10194 63.2754 1.94025 56.7698 1.05124C51.7666 0.367541 46.6976 0.446843 41.7345 1.27873C39.2613 1.69328 37.813 4.19778 38.4501 6.62326C39.0873 9.04874 41.5694 10.4717 44.0505 10.1071C47.8511 9.54855 51.7191 9.52689 55.5402 10.0491C60.8642 10.7766 65.9928 12.5457 70.6331 15.2552C75.2735 17.9648 79.3347 21.5619 82.5849 25.841C84.9175 28.9121 86.7997 32.2913 88.1811 35.8758C89.083 38.2158 91.5421 39.6781 93.9676 39.0409Z",fill:"currentFill"})]),d("span",{class:"sr-only"},"Loading...")],-1)),Bqe=[Fqe];function $qe(t,e,n,s,o,r){const i=Ve("MountedPersonalitiesList"),a=Ve("MountedPersonalities"),l=Ve("PersonalitiesCommands");return k(),C("div",VUe,[n.loading?(k(),C("div",GUe,[d("div",KUe,[d("button",{type:"button",class:"bg-bg-light-tone-panel dark:bg-bg-dark-tone-panel hover:bg-bg-light-tone focus:ring-4 focus:ring-blue-300 font-medium rounded-lg text-sm px-5 py-2.5 mr-2 mb-2 dark:hover:bg-bg-dark-tone focus:outline-none dark:focus:ring-blue-800",onClick:e[0]||(e[0]=le((...c)=>r.stopGenerating&&r.stopGenerating(...c),["stop"]))}," Stop generating ")])])):B("",!0),d("form",null,[WUe,d("div",ZUe,[d("div",YUe,[d("div",JUe,[o.fileList.length>0?(k(),C("button",{key:0,class:"mx-1 w-full text-2xl hover:text-secondary duration-75 flex justify-center hover:bg-bg-light-tone hover:dark:bg-bg-dark-tone rounded-lg",title:o.showFileList?"Hide file list":"Show file list",type:"button",onClick:e[1]||(e[1]=le(c=>o.showFileList=!o.showFileList,["stop"]))},eqe,8,QUe)):B("",!0)]),o.fileList.length>0&&o.showFileList==!0?(k(),C("div",tqe,[o.fileList.length>0?(k(),C("div",nqe,[he(Ut,{name:"list",tag:"div",class:"flex flex-col flex-grow overflow-y-auto scrollbar-thin scrollbar-track-bg-light scrollbar-thumb-bg-light-tone hover:scrollbar-thumb-primary dark:scrollbar-track-bg-dark dark:scrollbar-thumb-bg-dark-tone dark:hover:scrollbar-thumb-primary active:scrollbar-thumb-secondary"},{default:De(()=>[(k(!0),C(Oe,null,Ge(o.fileList,(c,u)=>(k(),C("div",{key:u+"-"+c.name},[d("div",{class:"m-1",title:c.name},[d("div",oqe,[o.isFileSentList[u]?B("",!0):(k(),C("div",rqe,lqe)),cqe,d("div",dqe,H(c.name),1),uqe,d("div",hqe,[d("p",fqe,H(r.computedFileSize(c.size)),1),d("button",{type:"button",title:"Remove item",class:"flex items-center p-0.5 text-sm rounded-sm hover:text-red-600 active:scale-75",onClick:h=>r.removeItem(c)},mqe,8,pqe)])])],8,sqe)]))),128))]),_:1})])):B("",!0)])):B("",!0),o.fileList.length>0?(k(),C("div",_qe,[d("div",bqe,[yqe,xe(" "+H(o.totalSize)+" ("+H(o.fileList.length)+") ",1)]),vqe,d("button",{type:"button",title:"Clear all",class:"flex items-center p-0.5 text-sm rounded-sm hover:text-red-600 active:scale-75",onClick:e[2]||(e[2]=(...c)=>r.clear_files&&r.clear_files(...c))},xqe)])):B("",!0),o.showPersonalities?(k(),C("div",kqe,[he(i,{ref:"mountedPersList",onShowPersList:r.onShowPersListFun,"on-mount-unmount":r.onMountUnmountFun,"on-remount":r.onRemount,"on-talk":r.handleOnTalk,discussionPersonalities:r.allDiscussionPersonalities},null,8,["onShowPersList","on-mount-unmount","on-remount","on-talk","discussionPersonalities"])])):B("",!0),d("div",Eqe,[d("div",Cqe,[he(a,{ref:"mountedPers",onShowPersList:r.onShowPersListFun,onReady:r.onPersonalitiesReadyFun},null,8,["onShowPersList","onReady"])]),d("div",Aqe,[o.personalities_ready&&this.$store.state.mountedPersArr[this.$store.state.config.active_personality_id].commands!=""?(k(),st(l,{key:0,commandsList:this.$store.state.mountedPersArr[this.$store.state.config.active_personality_id].commands,sendCommand:r.sendMessageEvent,"on-show-toast-message":n.onShowToastMessage,ref:"personalityCMD"},null,8,["commandsList","sendCommand","on-show-toast-message"])):B("",!0)]),d("div",Sqe,[fe(d("textarea",{id:"chat",rows:"1","onUpdate:modelValue":e[3]||(e[3]=c=>o.message=c),title:"Hold SHIFT + ENTER to add new line",class:"inline-block no-scrollbar p-2.5 w-full text-sm text-gray-900 bg-bg-light rounded-lg border border-gray-300 focus:ring-blue-500 focus:border-blue-500 dark:bg-bg-dark dark:border-gray-600 dark:placeholder-gray-400 dark:text-white dark:focus:ring-blue-500 dark:focus:border-blue-500",placeholder:"Send message...",onKeydown:e[4]||(e[4]=Ya(le(c=>r.submitOnEnter(c),["exact"]),["enter"]))},`\r +Error: `+e.error,4,!1)},getMountedPersonalities(){this.isLoading=!0;let t=[];console.log(this.configFile.personalities.length);for(let e=0;er.full_path==n),o=this.personalities[s];if(o)console.log("adding from config"),t.push(o);else{console.log("adding default");const r=this.personalities.findIndex(a=>a.full_path=="english/generic/lollms"),i=this.personalities[r];t.push(i)}}if(this.mountedPersArr=[],this.mountedPersArr=t,console.log("discussionPersonalities",this.discussionPersonalities),this.discussionPersonalities!=null&&this.discussionPersonalities.length>0)for(let e=0;eo.full_path==n);if(console.log("discussionPersonalities -includes",s),console.log("discussionPersonalities -mounted list",this.mountedPersArr),s==-1){const o=this.personalities.findIndex(i=>i.full_path==n),r=this.personalities[o];console.log("adding discucc121",r,n),r&&(this.mountedPersArr.push(r),console.log("adding discucc",r))}}this.isLoading=!1,console.log("getMountedPersonalities",this.mountedPersArr),console.log("fig",this.configFile)}}},xc=t=>(ns("data-v-d93302b0"),t=t(),ss(),t),OUe={class:"text-left overflow-visible text-base font-semibold cursor-pointer select-none items-center flex flex-col flex-grow w-full overflow-x-auto scrollbar-thin scrollbar-track-bg-light scrollbar-thumb-bg-light-tone hover:scrollbar-thumb-primary dark:scrollbar-track-bg-dark dark:scrollbar-thumb-bg-dark-tone dark:hover:scrollbar-thumb-primary active:scrollbar-thumb-secondary"},RUe={key:0,role:"status",class:"flex justify-center overflow-y-hidden"},NUe=xc(()=>d("svg",{"aria-hidden":"true",class:"w-6 h-6 animate-spin fill-secondary",viewBox:"0 0 100 101",fill:"none",xmlns:"http://www.w3.org/2000/svg"},[d("path",{d:"M100 50.5908C100 78.2051 77.6142 100.591 50 100.591C22.3858 100.591 0 78.2051 0 50.5908C0 22.9766 22.3858 0.59082 50 0.59082C77.6142 0.59082 100 22.9766 100 50.5908ZM9.08144 50.5908C9.08144 73.1895 27.4013 91.5094 50 91.5094C72.5987 91.5094 90.9186 73.1895 90.9186 50.5908C90.9186 27.9921 72.5987 9.67226 50 9.67226C27.4013 9.67226 9.08144 27.9921 9.08144 50.5908Z",fill:"currentColor"}),d("path",{d:"M93.9676 39.0409C96.393 38.4038 97.8624 35.9116 97.0079 33.5539C95.2932 28.8227 92.871 24.3692 89.8167 20.348C85.8452 15.1192 80.8826 10.7238 75.2124 7.41289C69.5422 4.10194 63.2754 1.94025 56.7698 1.05124C51.7666 0.367541 46.6976 0.446843 41.7345 1.27873C39.2613 1.69328 37.813 4.19778 38.4501 6.62326C39.0873 9.04874 41.5694 10.4717 44.0505 10.1071C47.8511 9.54855 51.7191 9.52689 55.5402 10.0491C60.8642 10.7766 65.9928 12.5457 70.6331 15.2552C75.2735 17.9648 79.3347 21.5619 82.5849 25.841C84.9175 28.9121 86.7997 32.2913 88.1811 35.8758C89.083 38.2158 91.5421 39.6781 93.9676 39.0409Z",fill:"currentFill"})],-1)),DUe=xc(()=>d("span",{class:"sr-only"},"Loading...",-1)),LUe=[NUe,DUe],IUe=xc(()=>d("i",{"data-feather":"chevron-down"},null,-1)),PUe=[IUe],FUe={class:"block my-2 text-sm font-medium text-gray-900 dark:text-white"},BUe={class:"overflow-y-auto no-scrollbar pb-0 grid lg:grid-cols-3 md:grid-cols-2 gap-4 max-h-96"};function $Ue(t,e,n,s,o,r){const i=Ve("personality-entry"),a=Ve("Toast"),l=Ve("UniversalForm");return k(),C("div",OUe,[o.isLoading?(k(),C("div",RUe,LUe)):F("",!0),d("div",null,[r.mountedPersArr.length>0?(k(),C("div",{key:0,class:Me(o.isLoading?"pointer-events-none opacity-30 cursor-default":"")},[d("button",{class:"mt-0 w-full text-2xl hover:text-secondary duration-75 flex justify-center hover:bg-bg-light-tone hover:dark:bg-bg-dark-tone rounded-lg",title:"Close personality list",type:"button",onClick:e[0]||(e[0]=le((...c)=>r.toggleShowPersList&&r.toggleShowPersList(...c),["stop"]))},PUe),d("label",FUe," Mounted Personalities: ("+H(r.mountedPersArr.length)+") ",1),d("div",BUe,[he(Ut,{name:"bounce"},{default:De(()=>[(k(!0),C(Oe,null,Ge(this.$store.state.mountedPersArr,(c,u)=>(k(),st(i,{ref_for:!0,ref:"personalitiesZoo",key:"index-"+u+"-"+c.name,personality:c,full_path:c.full_path,selected:r.configFile.personalities[r.configFile.active_personality_id]===c.full_path,"on-selected":r.onPersonalitySelected,"on-mounted":r.onPersonalityMounted,"on-remount":r.onPersonalityRemount,"on-settings":r.onSettingsPersonality,"on-reinstall":r.onPersonalityReinstall,"on-talk":r.handleOnTalk},null,8,["personality","full_path","selected","on-selected","on-mounted","on-remount","on-settings","on-reinstall","on-talk"]))),128))]),_:1})])],2)):F("",!0)]),he(a,{ref:"toast"},null,512),he(l,{ref:"universalForm",class:"z-20"},null,512)])}const jUe=Ue(MUe,[["render",$Ue],["__scopeId","data-v-d93302b0"]]);const zUe={components:{InteractiveMenu:jg},props:{commandsList:{type:Array,required:!0},sendCommand:Function,onShowToastMessage:Function},data(){return{loading:!1,selectedFile:null,showMenu:!1,showHelpText:!1,helpText:"",commands:[]}},async mounted(){nextTick(()=>{ve.replace()})},methods:{isHTML(t){const n=new DOMParser().parseFromString(t,"text/html");return Array.from(n.body.childNodes).some(s=>s.nodeType===Node.ELEMENT_NODE)},selectFile(t,e){const n=document.createElement("input");n.type="file",n.accept=t,n.onchange=s=>{this.selectedFile=s.target.files[0],console.log("File selected"),e()},n.click()},uploadFile(){new FormData().append("file",this.selectedFile),console.log("Uploading file"),this.loading=!0;const e=new FileReader;e.onload=()=>{const n={filename:this.selectedFile.name,fileData:e.result};Ee.on("file_received",s=>{s.status?this.onShowToastMessage("File uploaded successfully",4,!0):this.onShowToastMessage(`Couldn't upload file +`+s.error,4,!1),this.loading=!1,Ee.off("file_received")}),Ee.emit("send_file",n)},e.readAsDataURL(this.selectedFile)},async constructor(){nextTick(()=>{ve.replace()})},toggleMenu(){this.showMenu=!this.showMenu},execute_cmd(t){this.showMenu=!this.showMenu,t.hasOwnProperty("is_file")?(console.log("Need to send a file."),this.selectFile(t.hasOwnProperty("file_types")?t.file_types:"*",()=>{this.selectedFile!=null&&this.uploadFile()})):this.sendCommand(t.value)},handleClickOutside(t){const e=this.$el.querySelector(".commands-menu-items-wrapper");e&&!e.contains(t.target)&&(this.showMenu=!1)}},mounted(){this.commands=this.commandsList,document.addEventListener("click",this.handleClickOutside)},beforeUnmount(){document.removeEventListener("click",this.handleClickOutside)}},UUe=t=>(ns("data-v-52cfa09c"),t=t(),ss(),t),qUe={key:0,title:"Loading..",class:"flex flex-row flex-grow justify-end"},HUe=UUe(()=>d("div",{role:"status"},[d("svg",{"aria-hidden":"true",class:"w-6 h-6 animate-spin fill-secondary",viewBox:"0 0 100 101",fill:"none",xmlns:"http://www.w3.org/2000/svg"},[d("path",{d:"M100 50.5908C100 78.2051 77.6142 100.591 50 100.591C22.3858 100.591 0 78.2051 0 50.5908C0 22.9766 22.3858 0.59082 50 0.59082C77.6142 0.59082 100 22.9766 100 50.5908ZM9.08144 50.5908C9.08144 73.1895 27.4013 91.5094 50 91.5094C72.5987 91.5094 90.9186 73.1895 90.9186 50.5908C90.9186 27.9921 72.5987 9.67226 50 9.67226C27.4013 9.67226 9.08144 27.9921 9.08144 50.5908Z",fill:"currentColor"}),d("path",{d:"M93.9676 39.0409C96.393 38.4038 97.8624 35.9116 97.0079 33.5539C95.2932 28.8227 92.871 24.3692 89.8167 20.348C85.8452 15.1192 80.8826 10.7238 75.2124 7.41289C69.5422 4.10194 63.2754 1.94025 56.7698 1.05124C51.7666 0.367541 46.6976 0.446843 41.7345 1.27873C39.2613 1.69328 37.813 4.19778 38.4501 6.62326C39.0873 9.04874 41.5694 10.4717 44.0505 10.1071C47.8511 9.54855 51.7191 9.52689 55.5402 10.0491C60.8642 10.7766 65.9928 12.5457 70.6331 15.2552C75.2735 17.9648 79.3347 21.5619 82.5849 25.841C84.9175 28.9121 86.7997 32.2913 88.1811 35.8758C89.083 38.2158 91.5421 39.6781 93.9676 39.0409Z",fill:"currentFill"})]),d("span",{class:"sr-only"},"Loading...")],-1)),VUe=[HUe];function GUe(t,e,n,s,o,r){const i=Ve("InteractiveMenu");return o.loading?(k(),C("div",qUe,VUe)):(k(),st(i,{key:1,commands:n.commandsList,execute_cmd:r.execute_cmd},null,8,["commands","execute_cmd"]))}const KUe=Ue(zUe,[["render",GUe],["__scopeId","data-v-52cfa09c"]]);const WUe={name:"ChatBox",emits:["messageSentEvent","stopGenerating"],props:{onTalk:Function,discussionList:Array,loading:!1,onShowToastMessage:Function},components:{MountedPersonalities:SUe,MountedPersonalitiesList:jUe,PersonalitiesCommands:KUe},setup(){},data(){return{message:"",isLesteningToVoice:!1,fileList:[],isFileSentList:[],totalSize:0,showFileList:!0,showPersonalities:!1,personalities_ready:!1}},computed:{config(){return this.$store.state.config},mountedPers(){return this.$store.state.mountedPers},allDiscussionPersonalities(){if(this.discussionList.length>0){let t=[];for(let e=0;e{const s={filename:t.name,fileData:n.result};Ee.on("file_received",o=>{if(o.status){console.log(o.filename);let r=this.fileList.findIndex(i=>i.name===o.filename);r>=0?(this.isFileSentList[r]=!0,console.log(this.isFileSentList)):console.log("Not found"),this.onShowToastMessage("File uploaded successfully",4,!0)}else this.onShowToastMessage(`Couldn't upload file +`+o.error,4,!1);Ee.off("file_received")}),Ee.emit("send_file",s)},n.readAsDataURL(t)},startSpeechRecognition(){"SpeechRecognition"in window||"webkitSpeechRecognition"in window?(this.recognition=new(window.SpeechRecognition||window.webkitSpeechRecognition),this.recognition.lang=this.$store.state.config.audio_in_language,this.recognition.interimResults=!0,this.recognition.onstart=()=>{this.isLesteningToVoice=!0,this.silenceTimer=setTimeout(()=>{this.recognition.stop()},this.silenceTimeout)},this.recognition.onresult=t=>{let e="";for(let n=t.resultIndex;n{this.recognition.stop()},this.silenceTimeout)},this.recognition.onerror=t=>{console.error("Speech recognition error:",t.error),this.isLesteningToVoice=!1,clearTimeout(this.silenceTimer)},this.recognition.onend=()=>{console.log("Speech recognition ended."),this.isLesteningToVoice=!1,clearTimeout(this.silenceTimer),this.submit()},this.recognition.start()):console.error("Speech recognition is not supported in this browser.")},onPersonalitiesReadyFun(){this.personalities_ready=!0},onShowPersListFun(t){this.showPersonalities=!this.showPersonalities},handleOnTalk(t){this.showPersonalities=!1,this.onTalk(t)},onMountUnmountFun(t){console.log("Mounting/unmounting chat"),this.$refs.mountedPers.constructor()},onRemount(t){console.log("Remounting chat"),this.$refs.mountedPers.constructor()},computedFileSize(t){return be(()=>{ve.replace()}),Gt(t)},removeItem(t){this.fileList=this.fileList.filter(e=>e!=t)},sendMessageEvent(t){this.fileList=[],this.$emit("messageSentEvent",t)},submitOnEnter(t){t.which===13&&(t.preventDefault(),t.repeat||(this.sendMessageEvent(this.message),this.message=""))},submit(){this.message&&(this.sendMessageEvent(this.message),this.message="")},stopGenerating(){this.$emit("stopGenerating")},addFiles(t){this.fileList=this.fileList.concat([...t.target.files]),this.isFileSentList=this.isFileSentList.concat([!1]*this.fileList.length),this.send_file(this.fileList[this.fileList.length-1])}},watch:{showFileList(){be(()=>{ve.replace()})},loading(t,e){be(()=>{ve.replace()})},fileList:{handler(t,e){let n=0;if(t.length>0)for(let s=0;s{ve.replace()})},activated(){be(()=>{ve.replace()})}},ft=t=>(ns("data-v-55bd190c"),t=t(),ss(),t),ZUe={class:"absolute bottom-0 min-w-96 w-full justify-center text-center p-4"},YUe={key:0,class:"flex items-center justify-center w-full"},JUe={class:"flex flex-row p-2 rounded-t-lg"},QUe=ft(()=>d("label",{for:"chat",class:"sr-only"},"Send message",-1)),XUe={class:"px-3 py-3 rounded-lg bg-bg-light-tone-panel dark:bg-bg-dark-tone-panel shadow-lg"},eqe={class:"flex flex-col gap-2"},tqe={class:"flex"},nqe=["title"],sqe=ft(()=>d("i",{"data-feather":"list"},null,-1)),oqe=[sqe],rqe={key:0},iqe={key:0,class:"flex flex-col max-h-64"},aqe=["title"],lqe={class:"flex flex-row items-center gap-1 text-left p-2 text-sm font-medium bg-bg-dark-tone-panel dark:bg-bg-dark-tone rounded-lg hover:bg-primary dark:hover:bg-primary"},cqe={key:0,fileList:"",role:"status"},dqe=ft(()=>d("svg",{"aria-hidden":"true",class:"w-6 h-6 animate-spin fill-secondary",viewBox:"0 0 100 101",fill:"none",xmlns:"http://www.w3.org/2000/svg"},[d("path",{d:"M100 50.5908C100 78.2051 77.6142 100.591 50 100.591C22.3858 100.591 0 78.2051 0 50.5908C0 22.9766 22.3858 0.59082 50 0.59082C77.6142 0.59082 100 22.9766 100 50.5908ZM9.08144 50.5908C9.08144 73.1895 27.4013 91.5094 50 91.5094C72.5987 91.5094 90.9186 73.1895 90.9186 50.5908C90.9186 27.9921 72.5987 9.67226 50 9.67226C27.4013 9.67226 9.08144 27.9921 9.08144 50.5908Z",fill:"currentColor"}),d("path",{d:"M93.9676 39.0409C96.393 38.4038 97.8624 35.9116 97.0079 33.5539C95.2932 28.8227 92.871 24.3692 89.8167 20.348C85.8452 15.1192 80.8826 10.7238 75.2124 7.41289C69.5422 4.10194 63.2754 1.94025 56.7698 1.05124C51.7666 0.367541 46.6976 0.446843 41.7345 1.27873C39.2613 1.69328 37.813 4.19778 38.4501 6.62326C39.0873 9.04874 41.5694 10.4717 44.0505 10.1071C47.8511 9.54855 51.7191 9.52689 55.5402 10.0491C60.8642 10.7766 65.9928 12.5457 70.6331 15.2552C75.2735 17.9648 79.3347 21.5619 82.5849 25.841C84.9175 28.9121 86.7997 32.2913 88.1811 35.8758C89.083 38.2158 91.5421 39.6781 93.9676 39.0409Z",fill:"currentFill"})],-1)),uqe=ft(()=>d("span",{class:"sr-only"},"Loading...",-1)),hqe=[dqe,uqe],fqe=ft(()=>d("div",null,[d("i",{"data-feather":"file",class:"w-5 h-5"})],-1)),pqe={class:"line-clamp-1 w-3/5"},gqe=ft(()=>d("div",{class:"grow"},null,-1)),mqe={class:"flex flex-row items-center"},_qe={class:"whitespace-nowrap"},bqe=["onClick"],yqe=ft(()=>d("i",{"data-feather":"x",class:"w-5 h-5"},null,-1)),vqe=[yqe],wqe={key:1,class:"flex items-center mx-1"},xqe={class:"whitespace-nowrap flex flex-row gap-2"},kqe=ft(()=>d("p",{class:"font-bold"}," Total size: ",-1)),Eqe=ft(()=>d("div",{class:"grow"},null,-1)),Cqe=ft(()=>d("i",{"data-feather":"trash",class:"w-5 h-5"},null,-1)),Aqe=[Cqe],Sqe={key:2,class:"mx-1"},Tqe={class:"flex flex-row flex-grow items-center gap-2 overflow-visible"},Mqe={class:"w-fit"},Oqe={class:"w-fit"},Rqe={class:"relative grow"},Nqe=ft(()=>d("i",{"data-feather":"file-plus"},null,-1)),Dqe=[Nqe],Lqe={class:"inline-flex justify-center rounded-full"},Iqe=ft(()=>d("i",{"data-feather":"mic"},null,-1)),Pqe=[Iqe],Fqe=ft(()=>d("i",{"data-feather":"send"},null,-1)),Bqe=ft(()=>d("span",{class:"sr-only"},"Send message",-1)),$qe=[Fqe,Bqe],jqe={key:1,title:"Waiting for reply"},zqe=ft(()=>d("div",{role:"status"},[d("svg",{"aria-hidden":"true",class:"w-6 h-6 animate-spin fill-secondary",viewBox:"0 0 100 101",fill:"none",xmlns:"http://www.w3.org/2000/svg"},[d("path",{d:"M100 50.5908C100 78.2051 77.6142 100.591 50 100.591C22.3858 100.591 0 78.2051 0 50.5908C0 22.9766 22.3858 0.59082 50 0.59082C77.6142 0.59082 100 22.9766 100 50.5908ZM9.08144 50.5908C9.08144 73.1895 27.4013 91.5094 50 91.5094C72.5987 91.5094 90.9186 73.1895 90.9186 50.5908C90.9186 27.9921 72.5987 9.67226 50 9.67226C27.4013 9.67226 9.08144 27.9921 9.08144 50.5908Z",fill:"currentColor"}),d("path",{d:"M93.9676 39.0409C96.393 38.4038 97.8624 35.9116 97.0079 33.5539C95.2932 28.8227 92.871 24.3692 89.8167 20.348C85.8452 15.1192 80.8826 10.7238 75.2124 7.41289C69.5422 4.10194 63.2754 1.94025 56.7698 1.05124C51.7666 0.367541 46.6976 0.446843 41.7345 1.27873C39.2613 1.69328 37.813 4.19778 38.4501 6.62326C39.0873 9.04874 41.5694 10.4717 44.0505 10.1071C47.8511 9.54855 51.7191 9.52689 55.5402 10.0491C60.8642 10.7766 65.9928 12.5457 70.6331 15.2552C75.2735 17.9648 79.3347 21.5619 82.5849 25.841C84.9175 28.9121 86.7997 32.2913 88.1811 35.8758C89.083 38.2158 91.5421 39.6781 93.9676 39.0409Z",fill:"currentFill"})]),d("span",{class:"sr-only"},"Loading...")],-1)),Uqe=[zqe];function qqe(t,e,n,s,o,r){const i=Ve("MountedPersonalitiesList"),a=Ve("MountedPersonalities"),l=Ve("PersonalitiesCommands");return k(),C("div",ZUe,[n.loading?(k(),C("div",YUe,[d("div",JUe,[d("button",{type:"button",class:"bg-bg-light-tone-panel dark:bg-bg-dark-tone-panel hover:bg-bg-light-tone focus:ring-4 focus:ring-blue-300 font-medium rounded-lg text-sm px-5 py-2.5 mr-2 mb-2 dark:hover:bg-bg-dark-tone focus:outline-none dark:focus:ring-blue-800",onClick:e[0]||(e[0]=le((...c)=>r.stopGenerating&&r.stopGenerating(...c),["stop"]))}," Stop generating ")])])):F("",!0),d("form",null,[QUe,d("div",XUe,[d("div",eqe,[d("div",tqe,[o.fileList.length>0?(k(),C("button",{key:0,class:"mx-1 w-full text-2xl hover:text-secondary duration-75 flex justify-center hover:bg-bg-light-tone hover:dark:bg-bg-dark-tone rounded-lg",title:o.showFileList?"Hide file list":"Show file list",type:"button",onClick:e[1]||(e[1]=le(c=>o.showFileList=!o.showFileList,["stop"]))},oqe,8,nqe)):F("",!0)]),o.fileList.length>0&&o.showFileList==!0?(k(),C("div",rqe,[o.fileList.length>0?(k(),C("div",iqe,[he(Ut,{name:"list",tag:"div",class:"flex flex-col flex-grow overflow-y-auto scrollbar-thin scrollbar-track-bg-light scrollbar-thumb-bg-light-tone hover:scrollbar-thumb-primary dark:scrollbar-track-bg-dark dark:scrollbar-thumb-bg-dark-tone dark:hover:scrollbar-thumb-primary active:scrollbar-thumb-secondary"},{default:De(()=>[(k(!0),C(Oe,null,Ge(o.fileList,(c,u)=>(k(),C("div",{key:u+"-"+c.name},[d("div",{class:"m-1",title:c.name},[d("div",lqe,[o.isFileSentList[u]?F("",!0):(k(),C("div",cqe,hqe)),fqe,d("div",pqe,H(c.name),1),gqe,d("div",mqe,[d("p",_qe,H(r.computedFileSize(c.size)),1),d("button",{type:"button",title:"Remove item",class:"flex items-center p-0.5 text-sm rounded-sm hover:text-red-600 active:scale-75",onClick:h=>r.removeItem(c)},vqe,8,bqe)])])],8,aqe)]))),128))]),_:1})])):F("",!0)])):F("",!0),o.fileList.length>0?(k(),C("div",wqe,[d("div",xqe,[kqe,xe(" "+H(o.totalSize)+" ("+H(o.fileList.length)+") ",1)]),Eqe,d("button",{type:"button",title:"Clear all",class:"flex items-center p-0.5 text-sm rounded-sm hover:text-red-600 active:scale-75",onClick:e[2]||(e[2]=(...c)=>r.clear_files&&r.clear_files(...c))},Aqe)])):F("",!0),o.showPersonalities?(k(),C("div",Sqe,[he(i,{ref:"mountedPersList",onShowPersList:r.onShowPersListFun,"on-mount-unmount":r.onMountUnmountFun,"on-remount":r.onRemount,"on-talk":r.handleOnTalk,discussionPersonalities:r.allDiscussionPersonalities},null,8,["onShowPersList","on-mount-unmount","on-remount","on-talk","discussionPersonalities"])])):F("",!0),d("div",Tqe,[d("div",Mqe,[he(a,{ref:"mountedPers",onShowPersList:r.onShowPersListFun,onReady:r.onPersonalitiesReadyFun},null,8,["onShowPersList","onReady"])]),d("div",Oqe,[o.personalities_ready&&this.$store.state.mountedPersArr[this.$store.state.config.active_personality_id].commands!=""?(k(),st(l,{key:0,commandsList:this.$store.state.mountedPersArr[this.$store.state.config.active_personality_id].commands,sendCommand:r.sendMessageEvent,"on-show-toast-message":n.onShowToastMessage,ref:"personalityCMD"},null,8,["commandsList","sendCommand","on-show-toast-message"])):F("",!0)]),d("div",Rqe,[fe(d("textarea",{id:"chat",rows:"1","onUpdate:modelValue":e[3]||(e[3]=c=>o.message=c),title:"Hold SHIFT + ENTER to add new line",class:"inline-block no-scrollbar p-2.5 w-full text-sm text-gray-900 bg-bg-light rounded-lg border border-gray-300 focus:ring-blue-500 focus:border-blue-500 dark:bg-bg-dark dark:border-gray-600 dark:placeholder-gray-400 dark:text-white dark:focus:ring-blue-500 dark:focus:border-blue-500",placeholder:"Send message...",onKeydown:e[4]||(e[4]=Ya(le(c=>r.submitOnEnter(c),["exact"]),["enter"]))},`\r \r \r - `,544),[[Ie,o.message]]),d("input",{type:"file",ref:"fileDialog",style:{display:"none"},onChange:e[5]||(e[5]=(...c)=>r.addFiles&&r.addFiles(...c)),multiple:""},null,544),d("button",{type:"button",onClick:e[6]||(e[6]=le(c=>t.$refs.fileDialog.click(),["stop"])),title:"Add files",class:"absolute inset-y-0 right-0 flex items-center mr-2 w-6 hover:text-secondary duration-75 active:scale-90"},Mqe)]),d("div",Oqe,[d("button",{type:"button",onClick:e[7]||(e[7]=(...c)=>r.startSpeechRecognition&&r.startSpeechRecognition(...c)),class:Me([{"text-red-500":o.isLesteningToVoice},"w-6 hover:text-secondary duration-75 active:scale-90 cursor-pointer"])},Nqe,2),n.loading?B("",!0):(k(),C("button",{key:0,type:"button",onClick:e[8]||(e[8]=(...c)=>r.submit&&r.submit(...c)),class:"w-6 hover:text-secondary duration-75 active:scale-90"},Iqe)),n.loading?(k(),C("div",Pqe,Bqe)):B("",!0)])])])])])])}const Hg=Ue(HUe,[["render",$qe],["__scopeId","data-v-55bd190c"]]),jqe={name:"WelcomeComponent",setup(){return{}}},zqe={class:"flex flex-col text-center"},Uqe=os('
Logo

Lord of Large Language Models

One tool to rule them all


Welcome

Please create a new discussion or select existing one to start

',1),qqe=[Uqe];function Hqe(t,e,n,s,o,r){return k(),C("div",zqe,qqe)}const Vg=Ue(jqe,[["render",Hqe]]);const Vqe={setup(){return{}},name:"DragDrop",emits:["panelLeave","panelDrop"],data(){return{fileList:[],show:!1,dropRelease:!1}},mounted(){be(()=>{ve.replace()})},methods:{async panelDrop(t){const e="getAsFileSystemHandle"in DataTransferItem.prototype,n="webkitGetAsEntry"in DataTransferItem.prototype;if(!e&&!n)return;const s=[...t.dataTransfer.items].filter(r=>r.kind==="file").map(r=>e?r.getAsFileSystemHandle():r.webkitGetAsEntry());let o=[];for await(const r of s)(r.kind==="directory"||r.isDirectory)&&o.push(r.name);this.dropRelease=!0,t.dataTransfer.files.length>0&&[...t.dataTransfer.files].forEach(r=>{o.includes(r.name)||this.fileList.push(r)}),be(()=>{ve.replace()}),this.$emit("panelDrop",this.fileList),this.fileList=[],this.show=!1},panelLeave(){this.$emit("panelLeave"),console.log("exit/leave"),this.dropRelease=!1,this.show=!1,be(()=>{ve.replace()})}}},Gqe={class:"text-4xl text-center"};function Kqe(t,e,n,s,o,r){return k(),st(Ut,{name:"list",tag:"div"},{default:De(()=>[o.show?(k(),C("div",{key:"dropmenu",class:"select-none text-slate-50 absolute top-0 left-0 right-0 bottom-0 flex flex-col items-center justify-center bg-black bg-opacity-50 duration-200 backdrop-blur-sm",onDragleave:e[0]||(e[0]=le(i=>r.panelLeave(i),["prevent"])),onDrop:e[1]||(e[1]=le(i=>r.panelDrop(i),["stop","prevent"]))},[d("div",{class:Me(["flex flex-col items-center justify-center p-8 rounded-lg shadow-lg border-dashed border-4 border-secondary w-4/5 h-4/5",o.dropRelease?"":"pointer-events-none"])},[d("div",Gqe,[xr(t.$slots,"default",{},()=>[xe(" Drop your files here ")])])],2)],32)):B("",!0)]),_:3})}const _l=Ue(Vqe,[["render",Kqe]]);var Wqe=function(){function t(e,n){n===void 0&&(n=[]),this._eventType=e,this._eventFunctions=n}return t.prototype.init=function(){var e=this;this._eventFunctions.forEach(function(n){typeof window<"u"&&window.addEventListener(e._eventType,n)})},t}(),Nr=globalThis&&globalThis.__assign||function(){return Nr=Object.assign||function(t){for(var e,n=1,s=arguments.length;n"u")return!1;var e=vt(t).ShadowRoot;return t instanceof e||t instanceof ShadowRoot}function aHe(t){var e=t.state;Object.keys(e.elements).forEach(function(n){var s=e.styles[n]||{},o=e.attributes[n]||{},r=e.elements[n];!Tt(r)||!Jt(r)||(Object.assign(r.style,s),Object.keys(o).forEach(function(i){var a=o[i];a===!1?r.removeAttribute(i):r.setAttribute(i,a===!0?"":a)}))})}function lHe(t){var e=t.state,n={popper:{position:e.options.strategy,left:"0",top:"0",margin:"0"},arrow:{position:"absolute"},reference:{}};return Object.assign(e.elements.popper.style,n.popper),e.styles=n,e.elements.arrow&&Object.assign(e.elements.arrow.style,n.arrow),function(){Object.keys(e.elements).forEach(function(s){var o=e.elements[s],r=e.attributes[s]||{},i=Object.keys(e.styles.hasOwnProperty(s)?e.styles[s]:n[s]),a=i.reduce(function(l,c){return l[c]="",l},{});!Tt(o)||!Jt(o)||(Object.assign(o.style,a),Object.keys(r).forEach(function(l){o.removeAttribute(l)}))})}}const cHe={name:"applyStyles",enabled:!0,phase:"write",fn:aHe,effect:lHe,requires:["computeStyles"]};function Wt(t){return t.split("-")[0]}var Jn=Math.max,Pr=Math.min,Ps=Math.round;function bl(){var t=navigator.userAgentData;return t!=null&&t.brands&&Array.isArray(t.brands)?t.brands.map(function(e){return e.brand+"/"+e.version}).join(" "):navigator.userAgent}function nm(){return!/^((?!chrome|android).)*safari/i.test(bl())}function Fs(t,e,n){e===void 0&&(e=!1),n===void 0&&(n=!1);var s=t.getBoundingClientRect(),o=1,r=1;e&&Tt(t)&&(o=t.offsetWidth>0&&Ps(s.width)/t.offsetWidth||1,r=t.offsetHeight>0&&Ps(s.height)/t.offsetHeight||1);var i=es(t)?vt(t):window,a=i.visualViewport,l=!nm()&&n,c=(s.left+(l&&a?a.offsetLeft:0))/o,u=(s.top+(l&&a?a.offsetTop:0))/r,h=s.width/o,f=s.height/r;return{width:h,height:f,top:u,right:c+h,bottom:u+f,left:c,x:c,y:u}}function Cc(t){var e=Fs(t),n=t.offsetWidth,s=t.offsetHeight;return Math.abs(e.width-n)<=1&&(n=e.width),Math.abs(e.height-s)<=1&&(s=e.height),{x:t.offsetLeft,y:t.offsetTop,width:n,height:s}}function sm(t,e){var n=e.getRootNode&&e.getRootNode();if(t.contains(e))return!0;if(n&&Ec(n)){var s=e;do{if(s&&t.isSameNode(s))return!0;s=s.parentNode||s.host}while(s)}return!1}function dn(t){return vt(t).getComputedStyle(t)}function dHe(t){return["table","td","th"].indexOf(Jt(t))>=0}function Dn(t){return((es(t)?t.ownerDocument:t.document)||window.document).documentElement}function wi(t){return Jt(t)==="html"?t:t.assignedSlot||t.parentNode||(Ec(t)?t.host:null)||Dn(t)}function Nh(t){return!Tt(t)||dn(t).position==="fixed"?null:t.offsetParent}function uHe(t){var e=/firefox/i.test(bl()),n=/Trident/i.test(bl());if(n&&Tt(t)){var s=dn(t);if(s.position==="fixed")return null}var o=wi(t);for(Ec(o)&&(o=o.host);Tt(o)&&["html","body"].indexOf(Jt(o))<0;){var r=dn(o);if(r.transform!=="none"||r.perspective!=="none"||r.contain==="paint"||["transform","perspective"].indexOf(r.willChange)!==-1||e&&r.willChange==="filter"||e&&r.filter&&r.filter!=="none")return o;o=o.parentNode}return null}function jo(t){for(var e=vt(t),n=Nh(t);n&&dHe(n)&&dn(n).position==="static";)n=Nh(n);return n&&(Jt(n)==="html"||Jt(n)==="body"&&dn(n).position==="static")?e:n||uHe(t)||e}function Ac(t){return["top","bottom"].indexOf(t)>=0?"x":"y"}function ho(t,e,n){return Jn(t,Pr(e,n))}function hHe(t,e,n){var s=ho(t,e,n);return s>n?n:s}function om(){return{top:0,right:0,bottom:0,left:0}}function rm(t){return Object.assign({},om(),t)}function im(t,e){return e.reduce(function(n,s){return n[s]=t,n},{})}var fHe=function(e,n){return e=typeof e=="function"?e(Object.assign({},n.rects,{placement:n.placement})):e,rm(typeof e!="number"?e:im(e,$o))};function pHe(t){var e,n=t.state,s=t.name,o=t.options,r=n.elements.arrow,i=n.modifiersData.popperOffsets,a=Wt(n.placement),l=Ac(a),c=[gt,Rt].indexOf(a)>=0,u=c?"height":"width";if(!(!r||!i)){var h=fHe(o.padding,n),f=Cc(r),g=l==="y"?pt:gt,m=l==="y"?Ot:Rt,p=n.rects.reference[u]+n.rects.reference[l]-i[l]-n.rects.popper[u],b=i[l]-n.rects.reference[l],_=jo(r),y=_?l==="y"?_.clientHeight||0:_.clientWidth||0:0,x=p/2-b/2,S=h[g],R=y-f[u]-h[m],O=y/2-f[u]/2+x,D=ho(S,O,R),v=l;n.modifiersData[s]=(e={},e[v]=D,e.centerOffset=D-O,e)}}function gHe(t){var e=t.state,n=t.options,s=n.element,o=s===void 0?"[data-popper-arrow]":s;o!=null&&(typeof o=="string"&&(o=e.elements.popper.querySelector(o),!o)||sm(e.elements.popper,o)&&(e.elements.arrow=o))}const mHe={name:"arrow",enabled:!0,phase:"main",fn:pHe,effect:gHe,requires:["popperOffsets"],requiresIfExists:["preventOverflow"]};function Bs(t){return t.split("-")[1]}var _He={top:"auto",right:"auto",bottom:"auto",left:"auto"};function bHe(t,e){var n=t.x,s=t.y,o=e.devicePixelRatio||1;return{x:Ps(n*o)/o||0,y:Ps(s*o)/o||0}}function Dh(t){var e,n=t.popper,s=t.popperRect,o=t.placement,r=t.variation,i=t.offsets,a=t.position,l=t.gpuAcceleration,c=t.adaptive,u=t.roundOffsets,h=t.isFixed,f=i.x,g=f===void 0?0:f,m=i.y,p=m===void 0?0:m,b=typeof u=="function"?u({x:g,y:p}):{x:g,y:p};g=b.x,p=b.y;var _=i.hasOwnProperty("x"),y=i.hasOwnProperty("y"),x=gt,S=pt,R=window;if(c){var O=jo(n),D="clientHeight",v="clientWidth";if(O===vt(n)&&(O=Dn(n),dn(O).position!=="static"&&a==="absolute"&&(D="scrollHeight",v="scrollWidth")),O=O,o===pt||(o===gt||o===Rt)&&r===Oo){S=Ot;var E=h&&O===R&&R.visualViewport?R.visualViewport.height:O[D];p-=E-s.height,p*=l?1:-1}if(o===gt||(o===pt||o===Ot)&&r===Oo){x=Rt;var M=h&&O===R&&R.visualViewport?R.visualViewport.width:O[v];g-=M-s.width,g*=l?1:-1}}var L=Object.assign({position:a},c&&_He),F=u===!0?bHe({x:g,y:p},vt(n)):{x:g,y:p};if(g=F.x,p=F.y,l){var J;return Object.assign({},L,(J={},J[S]=y?"0":"",J[x]=_?"0":"",J.transform=(R.devicePixelRatio||1)<=1?"translate("+g+"px, "+p+"px)":"translate3d("+g+"px, "+p+"px, 0)",J))}return Object.assign({},L,(e={},e[S]=y?p+"px":"",e[x]=_?g+"px":"",e.transform="",e))}function yHe(t){var e=t.state,n=t.options,s=n.gpuAcceleration,o=s===void 0?!0:s,r=n.adaptive,i=r===void 0?!0:r,a=n.roundOffsets,l=a===void 0?!0:a,c={placement:Wt(e.placement),variation:Bs(e.placement),popper:e.elements.popper,popperRect:e.rects.popper,gpuAcceleration:o,isFixed:e.options.strategy==="fixed"};e.modifiersData.popperOffsets!=null&&(e.styles.popper=Object.assign({},e.styles.popper,Dh(Object.assign({},c,{offsets:e.modifiersData.popperOffsets,position:e.options.strategy,adaptive:i,roundOffsets:l})))),e.modifiersData.arrow!=null&&(e.styles.arrow=Object.assign({},e.styles.arrow,Dh(Object.assign({},c,{offsets:e.modifiersData.arrow,position:"absolute",adaptive:!1,roundOffsets:l})))),e.attributes.popper=Object.assign({},e.attributes.popper,{"data-popper-placement":e.placement})}const vHe={name:"computeStyles",enabled:!0,phase:"beforeWrite",fn:yHe,data:{}};var Xo={passive:!0};function wHe(t){var e=t.state,n=t.instance,s=t.options,o=s.scroll,r=o===void 0?!0:o,i=s.resize,a=i===void 0?!0:i,l=vt(e.elements.popper),c=[].concat(e.scrollParents.reference,e.scrollParents.popper);return r&&c.forEach(function(u){u.addEventListener("scroll",n.update,Xo)}),a&&l.addEventListener("resize",n.update,Xo),function(){r&&c.forEach(function(u){u.removeEventListener("scroll",n.update,Xo)}),a&&l.removeEventListener("resize",n.update,Xo)}}const xHe={name:"eventListeners",enabled:!0,phase:"write",fn:function(){},effect:wHe,data:{}};var kHe={left:"right",right:"left",bottom:"top",top:"bottom"};function _r(t){return t.replace(/left|right|bottom|top/g,function(e){return kHe[e]})}var EHe={start:"end",end:"start"};function Lh(t){return t.replace(/start|end/g,function(e){return EHe[e]})}function Sc(t){var e=vt(t),n=e.pageXOffset,s=e.pageYOffset;return{scrollLeft:n,scrollTop:s}}function Tc(t){return Fs(Dn(t)).left+Sc(t).scrollLeft}function CHe(t,e){var n=vt(t),s=Dn(t),o=n.visualViewport,r=s.clientWidth,i=s.clientHeight,a=0,l=0;if(o){r=o.width,i=o.height;var c=nm();(c||!c&&e==="fixed")&&(a=o.offsetLeft,l=o.offsetTop)}return{width:r,height:i,x:a+Tc(t),y:l}}function AHe(t){var e,n=Dn(t),s=Sc(t),o=(e=t.ownerDocument)==null?void 0:e.body,r=Jn(n.scrollWidth,n.clientWidth,o?o.scrollWidth:0,o?o.clientWidth:0),i=Jn(n.scrollHeight,n.clientHeight,o?o.scrollHeight:0,o?o.clientHeight:0),a=-s.scrollLeft+Tc(t),l=-s.scrollTop;return dn(o||n).direction==="rtl"&&(a+=Jn(n.clientWidth,o?o.clientWidth:0)-r),{width:r,height:i,x:a,y:l}}function Mc(t){var e=dn(t),n=e.overflow,s=e.overflowX,o=e.overflowY;return/auto|scroll|overlay|hidden/.test(n+o+s)}function am(t){return["html","body","#document"].indexOf(Jt(t))>=0?t.ownerDocument.body:Tt(t)&&Mc(t)?t:am(wi(t))}function fo(t,e){var n;e===void 0&&(e=[]);var s=am(t),o=s===((n=t.ownerDocument)==null?void 0:n.body),r=vt(s),i=o?[r].concat(r.visualViewport||[],Mc(s)?s:[]):s,a=e.concat(i);return o?a:a.concat(fo(wi(i)))}function yl(t){return Object.assign({},t,{left:t.x,top:t.y,right:t.x+t.width,bottom:t.y+t.height})}function SHe(t,e){var n=Fs(t,!1,e==="fixed");return n.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}function Ih(t,e,n){return e===em?yl(CHe(t,n)):es(e)?SHe(e,n):yl(AHe(Dn(t)))}function THe(t){var e=fo(wi(t)),n=["absolute","fixed"].indexOf(dn(t).position)>=0,s=n&&Tt(t)?jo(t):t;return es(s)?e.filter(function(o){return es(o)&&sm(o,s)&&Jt(o)!=="body"}):[]}function MHe(t,e,n,s){var o=e==="clippingParents"?THe(t):[].concat(e),r=[].concat(o,[n]),i=r[0],a=r.reduce(function(l,c){var u=Ih(t,c,s);return l.top=Jn(u.top,l.top),l.right=Pr(u.right,l.right),l.bottom=Pr(u.bottom,l.bottom),l.left=Jn(u.left,l.left),l},Ih(t,i,s));return a.width=a.right-a.left,a.height=a.bottom-a.top,a.x=a.left,a.y=a.top,a}function lm(t){var e=t.reference,n=t.element,s=t.placement,o=s?Wt(s):null,r=s?Bs(s):null,i=e.x+e.width/2-n.width/2,a=e.y+e.height/2-n.height/2,l;switch(o){case pt:l={x:i,y:e.y-n.height};break;case Ot:l={x:i,y:e.y+e.height};break;case Rt:l={x:e.x+e.width,y:a};break;case gt:l={x:e.x-n.width,y:a};break;default:l={x:e.x,y:e.y}}var c=o?Ac(o):null;if(c!=null){var u=c==="y"?"height":"width";switch(r){case Is:l[c]=l[c]-(e[u]/2-n[u]/2);break;case Oo:l[c]=l[c]+(e[u]/2-n[u]/2);break}}return l}function Ro(t,e){e===void 0&&(e={});var n=e,s=n.placement,o=s===void 0?t.placement:s,r=n.strategy,i=r===void 0?t.strategy:r,a=n.boundary,l=a===void 0?Zqe:a,c=n.rootBoundary,u=c===void 0?em:c,h=n.elementContext,f=h===void 0?to:h,g=n.altBoundary,m=g===void 0?!1:g,p=n.padding,b=p===void 0?0:p,_=rm(typeof b!="number"?b:im(b,$o)),y=f===to?Yqe:to,x=t.rects.popper,S=t.elements[m?y:f],R=MHe(es(S)?S:S.contextElement||Dn(t.elements.popper),l,u,i),O=Fs(t.elements.reference),D=lm({reference:O,element:x,strategy:"absolute",placement:o}),v=yl(Object.assign({},x,D)),E=f===to?v:O,M={top:R.top-E.top+_.top,bottom:E.bottom-R.bottom+_.bottom,left:R.left-E.left+_.left,right:E.right-R.right+_.right},L=t.modifiersData.offset;if(f===to&&L){var F=L[o];Object.keys(M).forEach(function(J){var I=[Rt,Ot].indexOf(J)>=0?1:-1,ae=[pt,Ot].indexOf(J)>=0?"y":"x";M[J]+=F[ae]*I})}return M}function OHe(t,e){e===void 0&&(e={});var n=e,s=n.placement,o=n.boundary,r=n.rootBoundary,i=n.padding,a=n.flipVariations,l=n.allowedAutoPlacements,c=l===void 0?tm:l,u=Bs(s),h=u?a?Rh:Rh.filter(function(m){return Bs(m)===u}):$o,f=h.filter(function(m){return c.indexOf(m)>=0});f.length===0&&(f=h);var g=f.reduce(function(m,p){return m[p]=Ro(t,{placement:p,boundary:o,rootBoundary:r,padding:i})[Wt(p)],m},{});return Object.keys(g).sort(function(m,p){return g[m]-g[p]})}function RHe(t){if(Wt(t)===kc)return[];var e=_r(t);return[Lh(t),e,Lh(e)]}function NHe(t){var e=t.state,n=t.options,s=t.name;if(!e.modifiersData[s]._skip){for(var o=n.mainAxis,r=o===void 0?!0:o,i=n.altAxis,a=i===void 0?!0:i,l=n.fallbackPlacements,c=n.padding,u=n.boundary,h=n.rootBoundary,f=n.altBoundary,g=n.flipVariations,m=g===void 0?!0:g,p=n.allowedAutoPlacements,b=e.options.placement,_=Wt(b),y=_===b,x=l||(y||!m?[_r(b)]:RHe(b)),S=[b].concat(x).reduce(function(Se,N){return Se.concat(Wt(N)===kc?OHe(e,{placement:N,boundary:u,rootBoundary:h,padding:c,flipVariations:m,allowedAutoPlacements:p}):N)},[]),R=e.rects.reference,O=e.rects.popper,D=new Map,v=!0,E=S[0],M=0;M=0,ae=I?"width":"height",Z=Ro(e,{placement:L,boundary:u,rootBoundary:h,altBoundary:f,padding:c}),T=I?J?Rt:gt:J?Ot:pt;R[ae]>O[ae]&&(T=_r(T));var q=_r(T),G=[];if(r&&G.push(Z[F]<=0),a&&G.push(Z[T]<=0,Z[q]<=0),G.every(function(Se){return Se})){E=L,v=!1;break}D.set(L,G)}if(v)for(var we=m?3:1,_e=function(N){var Q=S.find(function(V){var te=D.get(V);if(te)return te.slice(0,N).every(function(X){return X})});if(Q)return E=Q,"break"},ee=we;ee>0;ee--){var ke=_e(ee);if(ke==="break")break}e.placement!==E&&(e.modifiersData[s]._skip=!0,e.placement=E,e.reset=!0)}}const DHe={name:"flip",enabled:!0,phase:"main",fn:NHe,requiresIfExists:["offset"],data:{_skip:!1}};function Ph(t,e,n){return n===void 0&&(n={x:0,y:0}),{top:t.top-e.height-n.y,right:t.right-e.width+n.x,bottom:t.bottom-e.height+n.y,left:t.left-e.width-n.x}}function Fh(t){return[pt,Rt,Ot,gt].some(function(e){return t[e]>=0})}function LHe(t){var e=t.state,n=t.name,s=e.rects.reference,o=e.rects.popper,r=e.modifiersData.preventOverflow,i=Ro(e,{elementContext:"reference"}),a=Ro(e,{altBoundary:!0}),l=Ph(i,s),c=Ph(a,o,r),u=Fh(l),h=Fh(c);e.modifiersData[n]={referenceClippingOffsets:l,popperEscapeOffsets:c,isReferenceHidden:u,hasPopperEscaped:h},e.attributes.popper=Object.assign({},e.attributes.popper,{"data-popper-reference-hidden":u,"data-popper-escaped":h})}const IHe={name:"hide",enabled:!0,phase:"main",requiresIfExists:["preventOverflow"],fn:LHe};function PHe(t,e,n){var s=Wt(t),o=[gt,pt].indexOf(s)>=0?-1:1,r=typeof n=="function"?n(Object.assign({},e,{placement:t})):n,i=r[0],a=r[1];return i=i||0,a=(a||0)*o,[gt,Rt].indexOf(s)>=0?{x:a,y:i}:{x:i,y:a}}function FHe(t){var e=t.state,n=t.options,s=t.name,o=n.offset,r=o===void 0?[0,0]:o,i=tm.reduce(function(u,h){return u[h]=PHe(h,e.rects,r),u},{}),a=i[e.placement],l=a.x,c=a.y;e.modifiersData.popperOffsets!=null&&(e.modifiersData.popperOffsets.x+=l,e.modifiersData.popperOffsets.y+=c),e.modifiersData[s]=i}const BHe={name:"offset",enabled:!0,phase:"main",requires:["popperOffsets"],fn:FHe};function $He(t){var e=t.state,n=t.name;e.modifiersData[n]=lm({reference:e.rects.reference,element:e.rects.popper,strategy:"absolute",placement:e.placement})}const jHe={name:"popperOffsets",enabled:!0,phase:"read",fn:$He,data:{}};function zHe(t){return t==="x"?"y":"x"}function UHe(t){var e=t.state,n=t.options,s=t.name,o=n.mainAxis,r=o===void 0?!0:o,i=n.altAxis,a=i===void 0?!1:i,l=n.boundary,c=n.rootBoundary,u=n.altBoundary,h=n.padding,f=n.tether,g=f===void 0?!0:f,m=n.tetherOffset,p=m===void 0?0:m,b=Ro(e,{boundary:l,rootBoundary:c,padding:h,altBoundary:u}),_=Wt(e.placement),y=Bs(e.placement),x=!y,S=Ac(_),R=zHe(S),O=e.modifiersData.popperOffsets,D=e.rects.reference,v=e.rects.popper,E=typeof p=="function"?p(Object.assign({},e.rects,{placement:e.placement})):p,M=typeof E=="number"?{mainAxis:E,altAxis:E}:Object.assign({mainAxis:0,altAxis:0},E),L=e.modifiersData.offset?e.modifiersData.offset[e.placement]:null,F={x:0,y:0};if(O){if(r){var J,I=S==="y"?pt:gt,ae=S==="y"?Ot:Rt,Z=S==="y"?"height":"width",T=O[S],q=T+b[I],G=T-b[ae],we=g?-v[Z]/2:0,_e=y===Is?D[Z]:v[Z],ee=y===Is?-v[Z]:-D[Z],ke=e.elements.arrow,Se=g&&ke?Cc(ke):{width:0,height:0},N=e.modifiersData["arrow#persistent"]?e.modifiersData["arrow#persistent"].padding:om(),Q=N[I],V=N[ae],te=ho(0,D[Z],Se[Z]),X=x?D[Z]/2-we-te-Q-M.mainAxis:_e-te-Q-M.mainAxis,ge=x?-D[Z]/2+we+te+V+M.mainAxis:ee+te+V+M.mainAxis,de=e.elements.arrow&&jo(e.elements.arrow),w=de?S==="y"?de.clientTop||0:de.clientLeft||0:0,A=(J=L==null?void 0:L[S])!=null?J:0,P=T+X-A-w,$=T+ge-A,j=ho(g?Pr(q,P):q,T,g?Jn(G,$):G);O[S]=j,F[S]=j-T}if(a){var ne,re=S==="x"?pt:gt,z=S==="x"?Ot:Rt,se=O[R],U=R==="y"?"height":"width",Y=se+b[re],ie=se-b[z],pe=[pt,gt].indexOf(_)!==-1,ue=(ne=L==null?void 0:L[R])!=null?ne:0,Ce=pe?Y:se-D[U]-v[U]-ue+M.altAxis,W=pe?se+D[U]+v[U]-ue-M.altAxis:ie,oe=g&&pe?hHe(Ce,se,W):ho(g?Ce:Y,se,g?W:ie);O[R]=oe,F[R]=oe-se}e.modifiersData[s]=F}}const qHe={name:"preventOverflow",enabled:!0,phase:"main",fn:UHe,requiresIfExists:["offset"]};function HHe(t){return{scrollLeft:t.scrollLeft,scrollTop:t.scrollTop}}function VHe(t){return t===vt(t)||!Tt(t)?Sc(t):HHe(t)}function GHe(t){var e=t.getBoundingClientRect(),n=Ps(e.width)/t.offsetWidth||1,s=Ps(e.height)/t.offsetHeight||1;return n!==1||s!==1}function KHe(t,e,n){n===void 0&&(n=!1);var s=Tt(e),o=Tt(e)&&GHe(e),r=Dn(e),i=Fs(t,o,n),a={scrollLeft:0,scrollTop:0},l={x:0,y:0};return(s||!s&&!n)&&((Jt(e)!=="body"||Mc(r))&&(a=VHe(e)),Tt(e)?(l=Fs(e,!0),l.x+=e.clientLeft,l.y+=e.clientTop):r&&(l.x=Tc(r))),{x:i.left+a.scrollLeft-l.x,y:i.top+a.scrollTop-l.y,width:i.width,height:i.height}}function WHe(t){var e=new Map,n=new Set,s=[];t.forEach(function(r){e.set(r.name,r)});function o(r){n.add(r.name);var i=[].concat(r.requires||[],r.requiresIfExists||[]);i.forEach(function(a){if(!n.has(a)){var l=e.get(a);l&&o(l)}}),s.push(r)}return t.forEach(function(r){n.has(r.name)||o(r)}),s}function ZHe(t){var e=WHe(t);return iHe.reduce(function(n,s){return n.concat(e.filter(function(o){return o.phase===s}))},[])}function YHe(t){var e;return function(){return e||(e=new Promise(function(n){Promise.resolve().then(function(){e=void 0,n(t())})})),e}}function JHe(t){var e=t.reduce(function(n,s){var o=n[s.name];return n[s.name]=o?Object.assign({},o,s,{options:Object.assign({},o.options,s.options),data:Object.assign({},o.data,s.data)}):s,n},{});return Object.keys(e).map(function(n){return e[n]})}var Bh={placement:"bottom",modifiers:[],strategy:"absolute"};function $h(){for(var t=arguments.length,e=new Array(t),n=0;n(ns("data-v-7e498efe"),t=t(),ss(),t),nVe={key:0,class:"fixed top-0 left-0 w-screen h-screen flex items-center justify-center"},sVe={class:"flex flex-col text-center"},oVe={class:"flex flex-col text-center items-center"},rVe={class:"flex items-center gap-3 text-5xl drop-shadow-md align-middle pt-24"},iVe=Ke(()=>d("img",{class:"w-24 animate-bounce",title:"LoLLMS WebUI",src:nc,alt:"Logo"},null,-1)),aVe={class:"flex flex-col items-start"},lVe={class:"text-2xl"},cVe=Ke(()=>d("p",{class:"text-gray-400 text-base"},"One tool to rule them all",-1)),dVe=Ke(()=>d("hr",{class:"mt-1 w-96 h-1 mx-auto my-2 md:my-2 dark:bg-bg-dark-tone-panel bg-bg-light-tone-panel border-0 rounded"},null,-1)),uVe=Ke(()=>d("p",{class:"text-2xl"},"Welcome",-1)),hVe=Ke(()=>d("svg",{"aria-hidden":"true",class:"w-6 h-6 animate-spin fill-secondary",viewBox:"0 0 100 101",fill:"none",xmlns:"http://www.w3.org/2000/svg"},[d("path",{d:"M100 50.5908C100 78.2051 77.6142 100.591 50 100.591C22.3858 100.591 0 78.2051 0 50.5908C0 22.9766 22.3858 0.59082 50 0.59082C77.6142 0.59082 100 22.9766 100 50.5908ZM9.08144 50.5908C9.08144 73.1895 27.4013 91.5094 50 91.5094C72.5987 91.5094 90.9186 73.1895 90.9186 50.5908C90.9186 27.9921 72.5987 9.67226 50 9.67226C27.4013 9.67226 9.08144 27.9921 9.08144 50.5908Z",fill:"currentColor"}),d("path",{d:"M93.9676 39.0409C96.393 38.4038 97.8624 35.9116 97.0079 33.5539C95.2932 28.8227 92.871 24.3692 89.8167 20.348C85.8452 15.1192 80.8826 10.7238 75.2124 7.41289C69.5422 4.10194 63.2754 1.94025 56.7698 1.05124C51.7666 0.367541 46.6976 0.446843 41.7345 1.27873C39.2613 1.69328 37.813 4.19778 38.4501 6.62326C39.0873 9.04874 41.5694 10.4717 44.0505 10.1071C47.8511 9.54855 51.7191 9.52689 55.5402 10.0491C60.8642 10.7766 65.9928 12.5457 70.6331 15.2552C75.2735 17.9648 79.3347 21.5619 82.5849 25.841C84.9175 28.9121 86.7997 32.2913 88.1811 35.8758C89.083 38.2158 91.5421 39.6781 93.9676 39.0409Z",fill:"currentFill"})],-1)),fVe=Ke(()=>d("span",{class:"text-2xl font-bold ml-4"},"Loading ...",-1)),pVe=Ke(()=>d("i",{"data-feather":"chevron-right"},null,-1)),gVe=[pVe],mVe=Ke(()=>d("i",{"data-feather":"chevron-left"},null,-1)),_Ve=[mVe],bVe={key:0,class:"relative flex flex-col no-scrollbar shadow-lg min-w-[24rem] max-w-[24rem] bg-bg-light-tone dark:bg-bg-dark-tone"},yVe={class:"sticky z-10 top-0 bg-bg-light-tone dark:bg-bg-dark-tone shadow-md"},vVe={class:"flex-row p-4 flex items-center gap-3 flex-0"},wVe=Ke(()=>d("i",{"data-feather":"plus"},null,-1)),xVe=[wVe],kVe=Ke(()=>d("i",{"data-feather":"check-square"},null,-1)),EVe=[kVe],CVe=Ke(()=>d("button",{class:"text-2xl hover:text-secondary duration-75 active:scale-90",title:"Reset database, remove all discussions"},[d("i",{"data-feather":"refresh-ccw"})],-1)),AVe=Ke(()=>d("button",{class:"text-2xl hover:text-secondary duration-75 active:scale-90",title:"Export database",type:"button"},[d("i",{"data-feather":"database"})],-1)),SVe=Ke(()=>d("i",{"data-feather":"log-in"},null,-1)),TVe=[SVe],MVe={key:0,class:"dropdown"},OVe=Ke(()=>d("i",{"data-feather":"search"},null,-1)),RVe=[OVe],NVe=Ke(()=>d("i",{"data-feather":"save"},null,-1)),DVe=[NVe],LVe={key:2,class:"flex gap-3 flex-1 items-center duration-75"},IVe=Ke(()=>d("i",{"data-feather":"x"},null,-1)),PVe=[IVe],FVe=Ke(()=>d("i",{"data-feather":"check"},null,-1)),BVe=[FVe],$Ve={key:3,title:"Loading..",class:"flex flex-row flex-grow justify-end"},jVe=Ke(()=>d("div",{role:"status"},[d("svg",{"aria-hidden":"true",class:"w-6 h-6 animate-spin fill-secondary",viewBox:"0 0 100 101",fill:"none",xmlns:"http://www.w3.org/2000/svg"},[d("path",{d:"M100 50.5908C100 78.2051 77.6142 100.591 50 100.591C22.3858 100.591 0 78.2051 0 50.5908C0 22.9766 22.3858 0.59082 50 0.59082C77.6142 0.59082 100 22.9766 100 50.5908ZM9.08144 50.5908C9.08144 73.1895 27.4013 91.5094 50 91.5094C72.5987 91.5094 90.9186 73.1895 90.9186 50.5908C90.9186 27.9921 72.5987 9.67226 50 9.67226C27.4013 9.67226 9.08144 27.9921 9.08144 50.5908Z",fill:"currentColor"}),d("path",{d:"M93.9676 39.0409C96.393 38.4038 97.8624 35.9116 97.0079 33.5539C95.2932 28.8227 92.871 24.3692 89.8167 20.348C85.8452 15.1192 80.8826 10.7238 75.2124 7.41289C69.5422 4.10194 63.2754 1.94025 56.7698 1.05124C51.7666 0.367541 46.6976 0.446843 41.7345 1.27873C39.2613 1.69328 37.813 4.19778 38.4501 6.62326C39.0873 9.04874 41.5694 10.4717 44.0505 10.1071C47.8511 9.54855 51.7191 9.52689 55.5402 10.0491C60.8642 10.7766 65.9928 12.5457 70.6331 15.2552C75.2735 17.9648 79.3347 21.5619 82.5849 25.841C84.9175 28.9121 86.7997 32.2913 88.1811 35.8758C89.083 38.2158 91.5421 39.6781 93.9676 39.0409Z",fill:"currentFill"})]),d("span",{class:"sr-only"},"Loading...")],-1)),zVe=[jVe],UVe={key:0,class:"flex-row items-center gap-3 flex-0 w-full"},qVe={class:"p-4 pt-2"},HVe={class:"relative"},VVe=Ke(()=>d("div",{class:"absolute inset-y-0 left-0 flex items-center pl-3 pointer-events-none"},[d("div",{class:"scale-75"},[d("i",{"data-feather":"search"})])],-1)),GVe={class:"absolute inset-y-0 right-0 flex items-center pr-3"},KVe=Ke(()=>d("i",{"data-feather":"x"},null,-1)),WVe=[KVe],ZVe={key:1,class:"h-px bg-bg-light p-0 mb-4 px-4 mx-4 border-0 dark:bg-bg-dark"},YVe={key:2,class:"flex flex-row flex-grow p-4 pt-0 items-center"},JVe={class:"flex flex-row flex-grow"},QVe={key:0},XVe={class:"flex flex-row"},eGe={key:0,class:"flex gap-3"},tGe=Ke(()=>d("i",{"data-feather":"trash"},null,-1)),nGe=[tGe],sGe={key:1,class:"flex gap-3 mx-3 flex-1 items-center justify-end group-hover:visible duration-75"},oGe=Ke(()=>d("i",{"data-feather":"check"},null,-1)),rGe=[oGe],iGe=Ke(()=>d("i",{"data-feather":"x"},null,-1)),aGe=[iGe],lGe={class:"flex gap-3"},cGe=Ke(()=>d("i",{"data-feather":"log-out"},null,-1)),dGe=[cGe],uGe=Ke(()=>d("i",{"data-feather":"list"},null,-1)),hGe=[uGe],fGe={class:"z-5"},pGe={class:"relative flex flex-row flex-grow mb-10 z-0"},gGe={key:1,class:"gap-2 py-2 my-2 hover:shadow-md hover:bg-primary-light dark:hover:bg-primary rounded-md p-2 duration-75 group cursor-pointer"},mGe=Ke(()=>d("p",{class:"px-3"},"No discussions are found",-1)),_Ge=[mGe],bGe=Ke(()=>d("div",{class:"sticky bottom-0 bg-gradient-to-t pointer-events-none from-bg-light-tone dark:from-bg-dark-tone flex flex-grow"},null,-1)),yGe={class:"z-20 h-max"},vGe={class:"container pt-4 pb-10 mb-28"},wGe=Ke(()=>d("div",{class:"absolute w-full bottom-0 bg-transparent p-10 pt-16 bg-gradient-to-t from-bg-light dark:from-bg-dark from-5% via-bg-light dark:via-bg-dark via-10% to-transparent to-100%"},null,-1)),xGe={key:0,class:"bottom-0 container flex flex-row items-center justify-center"},kGe={setup(){},data(){return{msgTypes:{MSG_TYPE_CHUNK:0,MSG_TYPE_FULL:1,MSG_TYPE_FULL_INVISIBLE_TO_AI:2,MSG_TYPE_FULL_INVISIBLE_TO_USER:3,MSG_TYPE_EXCEPTION:4,MSG_TYPE_WARNING:5,MSG_TYPE_INFO:6,MSG_TYPE_STEP:7,MSG_TYPE_STEP_START:8,MSG_TYPE_STEP_PROGRESS:9,MSG_TYPE_STEP_END:10,MSG_TYPE_JSON_INFOS:11,MSG_TYPE_REF:12,MSG_TYPE_CODE:13,MSG_TYPE_UI:14,MSG_TYPE_NEW_MESSAGE:15,MSG_TYPE_FINISHED_MESSAGE:17},senderTypes:{SENDER_TYPES_USER:0,SENDER_TYPES_AI:1,SENDER_TYPES_SYSTEM:2},version:"5.0",list:[],tempList:[],currentDiscussion:{},discussionArr:[],loading:!1,filterTitle:"",filterInProgress:!1,isCreated:!1,isGenerating:!1,isCheckbox:!1,isSelectAll:!1,showConfirmation:!1,chime:new Audio("chime_aud.wav"),showToast:!1,isSearch:!1,isDiscussionBottom:!1,personalityAvatars:[],fileList:[],isDragOverDiscussion:!1,isDragOverChat:!1,panelCollapsed:!1,isOpen:!1}},methods:{save_configuration(){this.showConfirmation=!1,ye.post("/save_settings",{}).then(t=>{if(t)return t.status?this.$refs.toast.showToast("Settings saved!",4,!0):this.$refs.messageBox.showMessage("Error: Couldn't save settings!"),t.data}).catch(t=>(console.log(t.message,"save_configuration"),this.$refs.messageBox.showMessage("Couldn't save settings!"),{status:!1}))},showToastMessage(t,e,n){console.log("sending",t),this.$refs.toast.showToast(t,e,n)},togglePanel(){this.panelCollapsed=!this.panelCollapsed},toggleDropdown(){this.isOpen=!this.isOpen},importChatGPT(){},async api_get_req(t){try{const e=await ye.get("/"+t);if(e)return e.data}catch(e){console.log(e.message,"api_get_req");return}},async list_discussions(){try{const t=await ye.get("/list_discussions");if(t)return this.createDiscussionList(t.data),t.data}catch(t){return console.log("Error: Could not list discussions",t.message),[]}},load_discussion(t,e){t&&(console.log("Loading discussion",t),this.loading=!0,this.discussionArr=[],this.setDiscussionLoading(t,this.loading),Ee.on("discussion",n=>{this.loading=!1,this.setDiscussionLoading(t,this.loading),n&&(console.log("received discussion"),console.log(n),this.discussionArr=n.filter(s=>s.message_type==this.msgTypes.MSG_TYPE_CHUNK||s.message_type==this.msgTypes.MSG_TYPE_FULL||s.message_type==this.msgTypes.MSG_TYPE_FULL_INVISIBLE_TO_AI||s.message_type==this.msgTypes.MSG_TYPE_CODE||s.message_type==this.msgTypes.MSG_TYPE_JSON_INFOS||s.message_type==this.msgTypes.MSG_TYPE_UI),console.log("this.discussionArr"),console.log(this.discussionArr),e&&e()),Ee.off("discussion")}),Ee.emit("load_discussion",{id:t}))},new_discussion(t){try{this.loading=!0,Ee.on("discussion_created",e=>{Ee.off("discussion_created"),this.list_discussions().then(()=>{const n=this.list.findIndex(o=>o.id==e.id),s=this.list[n];this.selectDiscussion(s),this.load_discussion(e.id,()=>{this.loading=!1,be(()=>{const o=document.getElementById("dis-"+e.id);this.scrollToElement(o),console.log("Scrolling tp "+o)})})})}),console.log("new_discussion ",t),Ee.emit("new_discussion",{title:t})}catch(e){return console.log("Error: Could not create new discussion",e.message),{}}},async delete_discussion(t){try{t&&(this.loading=!0,this.setDiscussionLoading(t,this.loading),await ye.post("/delete_discussion",{client_id:this.client_id,id:t}),this.loading=!1,this.setDiscussionLoading(t,this.loading))}catch(e){console.log("Error: Could not delete discussion",e.message),this.loading=!1,this.setDiscussionLoading(t,this.loading)}},async edit_title(t,e){try{if(t){this.loading=!0,this.setDiscussionLoading(t,this.loading);const n=await ye.post("/edit_title",{client_id:this.client_id,id:t,title:e});if(this.loading=!1,this.setDiscussionLoading(t,this.loading),n.status==200){const s=this.list.findIndex(r=>r.id==t),o=this.list[s];o.title=e,this.tempList=this.list}}}catch(n){console.log("Error: Could not edit title",n.message),this.loading=!1,this.setDiscussionLoading(t,this.loading)}},async delete_message(t){try{const e=await ye.get("/delete_message",{params:{client_id:this.client_id,id:t}});if(e)return e.data}catch(e){return console.log("Error: Could delete message",e.message),{}}},async stop_gen(){try{if(Ee.emit("cancel_generation"),res)return res.data}catch(t){return console.log("Error: Could not stop generating",t.message),{}}},async message_rank_up(t){try{const e=await ye.get("/message_rank_up",{params:{client_id:this.client_id,id:t}});if(e)return e.data}catch(e){return console.log("Error: Could not rank up message",e.message),{}}},async message_rank_down(t){try{const e=await ye.get("/message_rank_down",{params:{client_id:this.client_id,id:t}});if(e)return e.data}catch(e){return console.log("Error: Could not rank down message",e.message),{}}},async edit_message(t,e){try{const n=await ye.get("/edit_message",{params:{client_id:this.client_id,id:t,message:e}});if(n)return n.data}catch(n){return console.log("Error: Could not update message",n.message),{}}},async export_multiple_discussions(t){try{if(t.length>0){const e=await ye.post("/export_multiple_discussions",{discussion_ids:t});if(e)return e.data}}catch(e){return console.log("Error: Could not export multiple discussions",e.message),{}}},async import_multiple_discussions(t){try{if(t.length>0){console.log("sending import",t);const e=await ye.post("/import_multiple_discussions",{jArray:t});if(e)return console.log("import response",e.data),e.data}}catch(e){console.log("Error: Could not import multiple discussions",e.message);return}},filterDiscussions(){this.filterInProgress||(this.filterInProgress=!0,setTimeout(()=>{this.filterTitle?this.list=this.tempList.filter(t=>t.title&&t.title.includes(this.filterTitle)):this.list=this.tempList,this.filterInProgress=!1},100))},async selectDiscussion(t){t&&(console.log("this.currentDiscussion",this.currentDiscussion),this.currentDiscussion===void 0?(this.currentDiscussion=t,this.setPageTitle(t),localStorage.setItem("selected_discussion",this.currentDiscussion.id),this.load_discussion(t.id,()=>{this.discussionArr.length>1&&(this.currentDiscussion.title===""||this.currentDiscussion.title===null)&&this.changeTitleUsingUserMSG(this.currentDiscussion.id,this.discussionArr[1].content)})):this.currentDiscussion.id!=t.id&&(this.currentDiscussion=t,this.setPageTitle(t),localStorage.setItem("selected_discussion",this.currentDiscussion.id),this.load_discussion(t.id,()=>{this.discussionArr.length>1&&(this.currentDiscussion.title===""||this.currentDiscussion.title===null)&&this.changeTitleUsingUserMSG(this.currentDiscussion.id,this.discussionArr[1].content)})),be(()=>{const e=document.getElementById("dis-"+this.currentDiscussion.id);this.scrollToElementInContainer(e,"leftPanel");const n=document.getElementById("messages-list");this.scrollBottom(n)}))},scrollToElement(t){t?t.scrollIntoView({behavior:"smooth",block:"start",inline:"nearest"}):console.log("Error: scrollToElement")},scrollToElementInContainer(t,e){try{const n=t.offsetTop;document.getElementById(e).scrollTo({top:n,behavior:"smooth"})}catch{}},scrollBottom(t){t?t.scrollTo({top:t.scrollHeight,behavior:"smooth"}):console.log("Error: scrollBottom")},scrollTop(t){t?t.scrollTo({top:0,behavior:"smooth"}):console.log("Error: scrollTop")},createUserMsg(t){let e={content:t.message,id:t.id,rank:0,sender:t.user,created_at:t.created_at,steps:[],html_js_s:[]};this.discussionArr.push(e),be(()=>{const n=document.getElementById("messages-list");this.scrollBottom(n)})},updateLastUserMsg(t){const e=this.discussionArr.indexOf(s=>s.id=t.user_id),n={binding:t.binding,content:t.message,created_at:t.created_at,type:t.type,finished_generating_at:t.finished_generating_at,id:t.user_id,model:t.model,personality:t.personality,sender:t.user,steps:[]};e!==-1&&(this.discussionArr[e]=n)},socketIOConnected(){return console.log("socketIOConnected"),this.$store.state.isConnected=!0,!0},socketIODisconnected(){return console.log("socketIOConnected"),this.$store.state.isConnected=!1,!0},new_message(t){console.log("create bot",t);let e={sender:t.sender,message_type:t.message_type,sender_type:t.sender_type,content:t.content,id:t.id,parent_id:t.parent_id,binding:t.binding,model:t.model,personality:t.personality,created_at:t.created_at,finished_generating_at:t.finished_generating_at,rank:0,steps:[],parameters:t.parameters,metadata:t.metadata};console.log(e),this.discussionArr.push(e),(this.currentDiscussion.title===""||this.currentDiscussion.title===null)&&this.changeTitleUsingUserMSG(this.currentDiscussion.id,t.message),console.log("infos",t)},talk(t){this.isGenerating=!0,this.setDiscussionLoading(this.currentDiscussion.id,this.isGenerating),ye.get("/get_generation_status",{}).then(e=>{e&&(e.data.status?console.log("Already generating"):(console.log("Generating message from ",e.data.status),Ee.emit("generate_msg_from",{id:-1}),this.discussionArr.length>0&&Number(this.discussionArr[this.discussionArr.length-1].id)+1))}).catch(e=>{console.log("Error: Could not get generation status",e)})},sendMsg(t){if(!t){this.$refs.toast.showToast("Message contains no content!",4,!1);return}this.isGenerating=!0,this.setDiscussionLoading(this.currentDiscussion.id,this.isGenerating),ye.get("/get_generation_status",{}).then(e=>{if(e)if(e.data.status)console.log("Already generating");else{Ee.emit("generate_msg",{prompt:t});let n=0;this.discussionArr.length>0&&(n=Number(this.discussionArr[this.discussionArr.length-1].id)+1);let s={message:t,id:n,rank:0,user:this.$store.state.config.user_name,created_at:new Date().toLocaleString(),sender:this.$store.state.config.user_name,message_type:this.msgTypes.MSG_TYPE_FULL,sender_type:this.senderTypes.SENDER_TYPES_USER,content:t,id:n,parent_id:n,binding:"",model:"",personality:"",created_at:new Date().toLocaleString(),finished_generating_at:new Date().toLocaleString(),rank:0,steps:[],parameters:null,metadata:[]};this.createUserMsg(s)}}).catch(e=>{console.log("Error: Could not get generation status",e)})},notify(t){self.isGenerating=!1,this.setDiscussionLoading(this.currentDiscussion.id,this.isGenerating),be(()=>{const e=document.getElementById("messages-list");this.scrollBottom(e)}),this.$refs.toast.showToast(t.content,5,t.status),this.chime.play()},streamMessageContent(t){const e=t.discussion_id;if(this.setDiscussionLoading(e,!0),this.currentDiscussion.id==e){this.isGenerating=!0;const n=this.discussionArr.findIndex(o=>o.id==t.id),s=this.discussionArr[n];if(s&&(t.message_type==this.msgTypes.MSG_TYPE_FULL||t.message_type==this.msgTypes.MSG_TYPE_FULL_INVISIBLE_TO_AI))s.content=t.content,s.finished_generating_at=t.finished_generating_at;else if(s&&t.message_type==this.msgTypes.MSG_TYPE_CHUNK)s.content+=t.content;else if(t.message_type==this.msgTypes.MSG_TYPE_STEP_START)s.steps.push({message:t.content,done:!1,status:!0});else if(t.message_type==this.msgTypes.MSG_TYPE_STEP_END){const o=s.steps.find(r=>r.message===t.content);if(o){o.done=!0;try{console.log(t.parameters);const r=t.parameters;o.status=r.status,console.log(r)}catch(r){console.error("Error parsing JSON:",r.message)}}}else t.message_type==this.msgTypes.MSG_TYPE_JSON_INFOS?(console.log("JSON message"),console.log(t.metadata),s.metadata=t.metadata):t.message_type==this.msgTypes.MSG_TYPE_EXCEPTION&&this.$refs.toast.showToast(t.content,5,!1)}this.$nextTick(()=>{ve.replace()})},async changeTitleUsingUserMSG(t,e){const n=this.list.findIndex(o=>o.id==t),s=this.list[n];e&&(s.title=e,this.tempList=this.list,await this.edit_title(t,e))},async createNewDiscussion(){this.new_discussion(null)},loadLastUsedDiscussion(){console.log("Loading last discussion");const t=localStorage.getItem("selected_discussion");if(console.log("Last discussion id: ",t),t){const e=this.list.findIndex(s=>s.id==t),n=this.list[e];n&&this.selectDiscussion(n)}},async deleteDiscussion(t){await this.delete_discussion(t),this.currentDiscussion.id==t&&(this.currentDiscussion={},this.discussionArr=[],this.setPageTitle()),this.list.splice(this.list.findIndex(e=>e.id==t),1),this.createDiscussionList(this.list)},async deleteDiscussionMulti(){const t=this.selectedDiscussions;for(let e=0;es.id==n.id),1)}this.tempList=this.list,this.isCheckbox=!1,this.$refs.toast.showToast("Removed ("+t.length+") items",4,!0),this.showConfirmation=!1,console.log("Multi delete done")},async deleteMessage(t){await this.delete_message(t).then(()=>{this.discussionArr.splice(this.discussionArr.findIndex(e=>e.id==t),1)}).catch(()=>{this.$refs.toast.showToast("Could not remove message",4,!1),console.log("Error: Could not delete message")})},async editTitle(t){const e=this.list.findIndex(s=>s.id==t.id),n=this.list[e];n.title=t.title,n.loading=!0,await this.edit_title(t.id,t.title),n.loading=!1},checkUncheckDiscussion(t,e){const n=this.list.findIndex(o=>o.id==e),s=this.list[n];s.checkBoxValue=t.target.checked,this.tempList=this.list},selectAllDiscussions(){this.isSelectAll=!this.tempList.filter(t=>t.checkBoxValue==!1).length>0;for(let t=0;t({id:n.id,title:n.title,selected:!1,loading:!1,checkBoxValue:!1})).sort(function(n,s){return s.id-n.id});this.list=e,this.tempList=e,console.log("List created")}},setDiscussionLoading(t,e){const n=this.list.findIndex(o=>o.id==t),s=this.list[n];s.loading=e},setPageTitle(t){if(t)if(t.id){const e=t.title?t.title==="untitled"?"New discussion":t.title:"New discussion";document.title="LoLLMS WebUI - "+e}else{const e=t||"Welcome";document.title="LoLLMS WebUI - "+e}else{const e=t||"Welcome";document.title="LoLLMS WebUI - "+e}},async rankUpMessage(t){await this.message_rank_up(t).then(e=>{const n=this.discussionArr[this.discussionArr.findIndex(s=>s.id==t)];n.rank=e.new_rank}).catch(()=>{this.$refs.toast.showToast("Could not rank up message",4,!1),console.log("Error: Could not rank up message")})},async rankDownMessage(t){await this.message_rank_down(t).then(e=>{const n=this.discussionArr[this.discussionArr.findIndex(s=>s.id==t)];n.rank=e.new_rank}).catch(()=>{this.$refs.toast.showToast("Could not rank down message",4,!1),console.log("Error: Could not rank down message")})},async updateMessage(t,e){await this.edit_message(t,e).then(()=>{const n=this.discussionArr[this.discussionArr.findIndex(s=>s.id==t)];n.content=e}).catch(()=>{this.$refs.toast.showToast("Could not update message",4,!1),console.log("Error: Could not update message")})},resendMessage(t,e){be(()=>{ve.replace()}),this.isGenerating=!0,this.setDiscussionLoading(this.currentDiscussion.id,this.isGenerating),ye.get("/get_generation_status",{}).then(n=>{n&&(console.log("--------------------"),console.log(t),n.data.status?console.log("Already generating"):(console.log("generate_msg_from"),Ee.emit("generate_msg_from",{prompt:e,id:t})))}).catch(n=>{console.log("Error: Could not get generation status",n)})},continueMessage(t,e){be(()=>{ve.replace()}),this.isGenerating=!0,this.setDiscussionLoading(this.currentDiscussion.id,this.isGenerating),ye.get("/get_generation_status",{}).then(n=>{n&&(console.log(n),n.data.status?console.log("Already generating"):Ee.emit("continue_generate_msg_from",{prompt:e,id:t}))}).catch(n=>{console.log("Error: Could not get generation status",n)})},stopGenerating(){this.stop_gen(),this.isGenerating=!1,this.setDiscussionLoading(this.currentDiscussion.id,this.isGenerating),console.log("Stopped generating"),be(()=>{const t=document.getElementById("messages-list");this.scrollBottom(t)})},finalMsgEvent(t){console.log("final",t),t.parent_id;const e=t.discussion_id;if(this.currentDiscussion.id==e){const n=this.discussionArr.findIndex(s=>s.id==t.id);this.discussionArr[n].content=t.content,this.discussionArr[n].finished_generating_at=t.finished_generating_at}be(()=>{const n=document.getElementById("messages-list");this.scrollBottom(n)}),this.isGenerating=!1,this.setDiscussionLoading(this.currentDiscussion.id,this.isGenerating),this.chime.play()},copyToClipBoard(t){this.$refs.toast.showToast("Copied to clipboard successfully",4,!0);let e="";t.message.binding&&(e=`Binding: ${t.message.binding}`);let n="";t.message.personality&&(n=` + `,544),[[Ie,o.message]]),d("input",{type:"file",ref:"fileDialog",style:{display:"none"},onChange:e[5]||(e[5]=(...c)=>r.addFiles&&r.addFiles(...c)),multiple:""},null,544),d("button",{type:"button",onClick:e[6]||(e[6]=le(c=>t.$refs.fileDialog.click(),["stop"])),title:"Add files",class:"absolute inset-y-0 right-0 flex items-center mr-2 w-6 hover:text-secondary duration-75 active:scale-90"},Dqe)]),d("div",Lqe,[d("button",{type:"button",onClick:e[7]||(e[7]=(...c)=>r.startSpeechRecognition&&r.startSpeechRecognition(...c)),class:Me([{"text-red-500":o.isLesteningToVoice},"w-6 hover:text-secondary duration-75 active:scale-90 cursor-pointer"])},Pqe,2),n.loading?F("",!0):(k(),C("button",{key:0,type:"button",onClick:e[8]||(e[8]=(...c)=>r.submit&&r.submit(...c)),class:"w-6 hover:text-secondary duration-75 active:scale-90"},$qe)),n.loading?(k(),C("div",jqe,Uqe)):F("",!0)])])])])])])}const Hg=Ue(WUe,[["render",qqe],["__scopeId","data-v-55bd190c"]]),Hqe={name:"WelcomeComponent",setup(){return{}}},Vqe={class:"flex flex-col text-center"},Gqe=os('
Logo

Lord of Large Language Models

One tool to rule them all


Welcome

Please create a new discussion or select existing one to start

',1),Kqe=[Gqe];function Wqe(t,e,n,s,o,r){return k(),C("div",Vqe,Kqe)}const Vg=Ue(Hqe,[["render",Wqe]]);const Zqe={setup(){return{}},name:"DragDrop",emits:["panelLeave","panelDrop"],data(){return{fileList:[],show:!1,dropRelease:!1}},mounted(){be(()=>{ve.replace()})},methods:{async panelDrop(t){const e="getAsFileSystemHandle"in DataTransferItem.prototype,n="webkitGetAsEntry"in DataTransferItem.prototype;if(!e&&!n)return;const s=[...t.dataTransfer.items].filter(r=>r.kind==="file").map(r=>e?r.getAsFileSystemHandle():r.webkitGetAsEntry());let o=[];for await(const r of s)(r.kind==="directory"||r.isDirectory)&&o.push(r.name);this.dropRelease=!0,t.dataTransfer.files.length>0&&[...t.dataTransfer.files].forEach(r=>{o.includes(r.name)||this.fileList.push(r)}),be(()=>{ve.replace()}),this.$emit("panelDrop",this.fileList),this.fileList=[],this.show=!1},panelLeave(){this.$emit("panelLeave"),console.log("exit/leave"),this.dropRelease=!1,this.show=!1,be(()=>{ve.replace()})}}},Yqe={class:"text-4xl text-center"};function Jqe(t,e,n,s,o,r){return k(),st(Ut,{name:"list",tag:"div"},{default:De(()=>[o.show?(k(),C("div",{key:"dropmenu",class:"select-none text-slate-50 absolute top-0 left-0 right-0 bottom-0 flex flex-col items-center justify-center bg-black bg-opacity-50 duration-200 backdrop-blur-sm",onDragleave:e[0]||(e[0]=le(i=>r.panelLeave(i),["prevent"])),onDrop:e[1]||(e[1]=le(i=>r.panelDrop(i),["stop","prevent"]))},[d("div",{class:Me(["flex flex-col items-center justify-center p-8 rounded-lg shadow-lg border-dashed border-4 border-secondary w-4/5 h-4/5",o.dropRelease?"":"pointer-events-none"])},[d("div",Yqe,[xr(t.$slots,"default",{},()=>[xe(" Drop your files here ")])])],2)],32)):F("",!0)]),_:3})}const _l=Ue(Zqe,[["render",Jqe]]);var Qqe=function(){function t(e,n){n===void 0&&(n=[]),this._eventType=e,this._eventFunctions=n}return t.prototype.init=function(){var e=this;this._eventFunctions.forEach(function(n){typeof window<"u"&&window.addEventListener(e._eventType,n)})},t}(),Nr=globalThis&&globalThis.__assign||function(){return Nr=Object.assign||function(t){for(var e,n=1,s=arguments.length;n"u")return!1;var e=vt(t).ShadowRoot;return t instanceof e||t instanceof ShadowRoot}function uHe(t){var e=t.state;Object.keys(e.elements).forEach(function(n){var s=e.styles[n]||{},o=e.attributes[n]||{},r=e.elements[n];!Tt(r)||!Jt(r)||(Object.assign(r.style,s),Object.keys(o).forEach(function(i){var a=o[i];a===!1?r.removeAttribute(i):r.setAttribute(i,a===!0?"":a)}))})}function hHe(t){var e=t.state,n={popper:{position:e.options.strategy,left:"0",top:"0",margin:"0"},arrow:{position:"absolute"},reference:{}};return Object.assign(e.elements.popper.style,n.popper),e.styles=n,e.elements.arrow&&Object.assign(e.elements.arrow.style,n.arrow),function(){Object.keys(e.elements).forEach(function(s){var o=e.elements[s],r=e.attributes[s]||{},i=Object.keys(e.styles.hasOwnProperty(s)?e.styles[s]:n[s]),a=i.reduce(function(l,c){return l[c]="",l},{});!Tt(o)||!Jt(o)||(Object.assign(o.style,a),Object.keys(r).forEach(function(l){o.removeAttribute(l)}))})}}const fHe={name:"applyStyles",enabled:!0,phase:"write",fn:uHe,effect:hHe,requires:["computeStyles"]};function Wt(t){return t.split("-")[0]}var Jn=Math.max,Pr=Math.min,Ps=Math.round;function bl(){var t=navigator.userAgentData;return t!=null&&t.brands&&Array.isArray(t.brands)?t.brands.map(function(e){return e.brand+"/"+e.version}).join(" "):navigator.userAgent}function nm(){return!/^((?!chrome|android).)*safari/i.test(bl())}function Fs(t,e,n){e===void 0&&(e=!1),n===void 0&&(n=!1);var s=t.getBoundingClientRect(),o=1,r=1;e&&Tt(t)&&(o=t.offsetWidth>0&&Ps(s.width)/t.offsetWidth||1,r=t.offsetHeight>0&&Ps(s.height)/t.offsetHeight||1);var i=es(t)?vt(t):window,a=i.visualViewport,l=!nm()&&n,c=(s.left+(l&&a?a.offsetLeft:0))/o,u=(s.top+(l&&a?a.offsetTop:0))/r,h=s.width/o,f=s.height/r;return{width:h,height:f,top:u,right:c+h,bottom:u+f,left:c,x:c,y:u}}function Cc(t){var e=Fs(t),n=t.offsetWidth,s=t.offsetHeight;return Math.abs(e.width-n)<=1&&(n=e.width),Math.abs(e.height-s)<=1&&(s=e.height),{x:t.offsetLeft,y:t.offsetTop,width:n,height:s}}function sm(t,e){var n=e.getRootNode&&e.getRootNode();if(t.contains(e))return!0;if(n&&Ec(n)){var s=e;do{if(s&&t.isSameNode(s))return!0;s=s.parentNode||s.host}while(s)}return!1}function dn(t){return vt(t).getComputedStyle(t)}function pHe(t){return["table","td","th"].indexOf(Jt(t))>=0}function Dn(t){return((es(t)?t.ownerDocument:t.document)||window.document).documentElement}function wi(t){return Jt(t)==="html"?t:t.assignedSlot||t.parentNode||(Ec(t)?t.host:null)||Dn(t)}function Nh(t){return!Tt(t)||dn(t).position==="fixed"?null:t.offsetParent}function gHe(t){var e=/firefox/i.test(bl()),n=/Trident/i.test(bl());if(n&&Tt(t)){var s=dn(t);if(s.position==="fixed")return null}var o=wi(t);for(Ec(o)&&(o=o.host);Tt(o)&&["html","body"].indexOf(Jt(o))<0;){var r=dn(o);if(r.transform!=="none"||r.perspective!=="none"||r.contain==="paint"||["transform","perspective"].indexOf(r.willChange)!==-1||e&&r.willChange==="filter"||e&&r.filter&&r.filter!=="none")return o;o=o.parentNode}return null}function jo(t){for(var e=vt(t),n=Nh(t);n&&pHe(n)&&dn(n).position==="static";)n=Nh(n);return n&&(Jt(n)==="html"||Jt(n)==="body"&&dn(n).position==="static")?e:n||gHe(t)||e}function Ac(t){return["top","bottom"].indexOf(t)>=0?"x":"y"}function ho(t,e,n){return Jn(t,Pr(e,n))}function mHe(t,e,n){var s=ho(t,e,n);return s>n?n:s}function om(){return{top:0,right:0,bottom:0,left:0}}function rm(t){return Object.assign({},om(),t)}function im(t,e){return e.reduce(function(n,s){return n[s]=t,n},{})}var _He=function(e,n){return e=typeof e=="function"?e(Object.assign({},n.rects,{placement:n.placement})):e,rm(typeof e!="number"?e:im(e,$o))};function bHe(t){var e,n=t.state,s=t.name,o=t.options,r=n.elements.arrow,i=n.modifiersData.popperOffsets,a=Wt(n.placement),l=Ac(a),c=[gt,Rt].indexOf(a)>=0,u=c?"height":"width";if(!(!r||!i)){var h=_He(o.padding,n),f=Cc(r),g=l==="y"?pt:gt,m=l==="y"?Ot:Rt,p=n.rects.reference[u]+n.rects.reference[l]-i[l]-n.rects.popper[u],b=i[l]-n.rects.reference[l],_=jo(r),y=_?l==="y"?_.clientHeight||0:_.clientWidth||0:0,x=p/2-b/2,S=h[g],R=y-f[u]-h[m],O=y/2-f[u]/2+x,D=ho(S,O,R),v=l;n.modifiersData[s]=(e={},e[v]=D,e.centerOffset=D-O,e)}}function yHe(t){var e=t.state,n=t.options,s=n.element,o=s===void 0?"[data-popper-arrow]":s;o!=null&&(typeof o=="string"&&(o=e.elements.popper.querySelector(o),!o)||sm(e.elements.popper,o)&&(e.elements.arrow=o))}const vHe={name:"arrow",enabled:!0,phase:"main",fn:bHe,effect:yHe,requires:["popperOffsets"],requiresIfExists:["preventOverflow"]};function Bs(t){return t.split("-")[1]}var wHe={top:"auto",right:"auto",bottom:"auto",left:"auto"};function xHe(t,e){var n=t.x,s=t.y,o=e.devicePixelRatio||1;return{x:Ps(n*o)/o||0,y:Ps(s*o)/o||0}}function Dh(t){var e,n=t.popper,s=t.popperRect,o=t.placement,r=t.variation,i=t.offsets,a=t.position,l=t.gpuAcceleration,c=t.adaptive,u=t.roundOffsets,h=t.isFixed,f=i.x,g=f===void 0?0:f,m=i.y,p=m===void 0?0:m,b=typeof u=="function"?u({x:g,y:p}):{x:g,y:p};g=b.x,p=b.y;var _=i.hasOwnProperty("x"),y=i.hasOwnProperty("y"),x=gt,S=pt,R=window;if(c){var O=jo(n),D="clientHeight",v="clientWidth";if(O===vt(n)&&(O=Dn(n),dn(O).position!=="static"&&a==="absolute"&&(D="scrollHeight",v="scrollWidth")),O=O,o===pt||(o===gt||o===Rt)&&r===Oo){S=Ot;var E=h&&O===R&&R.visualViewport?R.visualViewport.height:O[D];p-=E-s.height,p*=l?1:-1}if(o===gt||(o===pt||o===Ot)&&r===Oo){x=Rt;var M=h&&O===R&&R.visualViewport?R.visualViewport.width:O[v];g-=M-s.width,g*=l?1:-1}}var L=Object.assign({position:a},c&&wHe),B=u===!0?xHe({x:g,y:p},vt(n)):{x:g,y:p};if(g=B.x,p=B.y,l){var J;return Object.assign({},L,(J={},J[S]=y?"0":"",J[x]=_?"0":"",J.transform=(R.devicePixelRatio||1)<=1?"translate("+g+"px, "+p+"px)":"translate3d("+g+"px, "+p+"px, 0)",J))}return Object.assign({},L,(e={},e[S]=y?p+"px":"",e[x]=_?g+"px":"",e.transform="",e))}function kHe(t){var e=t.state,n=t.options,s=n.gpuAcceleration,o=s===void 0?!0:s,r=n.adaptive,i=r===void 0?!0:r,a=n.roundOffsets,l=a===void 0?!0:a,c={placement:Wt(e.placement),variation:Bs(e.placement),popper:e.elements.popper,popperRect:e.rects.popper,gpuAcceleration:o,isFixed:e.options.strategy==="fixed"};e.modifiersData.popperOffsets!=null&&(e.styles.popper=Object.assign({},e.styles.popper,Dh(Object.assign({},c,{offsets:e.modifiersData.popperOffsets,position:e.options.strategy,adaptive:i,roundOffsets:l})))),e.modifiersData.arrow!=null&&(e.styles.arrow=Object.assign({},e.styles.arrow,Dh(Object.assign({},c,{offsets:e.modifiersData.arrow,position:"absolute",adaptive:!1,roundOffsets:l})))),e.attributes.popper=Object.assign({},e.attributes.popper,{"data-popper-placement":e.placement})}const EHe={name:"computeStyles",enabled:!0,phase:"beforeWrite",fn:kHe,data:{}};var Xo={passive:!0};function CHe(t){var e=t.state,n=t.instance,s=t.options,o=s.scroll,r=o===void 0?!0:o,i=s.resize,a=i===void 0?!0:i,l=vt(e.elements.popper),c=[].concat(e.scrollParents.reference,e.scrollParents.popper);return r&&c.forEach(function(u){u.addEventListener("scroll",n.update,Xo)}),a&&l.addEventListener("resize",n.update,Xo),function(){r&&c.forEach(function(u){u.removeEventListener("scroll",n.update,Xo)}),a&&l.removeEventListener("resize",n.update,Xo)}}const AHe={name:"eventListeners",enabled:!0,phase:"write",fn:function(){},effect:CHe,data:{}};var SHe={left:"right",right:"left",bottom:"top",top:"bottom"};function _r(t){return t.replace(/left|right|bottom|top/g,function(e){return SHe[e]})}var THe={start:"end",end:"start"};function Lh(t){return t.replace(/start|end/g,function(e){return THe[e]})}function Sc(t){var e=vt(t),n=e.pageXOffset,s=e.pageYOffset;return{scrollLeft:n,scrollTop:s}}function Tc(t){return Fs(Dn(t)).left+Sc(t).scrollLeft}function MHe(t,e){var n=vt(t),s=Dn(t),o=n.visualViewport,r=s.clientWidth,i=s.clientHeight,a=0,l=0;if(o){r=o.width,i=o.height;var c=nm();(c||!c&&e==="fixed")&&(a=o.offsetLeft,l=o.offsetTop)}return{width:r,height:i,x:a+Tc(t),y:l}}function OHe(t){var e,n=Dn(t),s=Sc(t),o=(e=t.ownerDocument)==null?void 0:e.body,r=Jn(n.scrollWidth,n.clientWidth,o?o.scrollWidth:0,o?o.clientWidth:0),i=Jn(n.scrollHeight,n.clientHeight,o?o.scrollHeight:0,o?o.clientHeight:0),a=-s.scrollLeft+Tc(t),l=-s.scrollTop;return dn(o||n).direction==="rtl"&&(a+=Jn(n.clientWidth,o?o.clientWidth:0)-r),{width:r,height:i,x:a,y:l}}function Mc(t){var e=dn(t),n=e.overflow,s=e.overflowX,o=e.overflowY;return/auto|scroll|overlay|hidden/.test(n+o+s)}function am(t){return["html","body","#document"].indexOf(Jt(t))>=0?t.ownerDocument.body:Tt(t)&&Mc(t)?t:am(wi(t))}function fo(t,e){var n;e===void 0&&(e=[]);var s=am(t),o=s===((n=t.ownerDocument)==null?void 0:n.body),r=vt(s),i=o?[r].concat(r.visualViewport||[],Mc(s)?s:[]):s,a=e.concat(i);return o?a:a.concat(fo(wi(i)))}function yl(t){return Object.assign({},t,{left:t.x,top:t.y,right:t.x+t.width,bottom:t.y+t.height})}function RHe(t,e){var n=Fs(t,!1,e==="fixed");return n.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}function Ih(t,e,n){return e===em?yl(MHe(t,n)):es(e)?RHe(e,n):yl(OHe(Dn(t)))}function NHe(t){var e=fo(wi(t)),n=["absolute","fixed"].indexOf(dn(t).position)>=0,s=n&&Tt(t)?jo(t):t;return es(s)?e.filter(function(o){return es(o)&&sm(o,s)&&Jt(o)!=="body"}):[]}function DHe(t,e,n,s){var o=e==="clippingParents"?NHe(t):[].concat(e),r=[].concat(o,[n]),i=r[0],a=r.reduce(function(l,c){var u=Ih(t,c,s);return l.top=Jn(u.top,l.top),l.right=Pr(u.right,l.right),l.bottom=Pr(u.bottom,l.bottom),l.left=Jn(u.left,l.left),l},Ih(t,i,s));return a.width=a.right-a.left,a.height=a.bottom-a.top,a.x=a.left,a.y=a.top,a}function lm(t){var e=t.reference,n=t.element,s=t.placement,o=s?Wt(s):null,r=s?Bs(s):null,i=e.x+e.width/2-n.width/2,a=e.y+e.height/2-n.height/2,l;switch(o){case pt:l={x:i,y:e.y-n.height};break;case Ot:l={x:i,y:e.y+e.height};break;case Rt:l={x:e.x+e.width,y:a};break;case gt:l={x:e.x-n.width,y:a};break;default:l={x:e.x,y:e.y}}var c=o?Ac(o):null;if(c!=null){var u=c==="y"?"height":"width";switch(r){case Is:l[c]=l[c]-(e[u]/2-n[u]/2);break;case Oo:l[c]=l[c]+(e[u]/2-n[u]/2);break}}return l}function Ro(t,e){e===void 0&&(e={});var n=e,s=n.placement,o=s===void 0?t.placement:s,r=n.strategy,i=r===void 0?t.strategy:r,a=n.boundary,l=a===void 0?Xqe:a,c=n.rootBoundary,u=c===void 0?em:c,h=n.elementContext,f=h===void 0?to:h,g=n.altBoundary,m=g===void 0?!1:g,p=n.padding,b=p===void 0?0:p,_=rm(typeof b!="number"?b:im(b,$o)),y=f===to?eHe:to,x=t.rects.popper,S=t.elements[m?y:f],R=DHe(es(S)?S:S.contextElement||Dn(t.elements.popper),l,u,i),O=Fs(t.elements.reference),D=lm({reference:O,element:x,strategy:"absolute",placement:o}),v=yl(Object.assign({},x,D)),E=f===to?v:O,M={top:R.top-E.top+_.top,bottom:E.bottom-R.bottom+_.bottom,left:R.left-E.left+_.left,right:E.right-R.right+_.right},L=t.modifiersData.offset;if(f===to&&L){var B=L[o];Object.keys(M).forEach(function(J){var I=[Rt,Ot].indexOf(J)>=0?1:-1,ae=[pt,Ot].indexOf(J)>=0?"y":"x";M[J]+=B[ae]*I})}return M}function LHe(t,e){e===void 0&&(e={});var n=e,s=n.placement,o=n.boundary,r=n.rootBoundary,i=n.padding,a=n.flipVariations,l=n.allowedAutoPlacements,c=l===void 0?tm:l,u=Bs(s),h=u?a?Rh:Rh.filter(function(m){return Bs(m)===u}):$o,f=h.filter(function(m){return c.indexOf(m)>=0});f.length===0&&(f=h);var g=f.reduce(function(m,p){return m[p]=Ro(t,{placement:p,boundary:o,rootBoundary:r,padding:i})[Wt(p)],m},{});return Object.keys(g).sort(function(m,p){return g[m]-g[p]})}function IHe(t){if(Wt(t)===kc)return[];var e=_r(t);return[Lh(t),e,Lh(e)]}function PHe(t){var e=t.state,n=t.options,s=t.name;if(!e.modifiersData[s]._skip){for(var o=n.mainAxis,r=o===void 0?!0:o,i=n.altAxis,a=i===void 0?!0:i,l=n.fallbackPlacements,c=n.padding,u=n.boundary,h=n.rootBoundary,f=n.altBoundary,g=n.flipVariations,m=g===void 0?!0:g,p=n.allowedAutoPlacements,b=e.options.placement,_=Wt(b),y=_===b,x=l||(y||!m?[_r(b)]:IHe(b)),S=[b].concat(x).reduce(function(Se,N){return Se.concat(Wt(N)===kc?LHe(e,{placement:N,boundary:u,rootBoundary:h,padding:c,flipVariations:m,allowedAutoPlacements:p}):N)},[]),R=e.rects.reference,O=e.rects.popper,D=new Map,v=!0,E=S[0],M=0;M=0,ae=I?"width":"height",Z=Ro(e,{placement:L,boundary:u,rootBoundary:h,altBoundary:f,padding:c}),T=I?J?Rt:gt:J?Ot:pt;R[ae]>O[ae]&&(T=_r(T));var q=_r(T),G=[];if(r&&G.push(Z[B]<=0),a&&G.push(Z[T]<=0,Z[q]<=0),G.every(function(Se){return Se})){E=L,v=!1;break}D.set(L,G)}if(v)for(var we=m?3:1,_e=function(N){var Q=S.find(function(V){var te=D.get(V);if(te)return te.slice(0,N).every(function(X){return X})});if(Q)return E=Q,"break"},ee=we;ee>0;ee--){var ke=_e(ee);if(ke==="break")break}e.placement!==E&&(e.modifiersData[s]._skip=!0,e.placement=E,e.reset=!0)}}const FHe={name:"flip",enabled:!0,phase:"main",fn:PHe,requiresIfExists:["offset"],data:{_skip:!1}};function Ph(t,e,n){return n===void 0&&(n={x:0,y:0}),{top:t.top-e.height-n.y,right:t.right-e.width+n.x,bottom:t.bottom-e.height+n.y,left:t.left-e.width-n.x}}function Fh(t){return[pt,Rt,Ot,gt].some(function(e){return t[e]>=0})}function BHe(t){var e=t.state,n=t.name,s=e.rects.reference,o=e.rects.popper,r=e.modifiersData.preventOverflow,i=Ro(e,{elementContext:"reference"}),a=Ro(e,{altBoundary:!0}),l=Ph(i,s),c=Ph(a,o,r),u=Fh(l),h=Fh(c);e.modifiersData[n]={referenceClippingOffsets:l,popperEscapeOffsets:c,isReferenceHidden:u,hasPopperEscaped:h},e.attributes.popper=Object.assign({},e.attributes.popper,{"data-popper-reference-hidden":u,"data-popper-escaped":h})}const $He={name:"hide",enabled:!0,phase:"main",requiresIfExists:["preventOverflow"],fn:BHe};function jHe(t,e,n){var s=Wt(t),o=[gt,pt].indexOf(s)>=0?-1:1,r=typeof n=="function"?n(Object.assign({},e,{placement:t})):n,i=r[0],a=r[1];return i=i||0,a=(a||0)*o,[gt,Rt].indexOf(s)>=0?{x:a,y:i}:{x:i,y:a}}function zHe(t){var e=t.state,n=t.options,s=t.name,o=n.offset,r=o===void 0?[0,0]:o,i=tm.reduce(function(u,h){return u[h]=jHe(h,e.rects,r),u},{}),a=i[e.placement],l=a.x,c=a.y;e.modifiersData.popperOffsets!=null&&(e.modifiersData.popperOffsets.x+=l,e.modifiersData.popperOffsets.y+=c),e.modifiersData[s]=i}const UHe={name:"offset",enabled:!0,phase:"main",requires:["popperOffsets"],fn:zHe};function qHe(t){var e=t.state,n=t.name;e.modifiersData[n]=lm({reference:e.rects.reference,element:e.rects.popper,strategy:"absolute",placement:e.placement})}const HHe={name:"popperOffsets",enabled:!0,phase:"read",fn:qHe,data:{}};function VHe(t){return t==="x"?"y":"x"}function GHe(t){var e=t.state,n=t.options,s=t.name,o=n.mainAxis,r=o===void 0?!0:o,i=n.altAxis,a=i===void 0?!1:i,l=n.boundary,c=n.rootBoundary,u=n.altBoundary,h=n.padding,f=n.tether,g=f===void 0?!0:f,m=n.tetherOffset,p=m===void 0?0:m,b=Ro(e,{boundary:l,rootBoundary:c,padding:h,altBoundary:u}),_=Wt(e.placement),y=Bs(e.placement),x=!y,S=Ac(_),R=VHe(S),O=e.modifiersData.popperOffsets,D=e.rects.reference,v=e.rects.popper,E=typeof p=="function"?p(Object.assign({},e.rects,{placement:e.placement})):p,M=typeof E=="number"?{mainAxis:E,altAxis:E}:Object.assign({mainAxis:0,altAxis:0},E),L=e.modifiersData.offset?e.modifiersData.offset[e.placement]:null,B={x:0,y:0};if(O){if(r){var J,I=S==="y"?pt:gt,ae=S==="y"?Ot:Rt,Z=S==="y"?"height":"width",T=O[S],q=T+b[I],G=T-b[ae],we=g?-v[Z]/2:0,_e=y===Is?D[Z]:v[Z],ee=y===Is?-v[Z]:-D[Z],ke=e.elements.arrow,Se=g&&ke?Cc(ke):{width:0,height:0},N=e.modifiersData["arrow#persistent"]?e.modifiersData["arrow#persistent"].padding:om(),Q=N[I],V=N[ae],te=ho(0,D[Z],Se[Z]),X=x?D[Z]/2-we-te-Q-M.mainAxis:_e-te-Q-M.mainAxis,ge=x?-D[Z]/2+we+te+V+M.mainAxis:ee+te+V+M.mainAxis,de=e.elements.arrow&&jo(e.elements.arrow),w=de?S==="y"?de.clientTop||0:de.clientLeft||0:0,A=(J=L==null?void 0:L[S])!=null?J:0,P=T+X-A-w,$=T+ge-A,j=ho(g?Pr(q,P):q,T,g?Jn(G,$):G);O[S]=j,B[S]=j-T}if(a){var ne,re=S==="x"?pt:gt,z=S==="x"?Ot:Rt,se=O[R],U=R==="y"?"height":"width",Y=se+b[re],ie=se-b[z],pe=[pt,gt].indexOf(_)!==-1,ue=(ne=L==null?void 0:L[R])!=null?ne:0,Ce=pe?Y:se-D[U]-v[U]-ue+M.altAxis,W=pe?se+D[U]+v[U]-ue-M.altAxis:ie,oe=g&&pe?mHe(Ce,se,W):ho(g?Ce:Y,se,g?W:ie);O[R]=oe,B[R]=oe-se}e.modifiersData[s]=B}}const KHe={name:"preventOverflow",enabled:!0,phase:"main",fn:GHe,requiresIfExists:["offset"]};function WHe(t){return{scrollLeft:t.scrollLeft,scrollTop:t.scrollTop}}function ZHe(t){return t===vt(t)||!Tt(t)?Sc(t):WHe(t)}function YHe(t){var e=t.getBoundingClientRect(),n=Ps(e.width)/t.offsetWidth||1,s=Ps(e.height)/t.offsetHeight||1;return n!==1||s!==1}function JHe(t,e,n){n===void 0&&(n=!1);var s=Tt(e),o=Tt(e)&&YHe(e),r=Dn(e),i=Fs(t,o,n),a={scrollLeft:0,scrollTop:0},l={x:0,y:0};return(s||!s&&!n)&&((Jt(e)!=="body"||Mc(r))&&(a=ZHe(e)),Tt(e)?(l=Fs(e,!0),l.x+=e.clientLeft,l.y+=e.clientTop):r&&(l.x=Tc(r))),{x:i.left+a.scrollLeft-l.x,y:i.top+a.scrollTop-l.y,width:i.width,height:i.height}}function QHe(t){var e=new Map,n=new Set,s=[];t.forEach(function(r){e.set(r.name,r)});function o(r){n.add(r.name);var i=[].concat(r.requires||[],r.requiresIfExists||[]);i.forEach(function(a){if(!n.has(a)){var l=e.get(a);l&&o(l)}}),s.push(r)}return t.forEach(function(r){n.has(r.name)||o(r)}),s}function XHe(t){var e=QHe(t);return dHe.reduce(function(n,s){return n.concat(e.filter(function(o){return o.phase===s}))},[])}function eVe(t){var e;return function(){return e||(e=new Promise(function(n){Promise.resolve().then(function(){e=void 0,n(t())})})),e}}function tVe(t){var e=t.reduce(function(n,s){var o=n[s.name];return n[s.name]=o?Object.assign({},o,s,{options:Object.assign({},o.options,s.options),data:Object.assign({},o.data,s.data)}):s,n},{});return Object.keys(e).map(function(n){return e[n]})}var Bh={placement:"bottom",modifiers:[],strategy:"absolute"};function $h(){for(var t=arguments.length,e=new Array(t),n=0;n(ns("data-v-7e498efe"),t=t(),ss(),t),iVe={key:0,class:"fixed top-0 left-0 w-screen h-screen flex items-center justify-center"},aVe={class:"flex flex-col text-center"},lVe={class:"flex flex-col text-center items-center"},cVe={class:"flex items-center gap-3 text-5xl drop-shadow-md align-middle pt-24"},dVe=Ke(()=>d("img",{class:"w-24 animate-bounce",title:"LoLLMS WebUI",src:nc,alt:"Logo"},null,-1)),uVe={class:"flex flex-col items-start"},hVe={class:"text-2xl"},fVe=Ke(()=>d("p",{class:"text-gray-400 text-base"},"One tool to rule them all",-1)),pVe=Ke(()=>d("hr",{class:"mt-1 w-96 h-1 mx-auto my-2 md:my-2 dark:bg-bg-dark-tone-panel bg-bg-light-tone-panel border-0 rounded"},null,-1)),gVe=Ke(()=>d("p",{class:"text-2xl"},"Welcome",-1)),mVe=Ke(()=>d("svg",{"aria-hidden":"true",class:"w-6 h-6 animate-spin fill-secondary",viewBox:"0 0 100 101",fill:"none",xmlns:"http://www.w3.org/2000/svg"},[d("path",{d:"M100 50.5908C100 78.2051 77.6142 100.591 50 100.591C22.3858 100.591 0 78.2051 0 50.5908C0 22.9766 22.3858 0.59082 50 0.59082C77.6142 0.59082 100 22.9766 100 50.5908ZM9.08144 50.5908C9.08144 73.1895 27.4013 91.5094 50 91.5094C72.5987 91.5094 90.9186 73.1895 90.9186 50.5908C90.9186 27.9921 72.5987 9.67226 50 9.67226C27.4013 9.67226 9.08144 27.9921 9.08144 50.5908Z",fill:"currentColor"}),d("path",{d:"M93.9676 39.0409C96.393 38.4038 97.8624 35.9116 97.0079 33.5539C95.2932 28.8227 92.871 24.3692 89.8167 20.348C85.8452 15.1192 80.8826 10.7238 75.2124 7.41289C69.5422 4.10194 63.2754 1.94025 56.7698 1.05124C51.7666 0.367541 46.6976 0.446843 41.7345 1.27873C39.2613 1.69328 37.813 4.19778 38.4501 6.62326C39.0873 9.04874 41.5694 10.4717 44.0505 10.1071C47.8511 9.54855 51.7191 9.52689 55.5402 10.0491C60.8642 10.7766 65.9928 12.5457 70.6331 15.2552C75.2735 17.9648 79.3347 21.5619 82.5849 25.841C84.9175 28.9121 86.7997 32.2913 88.1811 35.8758C89.083 38.2158 91.5421 39.6781 93.9676 39.0409Z",fill:"currentFill"})],-1)),_Ve=Ke(()=>d("span",{class:"text-2xl font-bold ml-4"},"Loading ...",-1)),bVe=Ke(()=>d("i",{"data-feather":"chevron-right"},null,-1)),yVe=[bVe],vVe=Ke(()=>d("i",{"data-feather":"chevron-left"},null,-1)),wVe=[vVe],xVe={key:0,class:"relative flex flex-col no-scrollbar shadow-lg min-w-[24rem] max-w-[24rem] bg-bg-light-tone dark:bg-bg-dark-tone"},kVe={class:"sticky z-10 top-0 bg-bg-light-tone dark:bg-bg-dark-tone shadow-md"},EVe={class:"flex-row p-4 flex items-center gap-3 flex-0"},CVe=Ke(()=>d("i",{"data-feather":"plus"},null,-1)),AVe=[CVe],SVe=Ke(()=>d("i",{"data-feather":"check-square"},null,-1)),TVe=[SVe],MVe=Ke(()=>d("button",{class:"text-2xl hover:text-secondary duration-75 active:scale-90",title:"Reset database, remove all discussions"},[d("i",{"data-feather":"refresh-ccw"})],-1)),OVe=Ke(()=>d("button",{class:"text-2xl hover:text-secondary duration-75 active:scale-90",title:"Export database",type:"button"},[d("i",{"data-feather":"database"})],-1)),RVe=Ke(()=>d("i",{"data-feather":"log-in"},null,-1)),NVe=[RVe],DVe={key:0,class:"dropdown"},LVe=Ke(()=>d("i",{"data-feather":"search"},null,-1)),IVe=[LVe],PVe=Ke(()=>d("i",{"data-feather":"save"},null,-1)),FVe=[PVe],BVe={key:2,class:"flex gap-3 flex-1 items-center duration-75"},$Ve=Ke(()=>d("i",{"data-feather":"x"},null,-1)),jVe=[$Ve],zVe=Ke(()=>d("i",{"data-feather":"check"},null,-1)),UVe=[zVe],qVe={key:3,title:"Loading..",class:"flex flex-row flex-grow justify-end"},HVe=Ke(()=>d("div",{role:"status"},[d("svg",{"aria-hidden":"true",class:"w-6 h-6 animate-spin fill-secondary",viewBox:"0 0 100 101",fill:"none",xmlns:"http://www.w3.org/2000/svg"},[d("path",{d:"M100 50.5908C100 78.2051 77.6142 100.591 50 100.591C22.3858 100.591 0 78.2051 0 50.5908C0 22.9766 22.3858 0.59082 50 0.59082C77.6142 0.59082 100 22.9766 100 50.5908ZM9.08144 50.5908C9.08144 73.1895 27.4013 91.5094 50 91.5094C72.5987 91.5094 90.9186 73.1895 90.9186 50.5908C90.9186 27.9921 72.5987 9.67226 50 9.67226C27.4013 9.67226 9.08144 27.9921 9.08144 50.5908Z",fill:"currentColor"}),d("path",{d:"M93.9676 39.0409C96.393 38.4038 97.8624 35.9116 97.0079 33.5539C95.2932 28.8227 92.871 24.3692 89.8167 20.348C85.8452 15.1192 80.8826 10.7238 75.2124 7.41289C69.5422 4.10194 63.2754 1.94025 56.7698 1.05124C51.7666 0.367541 46.6976 0.446843 41.7345 1.27873C39.2613 1.69328 37.813 4.19778 38.4501 6.62326C39.0873 9.04874 41.5694 10.4717 44.0505 10.1071C47.8511 9.54855 51.7191 9.52689 55.5402 10.0491C60.8642 10.7766 65.9928 12.5457 70.6331 15.2552C75.2735 17.9648 79.3347 21.5619 82.5849 25.841C84.9175 28.9121 86.7997 32.2913 88.1811 35.8758C89.083 38.2158 91.5421 39.6781 93.9676 39.0409Z",fill:"currentFill"})]),d("span",{class:"sr-only"},"Loading...")],-1)),VVe=[HVe],GVe={key:0,class:"flex-row items-center gap-3 flex-0 w-full"},KVe={class:"p-4 pt-2"},WVe={class:"relative"},ZVe=Ke(()=>d("div",{class:"absolute inset-y-0 left-0 flex items-center pl-3 pointer-events-none"},[d("div",{class:"scale-75"},[d("i",{"data-feather":"search"})])],-1)),YVe={class:"absolute inset-y-0 right-0 flex items-center pr-3"},JVe=Ke(()=>d("i",{"data-feather":"x"},null,-1)),QVe=[JVe],XVe={key:1,class:"h-px bg-bg-light p-0 mb-4 px-4 mx-4 border-0 dark:bg-bg-dark"},eGe={key:2,class:"flex flex-row flex-grow p-4 pt-0 items-center"},tGe={class:"flex flex-row flex-grow"},nGe={key:0},sGe={class:"flex flex-row"},oGe={key:0,class:"flex gap-3"},rGe=Ke(()=>d("i",{"data-feather":"trash"},null,-1)),iGe=[rGe],aGe={key:1,class:"flex gap-3 mx-3 flex-1 items-center justify-end group-hover:visible duration-75"},lGe=Ke(()=>d("i",{"data-feather":"check"},null,-1)),cGe=[lGe],dGe=Ke(()=>d("i",{"data-feather":"x"},null,-1)),uGe=[dGe],hGe={class:"flex gap-3"},fGe=Ke(()=>d("i",{"data-feather":"log-out"},null,-1)),pGe=[fGe],gGe=Ke(()=>d("i",{"data-feather":"list"},null,-1)),mGe=[gGe],_Ge={class:"z-5"},bGe={class:"relative flex flex-row flex-grow mb-10 z-0"},yGe={key:1,class:"gap-2 py-2 my-2 hover:shadow-md hover:bg-primary-light dark:hover:bg-primary rounded-md p-2 duration-75 group cursor-pointer"},vGe=Ke(()=>d("p",{class:"px-3"},"No discussions are found",-1)),wGe=[vGe],xGe=Ke(()=>d("div",{class:"sticky bottom-0 bg-gradient-to-t pointer-events-none from-bg-light-tone dark:from-bg-dark-tone flex flex-grow"},null,-1)),kGe={class:"z-20 h-max"},EGe={class:"container pt-4 pb-10 mb-28"},CGe=Ke(()=>d("div",{class:"absolute w-full bottom-0 bg-transparent p-10 pt-16 bg-gradient-to-t from-bg-light dark:from-bg-dark from-5% via-bg-light dark:via-bg-dark via-10% to-transparent to-100%"},null,-1)),AGe={key:0,class:"bottom-0 container flex flex-row items-center justify-center"},SGe={setup(){},data(){return{msgTypes:{MSG_TYPE_CHUNK:0,MSG_TYPE_FULL:1,MSG_TYPE_FULL_INVISIBLE_TO_AI:2,MSG_TYPE_FULL_INVISIBLE_TO_USER:3,MSG_TYPE_EXCEPTION:4,MSG_TYPE_WARNING:5,MSG_TYPE_INFO:6,MSG_TYPE_STEP:7,MSG_TYPE_STEP_START:8,MSG_TYPE_STEP_PROGRESS:9,MSG_TYPE_STEP_END:10,MSG_TYPE_JSON_INFOS:11,MSG_TYPE_REF:12,MSG_TYPE_CODE:13,MSG_TYPE_UI:14,MSG_TYPE_NEW_MESSAGE:15,MSG_TYPE_FINISHED_MESSAGE:17},senderTypes:{SENDER_TYPES_USER:0,SENDER_TYPES_AI:1,SENDER_TYPES_SYSTEM:2},version:"5.0",list:[],tempList:[],currentDiscussion:{},discussionArr:[],loading:!1,filterTitle:"",filterInProgress:!1,isCreated:!1,isGenerating:!1,isCheckbox:!1,isSelectAll:!1,showConfirmation:!1,chime:new Audio("chime_aud.wav"),showToast:!1,isSearch:!1,isDiscussionBottom:!1,personalityAvatars:[],fileList:[],isDragOverDiscussion:!1,isDragOverChat:!1,panelCollapsed:!1,isOpen:!1}},methods:{save_configuration(){this.showConfirmation=!1,ye.post("/save_settings",{}).then(t=>{if(t)return t.status?this.$refs.toast.showToast("Settings saved!",4,!0):this.$refs.messageBox.showMessage("Error: Couldn't save settings!"),t.data}).catch(t=>(console.log(t.message,"save_configuration"),this.$refs.messageBox.showMessage("Couldn't save settings!"),{status:!1}))},showToastMessage(t,e,n){console.log("sending",t),this.$refs.toast.showToast(t,e,n)},togglePanel(){this.panelCollapsed=!this.panelCollapsed},toggleDropdown(){this.isOpen=!this.isOpen},importChatGPT(){},async api_get_req(t){try{const e=await ye.get("/"+t);if(e)return e.data}catch(e){console.log(e.message,"api_get_req");return}},async list_discussions(){try{const t=await ye.get("/list_discussions");if(t)return this.createDiscussionList(t.data),t.data}catch(t){return console.log("Error: Could not list discussions",t.message),[]}},load_discussion(t,e){t&&(console.log("Loading discussion",t),this.loading=!0,this.discussionArr=[],this.setDiscussionLoading(t,this.loading),Ee.on("discussion",n=>{this.loading=!1,this.setDiscussionLoading(t,this.loading),n&&(console.log("received discussion"),console.log(n),this.discussionArr=n.filter(s=>s.message_type==this.msgTypes.MSG_TYPE_CHUNK||s.message_type==this.msgTypes.MSG_TYPE_FULL||s.message_type==this.msgTypes.MSG_TYPE_FULL_INVISIBLE_TO_AI||s.message_type==this.msgTypes.MSG_TYPE_CODE||s.message_type==this.msgTypes.MSG_TYPE_JSON_INFOS||s.message_type==this.msgTypes.MSG_TYPE_UI),console.log("this.discussionArr"),console.log(this.discussionArr),e&&e()),Ee.off("discussion")}),Ee.emit("load_discussion",{id:t}))},new_discussion(t){try{this.loading=!0,Ee.on("discussion_created",e=>{Ee.off("discussion_created"),this.list_discussions().then(()=>{const n=this.list.findIndex(o=>o.id==e.id),s=this.list[n];this.selectDiscussion(s),this.load_discussion(e.id,()=>{this.loading=!1,be(()=>{const o=document.getElementById("dis-"+e.id);this.scrollToElement(o),console.log("Scrolling tp "+o)})})})}),console.log("new_discussion ",t),Ee.emit("new_discussion",{title:t})}catch(e){return console.log("Error: Could not create new discussion",e.message),{}}},async delete_discussion(t){try{t&&(this.loading=!0,this.setDiscussionLoading(t,this.loading),await ye.post("/delete_discussion",{client_id:this.client_id,id:t}),this.loading=!1,this.setDiscussionLoading(t,this.loading))}catch(e){console.log("Error: Could not delete discussion",e.message),this.loading=!1,this.setDiscussionLoading(t,this.loading)}},async edit_title(t,e){try{if(t){this.loading=!0,this.setDiscussionLoading(t,this.loading);const n=await ye.post("/edit_title",{client_id:this.client_id,id:t,title:e});if(this.loading=!1,this.setDiscussionLoading(t,this.loading),n.status==200){const s=this.list.findIndex(r=>r.id==t),o=this.list[s];o.title=e,this.tempList=this.list}}}catch(n){console.log("Error: Could not edit title",n.message),this.loading=!1,this.setDiscussionLoading(t,this.loading)}},async delete_message(t){try{const e=await ye.get("/delete_message",{params:{client_id:this.client_id,id:t}});if(e)return e.data}catch(e){return console.log("Error: Could delete message",e.message),{}}},async stop_gen(){try{if(Ee.emit("cancel_generation"),res)return res.data}catch(t){return console.log("Error: Could not stop generating",t.message),{}}},async message_rank_up(t){try{const e=await ye.get("/message_rank_up",{params:{client_id:this.client_id,id:t}});if(e)return e.data}catch(e){return console.log("Error: Could not rank up message",e.message),{}}},async message_rank_down(t){try{const e=await ye.get("/message_rank_down",{params:{client_id:this.client_id,id:t}});if(e)return e.data}catch(e){return console.log("Error: Could not rank down message",e.message),{}}},async edit_message(t,e){try{const n=await ye.get("/edit_message",{params:{client_id:this.client_id,id:t,message:e}});if(n)return n.data}catch(n){return console.log("Error: Could not update message",n.message),{}}},async export_multiple_discussions(t){try{if(t.length>0){const e=await ye.post("/export_multiple_discussions",{discussion_ids:t});if(e)return e.data}}catch(e){return console.log("Error: Could not export multiple discussions",e.message),{}}},async import_multiple_discussions(t){try{if(t.length>0){console.log("sending import",t);const e=await ye.post("/import_multiple_discussions",{jArray:t});if(e)return console.log("import response",e.data),e.data}}catch(e){console.log("Error: Could not import multiple discussions",e.message);return}},filterDiscussions(){this.filterInProgress||(this.filterInProgress=!0,setTimeout(()=>{this.filterTitle?this.list=this.tempList.filter(t=>t.title&&t.title.includes(this.filterTitle)):this.list=this.tempList,this.filterInProgress=!1},100))},async selectDiscussion(t){t&&(console.log("this.currentDiscussion",this.currentDiscussion),this.currentDiscussion===void 0?(this.currentDiscussion=t,this.setPageTitle(t),localStorage.setItem("selected_discussion",this.currentDiscussion.id),this.load_discussion(t.id,()=>{this.discussionArr.length>1&&(this.currentDiscussion.title===""||this.currentDiscussion.title===null)&&this.changeTitleUsingUserMSG(this.currentDiscussion.id,this.discussionArr[1].content)})):this.currentDiscussion.id!=t.id&&(this.currentDiscussion=t,this.setPageTitle(t),localStorage.setItem("selected_discussion",this.currentDiscussion.id),this.load_discussion(t.id,()=>{this.discussionArr.length>1&&(this.currentDiscussion.title===""||this.currentDiscussion.title===null)&&this.changeTitleUsingUserMSG(this.currentDiscussion.id,this.discussionArr[1].content)})),be(()=>{const e=document.getElementById("dis-"+this.currentDiscussion.id);this.scrollToElementInContainer(e,"leftPanel");const n=document.getElementById("messages-list");this.scrollBottom(n)}))},scrollToElement(t){t?t.scrollIntoView({behavior:"smooth",block:"start",inline:"nearest"}):console.log("Error: scrollToElement")},scrollToElementInContainer(t,e){try{const n=t.offsetTop;document.getElementById(e).scrollTo({top:n,behavior:"smooth"})}catch{}},scrollBottom(t){t?t.scrollTo({top:t.scrollHeight,behavior:"smooth"}):console.log("Error: scrollBottom")},scrollTop(t){t?t.scrollTo({top:0,behavior:"smooth"}):console.log("Error: scrollTop")},createUserMsg(t){let e={content:t.message,id:t.id,rank:0,sender:t.user,created_at:t.created_at,steps:[],html_js_s:[]};this.discussionArr.push(e),be(()=>{const n=document.getElementById("messages-list");this.scrollBottom(n)})},updateLastUserMsg(t){const e=this.discussionArr.indexOf(s=>s.id=t.user_id),n={binding:t.binding,content:t.message,created_at:t.created_at,type:t.type,finished_generating_at:t.finished_generating_at,id:t.user_id,model:t.model,personality:t.personality,sender:t.user,steps:[]};e!==-1&&(this.discussionArr[e]=n)},socketIOConnected(){return console.log("socketIOConnected"),this.$store.state.isConnected=!0,!0},socketIODisconnected(){return console.log("socketIOConnected"),this.$store.state.isConnected=!1,!0},new_message(t){console.log("create bot",t);let e={sender:t.sender,message_type:t.message_type,sender_type:t.sender_type,content:t.content,id:t.id,parent_id:t.parent_id,binding:t.binding,model:t.model,personality:t.personality,created_at:t.created_at,finished_generating_at:t.finished_generating_at,rank:0,steps:[],parameters:t.parameters,metadata:t.metadata};console.log(e),this.discussionArr.push(e),(this.currentDiscussion.title===""||this.currentDiscussion.title===null)&&this.changeTitleUsingUserMSG(this.currentDiscussion.id,t.message),console.log("infos",t)},talk(t){this.isGenerating=!0,this.setDiscussionLoading(this.currentDiscussion.id,this.isGenerating),ye.get("/get_generation_status",{}).then(e=>{e&&(e.data.status?console.log("Already generating"):(console.log("Generating message from ",e.data.status),Ee.emit("generate_msg_from",{id:-1}),this.discussionArr.length>0&&Number(this.discussionArr[this.discussionArr.length-1].id)+1))}).catch(e=>{console.log("Error: Could not get generation status",e)})},sendMsg(t){if(!t){this.$refs.toast.showToast("Message contains no content!",4,!1);return}this.isGenerating=!0,this.setDiscussionLoading(this.currentDiscussion.id,this.isGenerating),ye.get("/get_generation_status",{}).then(e=>{if(e)if(e.data.status)console.log("Already generating");else{Ee.emit("generate_msg",{prompt:t});let n=0;this.discussionArr.length>0&&(n=Number(this.discussionArr[this.discussionArr.length-1].id)+1);let s={message:t,id:n,rank:0,user:this.$store.state.config.user_name,created_at:new Date().toLocaleString(),sender:this.$store.state.config.user_name,message_type:this.msgTypes.MSG_TYPE_FULL,sender_type:this.senderTypes.SENDER_TYPES_USER,content:t,id:n,parent_id:n,binding:"",model:"",personality:"",created_at:new Date().toLocaleString(),finished_generating_at:new Date().toLocaleString(),rank:0,steps:[],parameters:null,metadata:[]};this.createUserMsg(s)}}).catch(e=>{console.log("Error: Could not get generation status",e)})},notify(t){self.isGenerating=!1,this.setDiscussionLoading(this.currentDiscussion.id,this.isGenerating),be(()=>{const e=document.getElementById("messages-list");this.scrollBottom(e)}),this.$refs.toast.showToast(t.content,5,t.status),this.chime.play()},streamMessageContent(t){const e=t.discussion_id;if(this.setDiscussionLoading(e,!0),this.currentDiscussion.id==e){this.isGenerating=!0;const n=this.discussionArr.findIndex(o=>o.id==t.id),s=this.discussionArr[n];if(s&&(t.message_type==this.msgTypes.MSG_TYPE_FULL||t.message_type==this.msgTypes.MSG_TYPE_FULL_INVISIBLE_TO_AI))s.content=t.content,s.finished_generating_at=t.finished_generating_at;else if(s&&t.message_type==this.msgTypes.MSG_TYPE_CHUNK)s.content+=t.content;else if(t.message_type==this.msgTypes.MSG_TYPE_STEP_START)s.steps.push({message:t.content,done:!1,status:!0});else if(t.message_type==this.msgTypes.MSG_TYPE_STEP_END){const o=s.steps.find(r=>r.message===t.content);if(o){o.done=!0;try{console.log(t.parameters);const r=t.parameters;o.status=r.status,console.log(r)}catch(r){console.error("Error parsing JSON:",r.message)}}}else t.message_type==this.msgTypes.MSG_TYPE_JSON_INFOS?(console.log("JSON message"),console.log(t.metadata),s.metadata=t.metadata):t.message_type==this.msgTypes.MSG_TYPE_EXCEPTION&&this.$refs.toast.showToast(t.content,5,!1)}this.$nextTick(()=>{ve.replace()})},async changeTitleUsingUserMSG(t,e){const n=this.list.findIndex(o=>o.id==t),s=this.list[n];e&&(s.title=e,this.tempList=this.list,await this.edit_title(t,e))},async createNewDiscussion(){this.new_discussion(null)},loadLastUsedDiscussion(){console.log("Loading last discussion");const t=localStorage.getItem("selected_discussion");if(console.log("Last discussion id: ",t),t){const e=this.list.findIndex(s=>s.id==t),n=this.list[e];n&&this.selectDiscussion(n)}},async deleteDiscussion(t){await this.delete_discussion(t),this.currentDiscussion.id==t&&(this.currentDiscussion={},this.discussionArr=[],this.setPageTitle()),this.list.splice(this.list.findIndex(e=>e.id==t),1),this.createDiscussionList(this.list)},async deleteDiscussionMulti(){const t=this.selectedDiscussions;for(let e=0;es.id==n.id),1)}this.tempList=this.list,this.isCheckbox=!1,this.$refs.toast.showToast("Removed ("+t.length+") items",4,!0),this.showConfirmation=!1,console.log("Multi delete done")},async deleteMessage(t){await this.delete_message(t).then(()=>{this.discussionArr.splice(this.discussionArr.findIndex(e=>e.id==t),1)}).catch(()=>{this.$refs.toast.showToast("Could not remove message",4,!1),console.log("Error: Could not delete message")})},async editTitle(t){const e=this.list.findIndex(s=>s.id==t.id),n=this.list[e];n.title=t.title,n.loading=!0,await this.edit_title(t.id,t.title),n.loading=!1},checkUncheckDiscussion(t,e){const n=this.list.findIndex(o=>o.id==e),s=this.list[n];s.checkBoxValue=t.target.checked,this.tempList=this.list},selectAllDiscussions(){this.isSelectAll=!this.tempList.filter(t=>t.checkBoxValue==!1).length>0;for(let t=0;t({id:n.id,title:n.title,selected:!1,loading:!1,checkBoxValue:!1})).sort(function(n,s){return s.id-n.id});this.list=e,this.tempList=e,console.log("List created")}},setDiscussionLoading(t,e){const n=this.list.findIndex(o=>o.id==t),s=this.list[n];s.loading=e},setPageTitle(t){if(t)if(t.id){const e=t.title?t.title==="untitled"?"New discussion":t.title:"New discussion";document.title="LoLLMS WebUI - "+e}else{const e=t||"Welcome";document.title="LoLLMS WebUI - "+e}else{const e=t||"Welcome";document.title="LoLLMS WebUI - "+e}},async rankUpMessage(t){await this.message_rank_up(t).then(e=>{const n=this.discussionArr[this.discussionArr.findIndex(s=>s.id==t)];n.rank=e.new_rank}).catch(()=>{this.$refs.toast.showToast("Could not rank up message",4,!1),console.log("Error: Could not rank up message")})},async rankDownMessage(t){await this.message_rank_down(t).then(e=>{const n=this.discussionArr[this.discussionArr.findIndex(s=>s.id==t)];n.rank=e.new_rank}).catch(()=>{this.$refs.toast.showToast("Could not rank down message",4,!1),console.log("Error: Could not rank down message")})},async updateMessage(t,e){await this.edit_message(t,e).then(()=>{const n=this.discussionArr[this.discussionArr.findIndex(s=>s.id==t)];n.content=e}).catch(()=>{this.$refs.toast.showToast("Could not update message",4,!1),console.log("Error: Could not update message")})},resendMessage(t,e){be(()=>{ve.replace()}),this.isGenerating=!0,this.setDiscussionLoading(this.currentDiscussion.id,this.isGenerating),ye.get("/get_generation_status",{}).then(n=>{n&&(console.log("--------------------"),console.log(t),n.data.status?console.log("Already generating"):(console.log("generate_msg_from"),Ee.emit("generate_msg_from",{prompt:e,id:t})))}).catch(n=>{console.log("Error: Could not get generation status",n)})},continueMessage(t,e){be(()=>{ve.replace()}),this.isGenerating=!0,this.setDiscussionLoading(this.currentDiscussion.id,this.isGenerating),ye.get("/get_generation_status",{}).then(n=>{n&&(console.log(n),n.data.status?console.log("Already generating"):Ee.emit("continue_generate_msg_from",{prompt:e,id:t}))}).catch(n=>{console.log("Error: Could not get generation status",n)})},stopGenerating(){this.stop_gen(),this.isGenerating=!1,this.setDiscussionLoading(this.currentDiscussion.id,this.isGenerating),console.log("Stopped generating"),be(()=>{const t=document.getElementById("messages-list");this.scrollBottom(t)})},finalMsgEvent(t){console.log("final",t),t.parent_id;const e=t.discussion_id;if(this.currentDiscussion.id==e){const n=this.discussionArr.findIndex(s=>s.id==t.id);this.discussionArr[n].content=t.content,this.discussionArr[n].finished_generating_at=t.finished_generating_at}be(()=>{const n=document.getElementById("messages-list");this.scrollBottom(n)}),this.isGenerating=!1,this.setDiscussionLoading(this.currentDiscussion.id,this.isGenerating),this.chime.play()},copyToClipBoard(t){this.$refs.toast.showToast("Copied to clipboard successfully",4,!0);let e="";t.message.binding&&(e=`Binding: ${t.message.binding}`);let n="";t.message.personality&&(n=` Personality: ${t.message.personality}`);let s="";t.created_at_parsed&&(s=` Created: ${t.created_at_parsed}`);let o="";t.message.content&&(o=t.message.content);let r="";t.message.model&&(r=`Model: ${t.message.model}`);let i="";t.message.seed&&(i=`Seed: ${t.message.seed}`);let a="";t.time_spent&&(a=` Time spent: ${t.time_spent}`);let l="";l=`${e} ${r} ${i} ${a}`.trim();const c=`${t.message.sender}${n}${s} @@ -197,4 +197,4 @@ ${o} ${l}`;navigator.clipboard.writeText(c),be(()=>{ve.replace()})},closeToast(){this.showToast=!1},saveJSONtoFile(t,e){e=e||"data.json";const n=document.createElement("a");n.href=URL.createObjectURL(new Blob([JSON.stringify(t,null,2)],{type:"text/plain"})),n.setAttribute("download",e),document.body.appendChild(n),n.click(),document.body.removeChild(n)},parseJsonObj(t){try{return JSON.parse(t)}catch(e){return this.$refs.toast.showToast(`Could not parse JSON. `+e.message,4,!1),null}},async parseJsonFile(t){return new Promise((e,n)=>{const s=new FileReader;s.onload=o=>e(this.parseJsonObj(o.target.result)),s.onerror=o=>n(o),s.readAsText(t)})},async exportDiscussions(){const t=this.list.filter(e=>e.checkBoxValue==!0).map(e=>e.id);if(t.length>0){console.log("export",t);let e=new Date;const n=e.getFullYear(),s=(e.getMonth()+1).toString().padStart(2,"0"),o=e.getDate().toString().padStart(2,"0"),r=e.getHours().toString().padStart(2,"0"),i=e.getMinutes().toString().padStart(2,"0"),a=e.getSeconds().toString().padStart(2,"0"),c="discussions_export_"+(n+"."+s+"."+o+"."+r+i+a)+".json";this.loading=!0;const u=await this.export_multiple_discussions(t);u?(this.saveJSONtoFile(u,c),this.$refs.toast.showToast("Successfully exported",4,!0),this.isCheckbox=!1):this.$refs.toast.showToast("Failed to export discussions",4,!1),this.loading=!1}},async importDiscussions(t){const e=await this.parseJsonFile(t.target.files[0]);await this.import_multiple_discussions(e)?(this.$refs.toast.showToast("Successfully imported ("+e.length+")",4,!0),await this.list_discussions()):this.$refs.toast.showToast("Failed to import discussions",4,!1)},async getPersonalityAvatars(){for(;this.$store.state.personalities===null;)await new Promise(e=>setTimeout(e,100));let t=this.$store.state.personalities;this.personalityAvatars=t.map(e=>({name:e.name,avatar:e.avatar}))},getAvatar(t){if(t.toLowerCase().trim()==this.$store.state.config.user_name.toLowerCase().trim())return"user_infos/"+this.$store.state.config.user_avatar;const e=this.personalityAvatars.findIndex(s=>s.name===t),n=this.personalityAvatars[e];if(n)return console.log("Avatar",n.avatar),n.avatar},setFileListChat(t){try{this.$refs.chatBox.fileList=this.$refs.chatBox.fileList.concat(t)}catch(e){this.$refs.toast.showToast(`Failed to set filelist in chatbox -`+e.message,4,!1)}this.isDragOverChat=!1},setDropZoneChat(){this.isDragOverChat=!0,this.$refs.dragdropChat.show=!0},async setFileListDiscussion(t){if(t.length>1){this.$refs.toast.showToast("Failed to import discussions. Too many files",4,!1);return}const e=await this.parseJsonFile(t[0]);await this.import_multiple_discussions(e)?(this.$refs.toast.showToast("Successfully imported ("+e.length+")",4,!0),await this.list_discussions()):this.$refs.toast.showToast("Failed to import discussions",4,!1),this.isDragOverDiscussion=!1},setDropZoneDiscussion(){this.isDragOverDiscussion=!0,this.$refs.dragdropDiscussion.show=!0}},async created(){for(this.$store.state.isConnected=!1,ye.get("/get_lollms_webui_version",{}).then(t=>{t&&(this.version=t.data.version)}).catch(t=>{console.log("Error: Could not get generation status",t)}),this.$nextTick(()=>{ve.replace()}),Ee.onclose=t=>{console.log("WebSocket connection closed:",t.code,t.reason),this.socketIODisconnected()},Ee.onerror=t=>{console.log("WebSocket connection error:",t.code,t.reason),this.socketIODisconnected(),Ee.disconnect()},Ee.on("connected",this.socketIOConnected),Ee.on("disconnected",this.socketIODisconnected),console.log("Added events"),console.log("Waiting to be ready");this.$store.state.ready===!1;)await new Promise(t=>setTimeout(t,100));console.log("Setting title"),this.setPageTitle(),console.log("listing discussions"),await this.list_discussions(),console.log("loading last discussion"),this.loadLastUsedDiscussion(),console.log("Discussions view is ready"),Ee.on("notification",this.notify),Ee.on("new_message",this.new_message),Ee.on("update_message",this.streamMessageContent),Ee.on("close_message",this.finalMsgEvent),console.log("Setting events"),Ee.onopen=()=>{console.log("WebSocket connection established."),this.currentDiscussion!=null&&(this.setPageTitle(item),localStorage.setItem("selected_discussion",this.currentDiscussion.id),this.load_discussion(item.id,()=>{this.discussionArr.length>1&&(this.currentDiscussion.title===""||this.currentDiscussion.title===null)&&this.changeTitleUsingUserMSG(this.currentDiscussion.id,this.discussionArr[1].content)}))},this.isCreated=!0},mounted(){this.$nextTick(()=>{ve.replace()})},async activated(){await this.getPersonalityAvatars(),this.isCreated&&be(()=>{const t=document.getElementById("messages-list");this.scrollBottom(t)})},components:{Discussion:Ug,Message:qg,ChatBox:Hg,WelcomeComponent:Vg,Toast:Io,DragDrop:_l},watch:{filterTitle(t){t==""&&(this.filterInProgress=!0,this.list=this.tempList,this.filterInProgress=!1)},isCheckbox(t){be(()=>{ve.replace()}),t||(this.isSelectAll=!1)},socketConnected(t){console.log("Websocket connected (watch)",t)},showConfirmation(){be(()=>{ve.replace()})},isSearch(){be(()=>{ve.replace()})}},computed:{client_id(){return Ee.id},isReady(){return console.log("verify ready",this.isCreated),this.isCreated},showPanel(){return this.$store.state.ready&&!this.panelCollapsed},socketConnected(){return console.log(" --- > Websocket connected"),this.$store.commit("setIsConnected",!0),!0},socketDisconnected(){return this.$store.commit("setIsConnected",!1),console.log(" --- > Websocket disconnected"),!0},selectedDiscussions(){return be(()=>{ve.replace()}),this.list.filter(t=>t.checkBoxValue==!0)}}},EGe=Object.assign(kGe,{__name:"DiscussionsView",setup(t){return Jr(()=>{eVe()}),ye.defaults.baseURL="/",(e,n)=>(k(),C(Oe,null,[he(Ss,{name:"fade-and-fly"},{default:De(()=>[e.isReady?B("",!0):(k(),C("div",nVe,[d("div",sVe,[d("div",oVe,[d("div",rVe,[iVe,d("div",aVe,[d("p",lVe,"Lord of Large Language Models v "+H(e.version),1),cVe])]),dVe,uVe,hVe,fVe])])]))]),_:1}),e.isReady?(k(),C("button",{key:0,onClick:n[0]||(n[0]=(...s)=>e.togglePanel&&e.togglePanel(...s)),class:"absolute top-0 left-0 z-50 p-2 m-2 bg-white rounded-full shadow-md bg-bg-light-tone dark:bg-bg-dark-tone hover:bg-primary-light dark:hover:bg-primary"},[fe(d("div",null,gVe,512),[[Ye,e.panelCollapsed]]),fe(d("div",null,_Ve,512),[[Ye,!e.panelCollapsed]])])):B("",!0),he(Ss,{name:"slide-right"},{default:De(()=>[e.showPanel?(k(),C("div",bVe,[d("div",{id:"leftPanel",class:"flex flex-col flex-grow overflow-y-scroll no-scrollbar",onDragover:n[19]||(n[19]=le(s=>e.setDropZoneDiscussion(),["stop","prevent"]))},[d("div",yVe,[d("div",vVe,[d("button",{class:"text-2xl hover:text-secondary duration-75 active:scale-90",title:"Create new discussion",type:"button",onClick:n[1]||(n[1]=s=>e.createNewDiscussion())},xVe),d("button",{class:Me(["text-2xl hover:text-secondary duration-75 active:scale-90",e.isCheckbox?"text-secondary":""]),title:"Edit discussion list",type:"button",onClick:n[2]||(n[2]=s=>e.isCheckbox=!e.isCheckbox)},EVe,2),CVe,AVe,d("input",{type:"file",ref:"fileDialog",style:{display:"none"},onChange:n[3]||(n[3]=(...s)=>e.importDiscussions&&e.importDiscussions(...s))},null,544),d("button",{class:"text-2xl hover:text-secondary duration-75 active:scale-90 rotate-90",title:"Import discussions",type:"button",onClick:n[4]||(n[4]=le(s=>e.$refs.fileDialog.click(),["stop"]))},TVe),e.isOpen?(k(),C("div",MVe,[d("button",{onClick:n[5]||(n[5]=(...s)=>e.importDiscussions&&e.importDiscussions(...s))},"LOLLMS"),d("button",{onClick:n[6]||(n[6]=(...s)=>e.importChatGPT&&e.importChatGPT(...s))},"ChatGPT")])):B("",!0),d("button",{class:Me(["text-2xl hover:text-secondary duration-75 active:scale-90",e.isSearch?"text-secondary":""]),title:"Filter discussions",type:"button",onClick:n[7]||(n[7]=s=>e.isSearch=!e.isSearch)},RVe,2),e.showConfirmation?B("",!0):(k(),C("button",{key:1,title:"Save configuration",class:"text-2xl hover:text-secondary duration-75 active:scale-90",onClick:n[8]||(n[8]=s=>e.showConfirmation=!0)},DVe)),e.showConfirmation?(k(),C("div",LVe,[d("button",{class:"text-2xl hover:text-red-600 duration-75 active:scale-90",title:"Cancel",type:"button",onClick:n[9]||(n[9]=le(s=>e.showConfirmation=!1,["stop"]))},PVe),d("button",{class:"text-2xl hover:text-secondary duration-75 active:scale-90",title:"Confirm save changes",type:"button",onClick:n[10]||(n[10]=le(s=>e.save_configuration(),["stop"]))},BVe)])):B("",!0),e.loading?(k(),C("div",$Ve,zVe)):B("",!0)]),e.isSearch?(k(),C("div",UVe,[d("div",qVe,[d("div",HVe,[VVe,d("div",GVe,[d("div",{class:Me(["hover:text-secondary duration-75 active:scale-90",e.filterTitle?"visible":"invisible"]),title:"Clear",onClick:n[11]||(n[11]=s=>e.filterTitle="")},WVe,2)]),fe(d("input",{type:"search",id:"default-search",class:"block w-full p-2 pl-10 pr-10 text-sm border border-gray-300 rounded-lg bg-bg-light focus:ring-secondary focus:border-secondary dark:bg-bg-dark dark:border-gray-600 dark:placeholder-gray-400 dark:focus:ring-secondary dark:focus:border-secondary",placeholder:"Search...",title:"Filter discussions by title","onUpdate:modelValue":n[12]||(n[12]=s=>e.filterTitle=s),onInput:n[13]||(n[13]=s=>e.filterDiscussions())},null,544),[[Ie,e.filterTitle]])])])])):B("",!0),e.isCheckbox?(k(),C("hr",ZVe)):B("",!0),e.isCheckbox?(k(),C("div",YVe,[d("div",JVe,[e.selectedDiscussions.length>0?(k(),C("p",QVe,"Selected: "+H(e.selectedDiscussions.length),1)):B("",!0)]),d("div",XVe,[e.selectedDiscussions.length>0?(k(),C("div",eGe,[e.showConfirmation?B("",!0):(k(),C("button",{key:0,class:"flex mx-3 flex-1 text-2xl hover:text-red-600 duration-75 active:scale-90",title:"Remove selected",type:"button",onClick:n[14]||(n[14]=le(s=>e.showConfirmation=!0,["stop"]))},nGe)),e.showConfirmation?(k(),C("div",sGe,[d("button",{class:"text-2xl hover:text-secondary duration-75 active:scale-90",title:"Confirm removal",type:"button",onClick:n[15]||(n[15]=le((...s)=>e.deleteDiscussionMulti&&e.deleteDiscussionMulti(...s),["stop"]))},rGe),d("button",{class:"text-2xl hover:text-red-600 duration-75 active:scale-90",title:"Cancel removal",type:"button",onClick:n[16]||(n[16]=le(s=>e.showConfirmation=!1,["stop"]))},aGe)])):B("",!0)])):B("",!0),d("div",lGe,[d("button",{class:"text-2xl hover:text-secondary duration-75 active:scale-90 rotate-90",title:"Export selected to a file",type:"button",onClick:n[17]||(n[17]=le((...s)=>e.exportDiscussions&&e.exportDiscussions(...s),["stop"]))},dGe),d("button",{class:"text-2xl hover:text-secondary duration-75 active:scale-90",title:"Select All",type:"button",onClick:n[18]||(n[18]=le((...s)=>e.selectAllDiscussions&&e.selectAllDiscussions(...s),["stop"]))},hGe)])])])):B("",!0)]),d("div",fGe,[he(_l,{ref:"dragdropDiscussion",onPanelDrop:e.setFileListDiscussion},{default:De(()=>[xe("Drop your discussion file here ")]),_:1},8,["onPanelDrop"])]),d("div",pGe,[d("div",{class:Me(["mx-4 flex flex-col flex-grow",e.isDragOverDiscussion?"pointer-events-none":""])},[d("div",{id:"dis-list",class:Me([e.filterInProgress?"opacity-20 pointer-events-none":"","flex flex-col flex-grow"])},[e.list.length>0?(k(),st(Ut,{key:0,name:"list"},{default:De(()=>[(k(!0),C(Oe,null,Ge(e.list,(s,o)=>(k(),st(Ug,{key:s.id,id:s.id,title:s.title,selected:e.currentDiscussion.id==s.id,loading:s.loading,isCheckbox:e.isCheckbox,checkBoxValue:s.checkBoxValue,onSelect:r=>e.selectDiscussion(s),onDelete:r=>e.deleteDiscussion(s.id),onEditTitle:e.editTitle,onChecked:e.checkUncheckDiscussion},null,8,["id","title","selected","loading","isCheckbox","checkBoxValue","onSelect","onDelete","onEditTitle","onChecked"]))),128))]),_:1})):B("",!0),e.list.length<1?(k(),C("div",gGe,_Ge)):B("",!0),bGe],2)],2)])],32)])):B("",!0)]),_:1}),e.isReady?(k(),C("div",{key:1,class:"relative flex flex-col flex-grow",onDragover:n[20]||(n[20]=le(s=>e.setDropZoneChat(),["stop","prevent"]))},[d("div",yGe,[he(_l,{ref:"dragdropChat",onPanelDrop:e.setFileListChat},null,8,["onPanelDrop"])]),d("div",{id:"messages-list",class:Me(["z-0 flex flex-col flex-grow overflow-y-auto scrollbar-thin scrollbar-track-bg-light-tone scrollbar-thumb-bg-light-tone-panel hover:scrollbar-thumb-primary dark:scrollbar-track-bg-dark-tone dark:scrollbar-thumb-bg-dark-tone-panel dark:hover:scrollbar-thumb-primary active:scrollbar-thumb-secondary",e.isDragOverChat?"pointer-events-none":""])},[d("div",vGe,[e.discussionArr.length>0?(k(),st(Ut,{key:0,name:"list"},{default:De(()=>[(k(!0),C(Oe,null,Ge(e.discussionArr,(s,o)=>(k(),st(qg,{key:s.id,message:s,id:"msg-"+s.id,ref_for:!0,ref:"messages",onCopy:e.copyToClipBoard,onDelete:e.deleteMessage,onRankUp:e.rankUpMessage,onRankDown:e.rankDownMessage,onUpdateMessage:e.updateMessage,onResendMessage:e.resendMessage,onContinueMessage:e.continueMessage,avatar:e.getAvatar(s.sender)},null,8,["message","id","onCopy","onDelete","onRankUp","onRankDown","onUpdateMessage","onResendMessage","onContinueMessage","avatar"]))),128))]),_:1})):B("",!0),e.currentDiscussion.id?B("",!0):(k(),st(Vg,{key:1}))]),wGe,e.currentDiscussion.id?(k(),C("div",xGe,[he(Hg,{ref:"chatBox",onMessageSentEvent:e.sendMsg,loading:e.isGenerating,discussionList:e.discussionArr,onStopGenerating:e.stopGenerating,"on-show-toast-message":e.showToastMessage,"on-talk":e.talk},null,8,["onMessageSentEvent","loading","discussionList","onStopGenerating","on-show-toast-message","on-talk"])])):B("",!0)],2)],32)):B("",!0),he(Io,{ref:"toast"},null,512),he($g,{ref:"messageBox"},null,512)],64))}}),CGe=Ue(EGe,[["__scopeId","data-v-7e498efe"]]),AGe=jy({history:oy("/"),routes:[{path:"/playground/",name:"playground",component:iMe},{path:"/extensions/",name:"extensions",component:mMe},{path:"/help/",name:"help",component:LMe},{path:"/settings/",name:"settings",component:O$e},{path:"/training/",name:"training",component:J$e},{path:"/quantizing/",name:"quantizing",component:ije},{path:"/",name:"discussions",component:CGe}]});const xi=X1(p2);console.log("Loaded main.js");const SGe=A0({state(){return{ready:!1,settingsChanged:!1,isConnected:!1,config:null,mountedPers:null,mountedPersArr:null,bindingsArr:null,modelsArr:null,models_zoo:null,personalities:null,diskUsage:null,ramUsage:null,vramUsage:null,extensionsZoo:null}},mutations:{setIsConnected(t,e){t.isConnected=e},setConfig(t,e){t.config=e},setPersonalities(t,e){t.personalities=e},setMountedPers(t,e){t.mountedPers=e},setMountedPersArr(t,e){t.mountedPersArr=e},setBindingsArr(t,e){t.bindingsArr=e},setModelsArr(t,e){t.modelsArr=e},setDiskUsage(t,e){t.diskUsage=e},setRamUsage(t,e){t.ramUsage=e},setVramUsage(t,e){t.vramUsage=e},setExtensionsZoo(t,e){t.extensionsZoo=e},setModelsZoo(t,e){t.models_zoo=e}},getters:{getIsConnected(t){return t.isConnected},getConfig(t){return t.config},getPersonalities(t){return t.personalities},getMountedPersArr(t){return t.mountedPersArr},getMountedPers(t){return t.mountedPers},getbindingsArr(t){return t.bindingsArr},getModelsArr(t){return t.modelsArr},getDiskUsage(t){return t.diskUsage},getRamUsage(t){return t.ramUsage},getVramUsage(t){return t.vramUsage},getModelsZoo(t){return t.models_zoo},getExtensionsZoo(t){return t.extensionsZoo}},actions:{async refreshConfig({commit:t}){console.log("Fetching configuration");try{const e=await _n("get_config");let n=e.personalities[e.active_personality_id].split("/");e.personality_category=n[0],e.personality_folder=n[1],console.log("Recovered config"),console.log(e),t("setConfig",e)}catch(e){console.log(e.message,"refreshConfig")}},async refreshPersonalitiesArr({commit:t}){let e=[];const n=await _n("get_all_personalities"),s=Object.keys(n);console.log("Personalities recovered:"+this.state.config.personalities);for(let o=0;o{const c=this.state.config.personalities.includes(r+"/"+l.folder);let u={};return u=l,u.category=r,u.full_path=r+"/"+l.folder,u.isMounted=c,u});e.length==0?e=a:e=e.concat(a)}e.sort((o,r)=>o.name.localeCompare(r.name)),t("setPersonalities",e),console.log("Done loading personalities")},refreshMountedPersonalities({commit:t}){let e=[];for(let n=0;ni.full_path==s),r=this.state.personalities[o];r?e.push(r):e.push(this.state.personalities[this.state.personalities.findIndex(i=>i.full_path=="generic/lollms")])}console.log("Personalities list",this.state.personalities),t("setMountedPersArr",e),console.log("active_personality_id",this.state.config.active_personality_id),console.log("selected pers",this.state.config.personalities[this.state.config.active_personality_id]),this.state.mountedPers=this.state.personalities[this.state.personalities.findIndex(n=>n.full_path==this.state.config.personalities[this.state.config.active_personality_id])],console.log("selected pers",this.state.mountedPers)},async refreshBindings({commit:t}){let e=await _n("list_bindings");t("setBindingsArr",e)},async refreshModels({commit:t}){let e=await _n("list_models");t("setModelsArr",e)},async refreshExtensionsZoo({commit:t}){let e=await _n("list_extensions");t("setExtensionsZoo",e)},async refreshDiskUsage({commit:t}){this.state.diskUsage=await _n("disk_usage")},async refreshRamUsage({commit:t}){this.state.ramUsage=await _n("ram_usage")},async refreshVramUsage({commit:t}){console.log("getting gpu data");const e=await _n("vram_usage"),n=[];if(e.nb_gpus>0){for(let o=0;o{console.log("found models");let n=e.data;n.sort((s,o)=>s.title.localeCompare(o.title));for(let s=0;si.title==o)==-1){let i={};i.title=o,i.path=o,i.icon="",i.isCustomModel=!0,i.isInstalled=!0,n.push(i)}}n.sort((s,o)=>s.isInstalled&&!o.isInstalled?-1:!s.isInstalled&&o.isInstalled?1:0),n.forEach(s=>{s.title==this.state.config.model_name?s.selected=!0:s.selected=!1}),t("setModelsZoo",n),console.log("Models zoo loaded successfully")}).catch(e=>{console.log(e.message,"fetchModels")})},fetchCustomModels({commit:t}){ye.get("/list_models").then(e=>{}).catch(e=>{console.log(e.message,"fetchCustomModels")})}}});async function _n(t){try{const e=await ye.get("/"+t);if(e)return e.data}catch(e){throw console.log(e.message,"api_get_req"),e}}let zh=!1;xi.mixin({created(){zh||(zh=!0,console.log("Calling"),this.$store.dispatch("refreshConfig").then(()=>{console.log("recovered config"),this.$store.dispatch("refreshPersonalitiesArr").then(()=>{this.$store.dispatch("refreshMountedPersonalities"),this.$store.dispatch("refreshBindings"),this.$store.dispatch("refreshModels"),this.$store.dispatch("refreshDiskUsage"),this.$store.dispatch("refreshRamUsage"),this.$store.dispatch("refreshVramUsage"),this.$store.dispatch("refreshModelsZoo"),this.$store.dispatch("refreshExtensionsZoo"),this.$store.state.ready=!0,console.log("done loading data")})}))},beforeMount(){}});xi.use(AGe);xi.use(SGe);xi.mount("#app"); +`+e.message,4,!1)}this.isDragOverChat=!1},setDropZoneChat(){this.isDragOverChat=!0,this.$refs.dragdropChat.show=!0},async setFileListDiscussion(t){if(t.length>1){this.$refs.toast.showToast("Failed to import discussions. Too many files",4,!1);return}const e=await this.parseJsonFile(t[0]);await this.import_multiple_discussions(e)?(this.$refs.toast.showToast("Successfully imported ("+e.length+")",4,!0),await this.list_discussions()):this.$refs.toast.showToast("Failed to import discussions",4,!1),this.isDragOverDiscussion=!1},setDropZoneDiscussion(){this.isDragOverDiscussion=!0,this.$refs.dragdropDiscussion.show=!0}},async created(){for(this.$store.state.isConnected=!1,ye.get("/get_lollms_webui_version",{}).then(t=>{t&&(this.version=t.data.version)}).catch(t=>{console.log("Error: Could not get generation status",t)}),this.$nextTick(()=>{ve.replace()}),Ee.onclose=t=>{console.log("WebSocket connection closed:",t.code,t.reason),this.socketIODisconnected()},Ee.onerror=t=>{console.log("WebSocket connection error:",t.code,t.reason),this.socketIODisconnected(),Ee.disconnect()},Ee.on("connected",this.socketIOConnected),Ee.on("disconnected",this.socketIODisconnected),console.log("Added events"),console.log("Waiting to be ready");this.$store.state.ready===!1;)await new Promise(t=>setTimeout(t,100));console.log("Setting title"),this.setPageTitle(),console.log("listing discussions"),await this.list_discussions(),console.log("loading last discussion"),this.loadLastUsedDiscussion(),console.log("Discussions view is ready"),Ee.on("notification",this.notify),Ee.on("new_message",this.new_message),Ee.on("update_message",this.streamMessageContent),Ee.on("close_message",this.finalMsgEvent),console.log("Setting events"),Ee.onopen=()=>{console.log("WebSocket connection established."),this.currentDiscussion!=null&&(this.setPageTitle(item),localStorage.setItem("selected_discussion",this.currentDiscussion.id),this.load_discussion(item.id,()=>{this.discussionArr.length>1&&(this.currentDiscussion.title===""||this.currentDiscussion.title===null)&&this.changeTitleUsingUserMSG(this.currentDiscussion.id,this.discussionArr[1].content)}))},this.isCreated=!0},mounted(){this.$nextTick(()=>{ve.replace()})},async activated(){await this.getPersonalityAvatars(),this.isCreated&&be(()=>{const t=document.getElementById("messages-list");this.scrollBottom(t)})},components:{Discussion:Ug,Message:qg,ChatBox:Hg,WelcomeComponent:Vg,Toast:Io,DragDrop:_l},watch:{filterTitle(t){t==""&&(this.filterInProgress=!0,this.list=this.tempList,this.filterInProgress=!1)},isCheckbox(t){be(()=>{ve.replace()}),t||(this.isSelectAll=!1)},socketConnected(t){console.log("Websocket connected (watch)",t)},showConfirmation(){be(()=>{ve.replace()})},isSearch(){be(()=>{ve.replace()})}},computed:{client_id(){return Ee.id},isReady(){return console.log("verify ready",this.isCreated),this.isCreated},showPanel(){return this.$store.state.ready&&!this.panelCollapsed},socketConnected(){return console.log(" --- > Websocket connected"),this.$store.commit("setIsConnected",!0),!0},socketDisconnected(){return this.$store.commit("setIsConnected",!1),console.log(" --- > Websocket disconnected"),!0},selectedDiscussions(){return be(()=>{ve.replace()}),this.list.filter(t=>t.checkBoxValue==!0)}}},TGe=Object.assign(SGe,{__name:"DiscussionsView",setup(t){return Jr(()=>{oVe()}),ye.defaults.baseURL="/",(e,n)=>(k(),C(Oe,null,[he(Ss,{name:"fade-and-fly"},{default:De(()=>[e.isReady?F("",!0):(k(),C("div",iVe,[d("div",aVe,[d("div",lVe,[d("div",cVe,[dVe,d("div",uVe,[d("p",hVe,"Lord of Large Language Models v "+H(e.version),1),fVe])]),pVe,gVe,mVe,_Ve])])]))]),_:1}),e.isReady?(k(),C("button",{key:0,onClick:n[0]||(n[0]=(...s)=>e.togglePanel&&e.togglePanel(...s)),class:"absolute top-0 left-0 z-50 p-2 m-2 bg-white rounded-full shadow-md bg-bg-light-tone dark:bg-bg-dark-tone hover:bg-primary-light dark:hover:bg-primary"},[fe(d("div",null,yVe,512),[[Ye,e.panelCollapsed]]),fe(d("div",null,wVe,512),[[Ye,!e.panelCollapsed]])])):F("",!0),he(Ss,{name:"slide-right"},{default:De(()=>[e.showPanel?(k(),C("div",xVe,[d("div",{id:"leftPanel",class:"flex flex-col flex-grow overflow-y-scroll no-scrollbar",onDragover:n[19]||(n[19]=le(s=>e.setDropZoneDiscussion(),["stop","prevent"]))},[d("div",kVe,[d("div",EVe,[d("button",{class:"text-2xl hover:text-secondary duration-75 active:scale-90",title:"Create new discussion",type:"button",onClick:n[1]||(n[1]=s=>e.createNewDiscussion())},AVe),d("button",{class:Me(["text-2xl hover:text-secondary duration-75 active:scale-90",e.isCheckbox?"text-secondary":""]),title:"Edit discussion list",type:"button",onClick:n[2]||(n[2]=s=>e.isCheckbox=!e.isCheckbox)},TVe,2),MVe,OVe,d("input",{type:"file",ref:"fileDialog",style:{display:"none"},onChange:n[3]||(n[3]=(...s)=>e.importDiscussions&&e.importDiscussions(...s))},null,544),d("button",{class:"text-2xl hover:text-secondary duration-75 active:scale-90 rotate-90",title:"Import discussions",type:"button",onClick:n[4]||(n[4]=le(s=>e.$refs.fileDialog.click(),["stop"]))},NVe),e.isOpen?(k(),C("div",DVe,[d("button",{onClick:n[5]||(n[5]=(...s)=>e.importDiscussions&&e.importDiscussions(...s))},"LOLLMS"),d("button",{onClick:n[6]||(n[6]=(...s)=>e.importChatGPT&&e.importChatGPT(...s))},"ChatGPT")])):F("",!0),d("button",{class:Me(["text-2xl hover:text-secondary duration-75 active:scale-90",e.isSearch?"text-secondary":""]),title:"Filter discussions",type:"button",onClick:n[7]||(n[7]=s=>e.isSearch=!e.isSearch)},IVe,2),e.showConfirmation?F("",!0):(k(),C("button",{key:1,title:"Save configuration",class:"text-2xl hover:text-secondary duration-75 active:scale-90",onClick:n[8]||(n[8]=s=>e.showConfirmation=!0)},FVe)),e.showConfirmation?(k(),C("div",BVe,[d("button",{class:"text-2xl hover:text-red-600 duration-75 active:scale-90",title:"Cancel",type:"button",onClick:n[9]||(n[9]=le(s=>e.showConfirmation=!1,["stop"]))},jVe),d("button",{class:"text-2xl hover:text-secondary duration-75 active:scale-90",title:"Confirm save changes",type:"button",onClick:n[10]||(n[10]=le(s=>e.save_configuration(),["stop"]))},UVe)])):F("",!0),e.loading?(k(),C("div",qVe,VVe)):F("",!0)]),e.isSearch?(k(),C("div",GVe,[d("div",KVe,[d("div",WVe,[ZVe,d("div",YVe,[d("div",{class:Me(["hover:text-secondary duration-75 active:scale-90",e.filterTitle?"visible":"invisible"]),title:"Clear",onClick:n[11]||(n[11]=s=>e.filterTitle="")},QVe,2)]),fe(d("input",{type:"search",id:"default-search",class:"block w-full p-2 pl-10 pr-10 text-sm border border-gray-300 rounded-lg bg-bg-light focus:ring-secondary focus:border-secondary dark:bg-bg-dark dark:border-gray-600 dark:placeholder-gray-400 dark:focus:ring-secondary dark:focus:border-secondary",placeholder:"Search...",title:"Filter discussions by title","onUpdate:modelValue":n[12]||(n[12]=s=>e.filterTitle=s),onInput:n[13]||(n[13]=s=>e.filterDiscussions())},null,544),[[Ie,e.filterTitle]])])])])):F("",!0),e.isCheckbox?(k(),C("hr",XVe)):F("",!0),e.isCheckbox?(k(),C("div",eGe,[d("div",tGe,[e.selectedDiscussions.length>0?(k(),C("p",nGe,"Selected: "+H(e.selectedDiscussions.length),1)):F("",!0)]),d("div",sGe,[e.selectedDiscussions.length>0?(k(),C("div",oGe,[e.showConfirmation?F("",!0):(k(),C("button",{key:0,class:"flex mx-3 flex-1 text-2xl hover:text-red-600 duration-75 active:scale-90",title:"Remove selected",type:"button",onClick:n[14]||(n[14]=le(s=>e.showConfirmation=!0,["stop"]))},iGe)),e.showConfirmation?(k(),C("div",aGe,[d("button",{class:"text-2xl hover:text-secondary duration-75 active:scale-90",title:"Confirm removal",type:"button",onClick:n[15]||(n[15]=le((...s)=>e.deleteDiscussionMulti&&e.deleteDiscussionMulti(...s),["stop"]))},cGe),d("button",{class:"text-2xl hover:text-red-600 duration-75 active:scale-90",title:"Cancel removal",type:"button",onClick:n[16]||(n[16]=le(s=>e.showConfirmation=!1,["stop"]))},uGe)])):F("",!0)])):F("",!0),d("div",hGe,[d("button",{class:"text-2xl hover:text-secondary duration-75 active:scale-90 rotate-90",title:"Export selected to a file",type:"button",onClick:n[17]||(n[17]=le((...s)=>e.exportDiscussions&&e.exportDiscussions(...s),["stop"]))},pGe),d("button",{class:"text-2xl hover:text-secondary duration-75 active:scale-90",title:"Select All",type:"button",onClick:n[18]||(n[18]=le((...s)=>e.selectAllDiscussions&&e.selectAllDiscussions(...s),["stop"]))},mGe)])])])):F("",!0)]),d("div",_Ge,[he(_l,{ref:"dragdropDiscussion",onPanelDrop:e.setFileListDiscussion},{default:De(()=>[xe("Drop your discussion file here ")]),_:1},8,["onPanelDrop"])]),d("div",bGe,[d("div",{class:Me(["mx-4 flex flex-col flex-grow",e.isDragOverDiscussion?"pointer-events-none":""])},[d("div",{id:"dis-list",class:Me([e.filterInProgress?"opacity-20 pointer-events-none":"","flex flex-col flex-grow"])},[e.list.length>0?(k(),st(Ut,{key:0,name:"list"},{default:De(()=>[(k(!0),C(Oe,null,Ge(e.list,(s,o)=>(k(),st(Ug,{key:s.id,id:s.id,title:s.title,selected:e.currentDiscussion.id==s.id,loading:s.loading,isCheckbox:e.isCheckbox,checkBoxValue:s.checkBoxValue,onSelect:r=>e.selectDiscussion(s),onDelete:r=>e.deleteDiscussion(s.id),onEditTitle:e.editTitle,onChecked:e.checkUncheckDiscussion},null,8,["id","title","selected","loading","isCheckbox","checkBoxValue","onSelect","onDelete","onEditTitle","onChecked"]))),128))]),_:1})):F("",!0),e.list.length<1?(k(),C("div",yGe,wGe)):F("",!0),xGe],2)],2)])],32)])):F("",!0)]),_:1}),e.isReady?(k(),C("div",{key:1,class:"relative flex flex-col flex-grow",onDragover:n[20]||(n[20]=le(s=>e.setDropZoneChat(),["stop","prevent"]))},[d("div",kGe,[he(_l,{ref:"dragdropChat",onPanelDrop:e.setFileListChat},null,8,["onPanelDrop"])]),d("div",{id:"messages-list",class:Me(["z-0 flex flex-col flex-grow overflow-y-auto scrollbar-thin scrollbar-track-bg-light-tone scrollbar-thumb-bg-light-tone-panel hover:scrollbar-thumb-primary dark:scrollbar-track-bg-dark-tone dark:scrollbar-thumb-bg-dark-tone-panel dark:hover:scrollbar-thumb-primary active:scrollbar-thumb-secondary",e.isDragOverChat?"pointer-events-none":""])},[d("div",EGe,[e.discussionArr.length>0?(k(),st(Ut,{key:0,name:"list"},{default:De(()=>[(k(!0),C(Oe,null,Ge(e.discussionArr,(s,o)=>(k(),st(qg,{key:s.id,message:s,id:"msg-"+s.id,ref_for:!0,ref:"messages",onCopy:e.copyToClipBoard,onDelete:e.deleteMessage,onRankUp:e.rankUpMessage,onRankDown:e.rankDownMessage,onUpdateMessage:e.updateMessage,onResendMessage:e.resendMessage,onContinueMessage:e.continueMessage,avatar:e.getAvatar(s.sender)},null,8,["message","id","onCopy","onDelete","onRankUp","onRankDown","onUpdateMessage","onResendMessage","onContinueMessage","avatar"]))),128))]),_:1})):F("",!0),e.currentDiscussion.id?F("",!0):(k(),st(Vg,{key:1}))]),CGe,e.currentDiscussion.id?(k(),C("div",AGe,[he(Hg,{ref:"chatBox",onMessageSentEvent:e.sendMsg,loading:e.isGenerating,discussionList:e.discussionArr,onStopGenerating:e.stopGenerating,"on-show-toast-message":e.showToastMessage,"on-talk":e.talk},null,8,["onMessageSentEvent","loading","discussionList","onStopGenerating","on-show-toast-message","on-talk"])])):F("",!0)],2)],32)):F("",!0),he(Io,{ref:"toast"},null,512),he($g,{ref:"messageBox"},null,512)],64))}}),MGe=Ue(TGe,[["__scopeId","data-v-7e498efe"]]),OGe=jy({history:oy("/"),routes:[{path:"/playground/",name:"playground",component:iMe},{path:"/extensions/",name:"extensions",component:mMe},{path:"/help/",name:"help",component:LMe},{path:"/settings/",name:"settings",component:L$e},{path:"/training/",name:"training",component:tje},{path:"/quantizing/",name:"quantizing",component:dje},{path:"/",name:"discussions",component:MGe}]});const xi=X1(p2);console.log("Loaded main.js");const RGe=A0({state(){return{ready:!1,settingsChanged:!1,isConnected:!1,config:null,mountedPers:null,mountedPersArr:null,bindingsArr:null,modelsArr:null,models_zoo:null,personalities:null,diskUsage:null,ramUsage:null,vramUsage:null,extensionsZoo:null}},mutations:{setIsConnected(t,e){t.isConnected=e},setConfig(t,e){t.config=e},setPersonalities(t,e){t.personalities=e},setMountedPers(t,e){t.mountedPers=e},setMountedPersArr(t,e){t.mountedPersArr=e},setBindingsArr(t,e){t.bindingsArr=e},setModelsArr(t,e){t.modelsArr=e},setDiskUsage(t,e){t.diskUsage=e},setRamUsage(t,e){t.ramUsage=e},setVramUsage(t,e){t.vramUsage=e},setExtensionsZoo(t,e){t.extensionsZoo=e},setModelsZoo(t,e){t.models_zoo=e}},getters:{getIsConnected(t){return t.isConnected},getConfig(t){return t.config},getPersonalities(t){return t.personalities},getMountedPersArr(t){return t.mountedPersArr},getMountedPers(t){return t.mountedPers},getbindingsArr(t){return t.bindingsArr},getModelsArr(t){return t.modelsArr},getDiskUsage(t){return t.diskUsage},getRamUsage(t){return t.ramUsage},getVramUsage(t){return t.vramUsage},getModelsZoo(t){return t.models_zoo},getExtensionsZoo(t){return t.extensionsZoo}},actions:{async refreshConfig({commit:t}){console.log("Fetching configuration");try{const e=await _n("get_config");let n=e.personalities[e.active_personality_id].split("/");e.personality_category=n[0],e.personality_folder=n[1],console.log("Recovered config"),console.log(e),t("setConfig",e)}catch(e){console.log(e.message,"refreshConfig")}},async refreshPersonalitiesArr({commit:t}){let e=[];const n=await _n("get_all_personalities"),s=Object.keys(n);console.log("Personalities recovered:"+this.state.config.personalities);for(let o=0;o{const c=this.state.config.personalities.includes(r+"/"+l.folder);let u={};return u=l,u.category=r,u.full_path=r+"/"+l.folder,u.isMounted=c,u});e.length==0?e=a:e=e.concat(a)}e.sort((o,r)=>o.name.localeCompare(r.name)),t("setPersonalities",e),console.log("Done loading personalities")},refreshMountedPersonalities({commit:t}){let e=[];for(let n=0;ni.full_path==s),r=this.state.personalities[o];r?e.push(r):e.push(this.state.personalities[this.state.personalities.findIndex(i=>i.full_path=="generic/lollms")])}console.log("Personalities list",this.state.personalities),t("setMountedPersArr",e),console.log("active_personality_id",this.state.config.active_personality_id),console.log("selected pers",this.state.config.personalities[this.state.config.active_personality_id]),this.state.mountedPers=this.state.personalities[this.state.personalities.findIndex(n=>n.full_path==this.state.config.personalities[this.state.config.active_personality_id])],console.log("selected pers",this.state.mountedPers)},async refreshBindings({commit:t}){let e=await _n("list_bindings");t("setBindingsArr",e)},async refreshModels({commit:t}){let e=await _n("list_models");t("setModelsArr",e)},async refreshExtensionsZoo({commit:t}){let e=await _n("list_extensions");t("setExtensionsZoo",e)},async refreshDiskUsage({commit:t}){this.state.diskUsage=await _n("disk_usage")},async refreshRamUsage({commit:t}){this.state.ramUsage=await _n("ram_usage")},async refreshVramUsage({commit:t}){console.log("getting gpu data");const e=await _n("vram_usage"),n=[];if(e.nb_gpus>0){for(let o=0;o{console.log("found models");let n=e.data;n.sort((s,o)=>s.title.localeCompare(o.title));for(let s=0;si.title==o)==-1){let i={};i.title=o,i.path=o,i.icon="",i.isCustomModel=!0,i.isInstalled=!0,n.push(i)}}n.sort((s,o)=>s.isInstalled&&!o.isInstalled?-1:!s.isInstalled&&o.isInstalled?1:0),n.forEach(s=>{s.title==this.state.config.model_name?s.selected=!0:s.selected=!1}),t("setModelsZoo",n),console.log("Models zoo loaded successfully")}).catch(e=>{console.log(e.message,"fetchModels")})},fetchCustomModels({commit:t}){ye.get("/list_models").then(e=>{}).catch(e=>{console.log(e.message,"fetchCustomModels")})}}});async function _n(t){try{const e=await ye.get("/"+t);if(e)return e.data}catch(e){throw console.log(e.message,"api_get_req"),e}}let zh=!1;xi.mixin({created(){zh||(zh=!0,console.log("Calling"),this.$store.dispatch("refreshConfig").then(()=>{console.log("recovered config"),this.$store.dispatch("refreshPersonalitiesArr").then(()=>{this.$store.dispatch("refreshMountedPersonalities"),this.$store.dispatch("refreshBindings"),this.$store.dispatch("refreshModels"),this.$store.dispatch("refreshDiskUsage"),this.$store.dispatch("refreshRamUsage"),this.$store.dispatch("refreshVramUsage"),this.$store.dispatch("refreshModelsZoo"),this.$store.dispatch("refreshExtensionsZoo"),this.$store.state.ready=!0,console.log("done loading data")})}))},beforeMount(){}});xi.use(OGe);xi.use(RGe);xi.mount("#app"); diff --git a/web/dist/index.html b/web/dist/index.html index 34ebd949..085ab932 100644 --- a/web/dist/index.html +++ b/web/dist/index.html @@ -6,7 +6,7 @@ LoLLMS WebUI - Welcome - + diff --git a/web/src/components/InteractiveMenu.vue b/web/src/components/InteractiveMenu.vue index abc3ba21..ecb5fa00 100644 --- a/web/src/components/InteractiveMenu.vue +++ b/web/src/components/InteractiveMenu.vue @@ -1,7 +1,9 @@